diff --git a/DB/User.db b/DB/User.db new file mode 100644 index 0000000000000000000000000000000000000000..842886d125010f1e9369abd878bb8b3718df5807 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..574341dcb5e538388779c639445dc966fd7358ed --- /dev/null +++ b/Data_prep_functions.py @@ -0,0 +1,238 @@ +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) + print('mape*********',mape) + # 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.params) - 1) #manoj + + + # 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..749b3be7bfda1ea0935da720e1f0d59301bc4a66 --- /dev/null +++ b/Eda_functions.py @@ -0,0 +1,178 @@ +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) + + if len(selected_feature)>1: + imp_clicks=selected_feature[0] + spends_col=selected_feature[1] + + 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[spends_col] / sum_df[imp_clicks])*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'])] + sum_df[spends_col]=sum_df[spends_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..119cd7f7356428627e113039b21c4c15342cda07 --- /dev/null +++ b/Home.py @@ -0,0 +1,644 @@ +import sqlite3 +import uuid +import streamlit as st +from utilities import ( + load_local_css, + set_header, +) + + +import os +import datetime +import shutil +import pandas as pd +import pickle +from pathlib import Path +import re +st.set_page_config(layout="wide") +load_local_css("styles.css") +set_header() + + +# Define the path to the database file +database_file = r"DB/User.db" + +# Establish a connection to the SQLite database specified by database_file +conn = sqlite3.connect(database_file, check_same_thread=False) + +# Create a cursor object using the connection + +c = conn.cursor() + + + +def update_summary_df(): + #print("[DEBUG]: Running update_summary_df") + + """ Function to fetch the project details everytime user + changes the slection box this function is being called on change in + username select box """ + + # Execute a SQL query to select distinct project names, the last edited page, + # and the last updated time from the 'sessions' table where the owner matches the user's name + + c.execute( + """ + SELECT project_name, last_edited_page, updated_time as last_updated + FROM ( + SELECT project_name, last_edited_page, updated_time + FROM sessions + WHERE owner=? + ORDER BY updated_time DESC + ) sub + GROUP BY project_name + """, + (st.session_state["username"],) + ) + + # Fetch all the results of the query + project_summary = c.fetchall() + + + # This will hold the user's owned sessions + + # Create a DataFrame from the fetched data with specified column names + project_summary_df = pd.DataFrame( + project_summary, + columns=["Project Name", "Last Page Edited", "Modified Date"], + ) + + # Convert the 'Modified Date' column to datetime format + project_summary_df["Modified Date"] = project_summary_df[ + "Modified Date" + ].map(lambda x: pd.to_datetime(x).date()) + + # Sort the DataFrame by 'Modified Date' in descending order + session_summary_df = project_summary_df.sort_values( + by=["Modified Date"], ascending=False + ) + + session_summary_df["Last Page Modified"] = session_summary_df[ + "Last Page Edited" + ].map(lambda x: re.sub(r'[_1-9]', ' ', x).replace(".py", "")) + + # Save the resulting DataFrame to the session state + st.session_state["session_summary_df"] = session_summary_df + + + # Add a 'selected' column to the DataFrame and initialize it with False for all rows + + if "selected" not in st.session_state.session_summary_df.columns: + st.session_state.session_summary_df["selected"] = [False] * len( + st.session_state.session_summary_df + ) + + # Reset the index of the DataFrame and save it back to the session state + st.session_state["session_summary_df"] = ( + st.session_state["session_summary_df"].reset_index(drop=True).copy() + ) + + +st.header("Manage Projects") +# c.execute("PRAGMA table_info(sessions);") + +# st.write(c.fetchall()) +users = { + "ioannis": "Ioannis Papadopoulos", + "sharon": "Sharon Sheng", + "herman": "Herman Kwong", + "ismail": "Ismail Mohammed", + "geetha": "Geetha Krishna", + "srishti": "Srishti Verma", + "samkeet": "Samkeet Sangai", + "manoj": "Manoj P" +} + + +if 'username' not in st.session_state: + st.session_state['username']='' + +# first_name_value = [key for key, value in users.items() if value == st.session_state['username']] + +# # Extract the first key from the list if the list is not empty +# first_name_value = first_name_value[0] if first_name_value else '' + + +first_name=st.text_input('Enter Name').lower() + + +if st.button('Login'): + + if first_name not in users.keys(): + st.warning('Please enter a valid name') + st.stop() + + name=users[first_name] + + st.session_state.name=name # storing in session state + + st.session_state["username"]= name + + update_summary_df() #function call to fetch user saved projects + + #st.success('Projects sucessfully loaded') + +if len(first_name)==0 or first_name not in users.keys(): + st.stop() + + + +# name=st.session_state['Username'] + +# c.execute('Delete from sessions') +# conn.commit() +if st.session_state["username"] in users.values(): + + if "session_summary_df" not in st.session_state: + st.session_state.session_summary_df = pd.DataFrame() + + if "project_name" not in st.session_state: + st.session_state["project_name"] = None + + cols1 = st.columns([2, 1]) + + with cols1[0]: + st.markdown(f"**Welcome {st.session_state['username']}**") + with cols1[1]: + st.markdown(f"**Current Project: {st.session_state['project_name']}**") + + + # Execute a SQL query to select all project names from the 'sessions' table + # where the owner matches the user's name + c.execute("SELECT project_name FROM sessions WHERE owner=?", (st.session_state['username'],)) + + # Fetch all the results and create a list of project names + user_projects = [project[0] for project in c.fetchall()] + + + c.execute("SELECT DISTINCT username FROM users") + + # Fetch all the results and create a list of usernames excluding the current user's name + allowed_users_db = [user[0] for user in c.fetchall() if user[0] != st.session_state['username']] + + page_name = "Home Page" + + # Execute a SQL query to select the email, user_id, and user_type from the 'users' table + # where the username matches the current user's name + c.execute( + "SELECT email, user_id, user_type FROM users WHERE username = ?", + (st.session_state['username'],), + ) + + # Fetch the result of the query (assume there is only one matching row) + user_data = c.fetchone() + + # Unpack the fetched data into corresponding variables + email, user_id, user_type = user_data + + + + folder_path = r"Users" + user_folder_path = os.path.join(folder_path, email) + + if not os.path.exists(user_folder_path): + os.makedirs(user_folder_path) + + + def dump_session_details_db(allowed_users, project_name): + + 'Function to dump details of project in db when a project is created/modified/cloned ' + + created_time = datetime.datetime.now().strftime("%Y-%m-%d %H:%M") # Get the current time + session_id = str(uuid.uuid4()) # Generate a unique session ID + + if len(allowed_users) == 0: + # Insert a new session into the database with no allowed users + c.execute( + "INSERT INTO sessions VALUES (?, ?, ?, ?, ?, ?, ?,?)", + ( + user_id, + st.session_state['username'], + session_id, + project_name, + page_name, + created_time, + created_time, + None, + ), + ) + conn.commit() # Commit the transaction + else: + # Insert new sessions for each allowed user + for allowed_user in allowed_users: + c.execute( + "INSERT INTO sessions VALUES (?, ?, ?, ?, ?, ?, ?,?)", + ( + user_id, + st.session_state['username'], + session_id, + project_name, + "1_Home.py", + created_time, + created_time, + allowed_user, + ), + ) + conn.commit() # Commit the transaction + + + + st.markdown( + """ + * **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. +push + """ + ) + + session_col = st.columns([5, 5]) + + # data editor + if "selected_row_index" not in st.session_state: + st.session_state["selected_row_index"] = None + + + def selection_change(): + # Get the edited rows from the session state + #print(st.session_state['session_summary_df']) + edited_rows: dict = st.session_state['project_selection']["edited_rows"] + #print(edited_rows) + + # Set the selected row index in the session state + st.session_state["selected_row_index"] = next(iter(edited_rows)) + + # # Set all 'selected' flags to False in the DataFrame + # st.session_state["session_summary_df"] = st.session_state[ + # "session_summary_df" + # ].assign(selected=False) + + # Create a dictionary to update the DataFrame + update_dict = {idx: values for idx, values in edited_rows.items()} + + # Update the DataFrame with the edited rows + st.session_state["session_summary_df"].update( + pd.DataFrame.from_dict(update_dict, orient="index") + ) + + # Reset the DataFrame index + st.session_state['session_summary_df'] = st.session_state['session_summary_df'].reset_index(drop=True) + + + + + st.markdown("Select Project") + + if len(st.session_state["session_summary_df"])!=0: + + with st.container(): + # Display an editable data table using Streamlit's data editor component + + table = st.data_editor( + st.session_state["session_summary_df"].drop(['Last Page Edited'],axis=1).reindex( + columns=['selected','Project Name','Last Page Modified','Modified Date' + ]), + hide_index=True, + on_change=selection_change, # Function to call when data is edited + key="project_selection", # Key for the data editor component in the session state + use_container_width=True, + ) + + if len(st.session_state["session_summary_df"]) > 0 and st.session_state["selected_row_index"] is not None : + + selected_row_index = st.session_state["session_summary_df"]["selected"] + + + # st.write(st.session_state['selected_row_index']) + + if len(selected_row_index) != 0: + + try : + project_name = st.session_state["session_summary_df"].at[ + st.session_state["selected_row_index"], "Project Name" + ] + except Exception as e: + st.session_state["selected_row_index"]=None + st.rerun() + + last_edited_page = st.session_state["session_summary_df"].at[ + st.session_state["selected_row_index"], "Last Page Edited" + ] + + st.session_state["project_name"] = project_name + + + project_col = st.columns(2) + + with project_col[0]: + + if st.button('Load Project',use_container_width=True): + st.session_state["project_name"] = project_name + st.rerun() + + 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: + try: + st.session_state["project_dct"] = pickle.load(f) + st.success('Project Loded') + + except Exception as e: + st.warning('Something went wrong unable to load saved details / data is lost due to app refresh. Please uncheck the check box and create a new project.') + st.stop() + + + with project_col[1]: + + if st.button(f"Delete Project - **{project_name}**",use_container_width=True): + + project_name_to_delete = project_name + st.warning( + f"{project_name_to_delete} will be deleted permanentaly and all the information regarding the project will be lost" + ) + + try: + c.execute( + "Delete FROM sessions WHERE project_name =? AND owner =?", + ( + project_name_to_delete, + st.session_state["name"], + ), + ) + if os.path.exists(project_path): + shutil.rmtree(project_path) + + conn.commit() + update_summary_df() + st.rerun() + + except: + st.warning('Failed to Delete project try refreshing the page or try after some time') + st.stop() + + with st.expander("Add users with access to the selected project"): + + c.execute( + "SELECT DISTINCT allowed_users FROM sessions WHERE project_name = ?", + (project_name,), + ) + + present_users = c.fetchall() + + present_users = [ + user[0] + for user in present_users + if user[0] != st.session_state['username'] and user[0] is not None + ] + + present_users = None if len(present_users) == 0 else present_users + + if present_users is not None: + + allowed_users = st.multiselect( + "", + list(set(allowed_users_db) - set(present_users)), + ) + else: + + allowed_users = st.multiselect( + "", + list(set(allowed_users_db)), + ) + + if st.button("Save Changes", use_container_width=True): + dump_session_details_db(allowed_users, project_name) + c.execute("SELECT * from 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() + 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) + + if not os.path.exists(project_path): + os.makedirs(project_path) + + else: + st.warning("Project already exists please enter new name") + st.stop() + + 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 + st.session_state["project_name"] = project_name + + 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") + + update_summary_df() + + st.rerun() + + + # st.header('Clone Project') + + with st.expander("**Clone saved projects**"): + + c.execute( + "SELECT DISTINCT owner FROM sessions WHERE allowed_users=?", + (st.session_state['username'],), + ) # owner + owners = c.fetchall() + + owners = [owner[0] for owner in owners if owner[0]!=st.session_state["username"]] + + 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 project_name FROM sessions WHERE owner=? AND allowed_users = ?", + (owner, st.session_state['username']), + ) # 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) + + + 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" + ) + + project_path = os.path.join(user_folder_path, project_name_user) + + owner_project_path = os.path.join( + owner_folder_path, project_name_owner + ) + + + 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 + + + dump_session_details_db([], project_name_user) #passing empty list for allowed users + st.success("Project Cloned") + st.rerun() + 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/MMM Tool Description.docx b/MMM Tool Description.docx new file mode 100644 index 0000000000000000000000000000000000000000..ec489da324c426ef0c344beea2863ee10565f617 Binary files /dev/null and b/MMM Tool Description.docx differ diff --git a/Model/model_0.pkl b/Model/model_0.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ba89626417356575f9bdbc22eccc34790140ef35 --- /dev/null +++ b/Model/model_0.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7cf8909e8fbe2e13906f740876a8d581aafa81a52af89a11b941879550670322 +size 29283 diff --git a/Model/model_1.pkl b/Model/model_1.pkl new file mode 100644 index 0000000000000000000000000000000000000000..69c0f6631e11f4de03d652361ffd2e7cd54fa30b --- /dev/null +++ b/Model/model_1.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d59ad7f3be4dbb85d83f5c96db49ff135bd9ea2d3917e2be7d91cda312ad2fe +size 29289 diff --git a/Model/model_2.pkl b/Model/model_2.pkl new file mode 100644 index 0000000000000000000000000000000000000000..21b279ae5639fee8e2c38ca8f230260ca3bdcabe --- /dev/null +++ b/Model/model_2.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fcf31e0fb083f222432b05f7af9195eeaaf3d65d03b73f0dd193a36a5dd6b63 +size 29289 diff --git a/Model/model_3.pkl b/Model/model_3.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b73419deffd93004ea68ac2f0415a7702d39435d --- /dev/null +++ b/Model/model_3.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f5200cc12180a85bec1847dc6979d9987fd5f21467d6b74cac9cf76a55e32d6 +size 29295 diff --git a/Model/model_4.pkl b/Model/model_4.pkl new file mode 100644 index 0000000000000000000000000000000000000000..206b7ac54f14c0ce766deb09a265ad8b2806aa67 --- /dev/null +++ b/Model/model_4.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b16891abbf1100beb877211aafe6e70b21627dec5ef892cc831c1c032d85e78 +size 29284 diff --git a/Model/model_5.pkl b/Model/model_5.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0da16f67efeb92afdec4508991bb0e29abac5ec4 --- /dev/null +++ b/Model/model_5.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9fa3a53e7a1a933aa2f3daf0f207bb3238d37d20d6bf8b0d10db4b1aa1d6664e +size 29290 diff --git a/Model/model_6.pkl b/Model/model_6.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fff923f3cb5d28473d96934dbeb10293009e52e0 --- /dev/null +++ b/Model/model_6.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8faff52aa4fe98953c52e2d785266daf702acdc834e77b12acd455b10f8d266c +size 29289 diff --git a/Model/model_7.pkl b/Model/model_7.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1d15a1090f092e2e69d6b817600912b5da267ef2 --- /dev/null +++ b/Model/model_7.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb5d38b12a502081ccf61bdc474e827d504e4feb3ee5289ce15a8d7bc7c385ac +size 29295 diff --git a/Model/model_8.pkl b/Model/model_8.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cd330731687270e2ef33711301bfe3623e7151eb --- /dev/null +++ b/Model/model_8.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79bb07b329642c98e4fb179e6fb1223289accadb516a8be1b4ade55aa35ca0bc +size 29295 diff --git a/Model/model_9.pkl b/Model/model_9.pkl new file mode 100644 index 0000000000000000000000000000000000000000..aa29ef4fa8e0fc9e09b8fa8954a7d92a04b2b997 --- /dev/null +++ b/Model/model_9.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:168e4c15ab324ec23ff8baebfd2479ffd64561202de02e5f8bd6857d5efad959 +size 29301 diff --git a/Model_Results_Pretrained.py b/Model_Results_Pretrained.py new file mode 100644 index 0000000000000000000000000000000000000000..f967316ab1f80818d29d5e342a1b79c63c52b7bf --- /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/README.md b/README.md index 060b013cc70765339f49398e304e8fdd7863a312..08c93cfd4714d4a6d6a8b7922980342ed4d7af1a 100644 --- a/README.md +++ b/README.md @@ -1,11 +1,11 @@ --- -title: RFI -emoji: 🚀 -colorFrom: yellow +title: dev-space +emoji: 🏆 +colorFrom: indigo colorTo: pink sdk: streamlit -sdk_version: 1.36.0 -app_file: app.py +sdk_version: 1.32.1 +app_file: Home.py pinned: false --- diff --git a/Scenario.py b/Scenario.py new file mode 100644 index 0000000000000000000000000000000000000000..388d6a53dfda69256e3585bf6450def180e7c0ca --- /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..94b054c69bc4e8ace8bdc69d3b3a317505cff567 --- /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..5d2e64bfdeb7150bdb9d9ff6dd07e73cfcfa3ab9 --- /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..e77e577e71b1abbbe830f0c19e0d80f808ca24bf --- /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..8c1f2e05fd1b44db9574723b831682574d92d38a --- /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..89e0632fcec41a55e233dd52c4fa19a4efa13553 --- /dev/null +++ b/Test/merged_df_contri.csv @@ -0,0 +1,2277 @@ +paid_search_impressions_lag_1_saturation_10,kwai_impressions_lag_2_saturation_10,fb_level_achieved_tier_2_impressions_lag_1_saturation_10,fb_level_achieved_tier_1_impressions_lag_2_saturation_10,ga_app_impressions,digital_tactic_others_impressions_lag_1_saturation_10,programmatic_impressions_lag_2_saturation_10,account_requests_appsflyer,date,panel_1,random_effect,pred_fixed_effect,pred +0.9969999999999999,0.673,0.0,0.0,0.015927598949499463,0.9510000000000001,0.9520000000000001,57.58,2023-04-03,yakima/pasco/richland/kennewick smm food,-62.897414399258366,123.54009769350165,60.642683294243284 +0.0,0.0,0.0,0.973,0.028863590495321816,0.863,0.867,112.09,2023-04-10,albany/schenectady/troy smm food,-34.057488325336934,123.96361638043564,89.9061280550987 +0.966,0.0,0.86,0.627,0.03937441902162546,0.504,0.705,104.32,2023-04-10,albuquerque/santa fe smm food,-45.622227404454875,126.7708497187807,81.14862231432582 +0.8200000000000001,0.729,0.0,0.0,0.13226942368752964,0.0,0.595,200.97,2023-04-10,atlanta smm food,48.833174073915465,136.31935426723794,185.1525283411534 +0.863,0.0,0.0,0.0,0.054245476045185176,0.9070000000000001,0.0,164.55,2023-04-10,baltimore smm food,-11.133995575951698,125.5051275168432,114.3711319408915 +0.579,0.0,0.0,0.0,0.024770847863619678,0.0,0.886,73.92,2023-04-10,baton rouge smm food,-65.78611486272575,121.85087545081934,56.06476058809359 +0.0,0.0,0.0,0.9420000000000002,0.054356021557837045,0.589,0.8140000000000001,31.419999999999998,2023-04-10,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,126.73575853568254,72.59691867306978 +0.0,0.9070000000000001,0.0,0.9829999999999999,0.10879269311500296,0.0,0.851,265.06,2023-04-10,boston/manchester smm food,66.92993459998871,134.56741074225377,201.49734534224248 +0.0,0.0,0.793,0.0,0.03552802476778639,0.0,0.0,105.53,2023-04-10,buffalo smm food,-52.4511634583843,121.61917791053949,69.16801445215519 +0.8200000000000001,0.0,0.0,0.974,0.07836738280352283,0.6960000000000001,0.0,132.26,2023-04-10,charlotte smm food,10.686528499937081,130.26597547536502,140.9525039753021 +0.9840000000000001,0.58,0.0,0.844,0.1785746571517349,0.0,0.0,260.96,2023-04-10,chicago smm food,60.708498931683316,143.01712341630696,203.72562234799028 +0.0,0.0,0.0,0.0,0.0797211714470374,0.0,0.0,128.19,2023-04-10,cleveland/akron/canton smm food,14.676717884071213,126.22873325577143,140.90545113984265 +0.0,0.0,0.9540000000000001,0.966,0.05723383173486931,0.0,0.0,168.86,2023-04-10,columbus oh smm food,-12.49362207652284,126.49094502305522,113.99732294653238 +0.654,0.8250000000000001,0.0,0.0,0.16993732135638953,0.985,0.836,188.32,2023-04-10,dallas/ft. worth smm food,-11.137199584849201,141.94639671871883,130.80919713386962 +0.0,0.0,0.0,0.0,0.027870120678762662,0.0,0.538,104.54,2023-04-10,des moines/ames smm food,-54.00605940238191,120.61558525305405,66.60952585067214 +0.0,0.0,0.9530000000000001,0.0,0.09527634694062703,0.0,0.0,237.14999999999998,2023-04-10,detroit smm food,43.90856628677271,129.14239015505774,173.05095644183046 +0.0,0.0,0.0,0.639,0.04678953131581563,0.8320000000000001,0.796,131.68,2023-04-10,grand rapids smm food,-6.398790457565139,125.3411571322797,118.94236667471456 +0.0,0.836,0.9590000000000001,0.0,0.044743996632262056,0.505,0.866,129.39,2023-04-10,greensboro smm food,-32.84511351029591,125.94180150043799,93.09668799014207 +0.6990000000000001,0.0,0.0,0.665,0.04307988520035408,0.981,0.0,144.41,2023-04-10,harrisburg/lancaster smm food,-31.389249071557845,125.27256242907903,93.88331335752119 +0.0,0.0,0.0,0.0,0.05118377042208593,0.0,0.5,153.16,2023-04-10,hartford/new haven smm food,-3.8036265251073567,123.43130157480333,119.62767504969597 +0.548,0.0,0.6900000000000001,0.6,0.15208968637341844,0.9420000000000002,0.0,238.85000000000002,2023-04-10,houston smm food,51.232085221846255,138.95525784976718,190.18734307161344 +0.0,0.0,0.0,0.898,0.07249002876826886,0.0,0.925,164.35,2023-04-10,indianapolis smm food,-27.3931217903632,128.55061084322182,101.15748905285862 +0.0,0.0,0.791,0.0,0.042171752483553274,0.608,0.0,67.68,2023-04-10,jacksonville smm food,-30.11446677612209,122.93459751601058,92.8201307398885 +0.63,0.852,0.6880000000000001,0.0,0.05145469359181714,0.0,0.0,118.20999999999998,2023-04-10,kansas city smm food,-35.92065625455669,126.07247537961476,90.15181912505807 +0.0,0.975,0.0,0.676,0.03566647494644223,0.0,0.999,80.13,2023-04-10,knoxville smm food,-47.01133837972032,125.24195048153895,78.23061210181862 +0.847,0.0,0.0,0.0,0.041336972492483776,0.0,0.0,100.47,2023-04-10,las vegas smm food,-43.338372299245414,123.13975178960689,79.80137949036148 +0.541,0.0,0.546,0.704,0.040154849728464836,0.641,0.0,109.41,2023-04-10,little rock/pine bluff smm food,-58.710785610175435,124.98197275527889,66.27118714510345 +0.926,0.0,0.5,0.683,0.274495320664866,0.0,0.81,257.19,2023-04-10,los angeles smm food,37.56221942851599,155.1156510393264,192.67787046784238 +0.8290000000000001,0.0,0.9980000000000001,0.0,0.020310015907900766,0.965,0.5760000000000001,81.6,2023-04-10,madison wi smm food,-63.99517148799614,123.17975059185582,59.18457910385968 +0.0,0.548,0.622,0.0,0.07852593400163294,0.0,0.8170000000000001,157.34,2023-04-10,miami/west palm beach smm food,67.70745756991558,128.79406872344413,196.5015262933597 +0.0,0.625,0.0,0.541,0.048516908181757294,0.0,0.505,101.43,2023-04-10,milwaukee smm food,-48.26118428614204,125.26382095865345,77.00263667251141 +0.0,0.0,0.0,0.0,0.08479734495020858,0.0,0.979,129.25,2023-04-10,minneapolis/st. paul smm food,-30.66363431628655,128.2551384606403,97.59150414435375 +0.0,0.851,0.519,0.725,0.03868959589948237,0.0,0.0,61.59000000000001,2023-04-10,mobile/pensacola smm food,-48.947921889963226,124.62926588168362,75.6813439917204 +0.636,0.0,0.0,0.8270000000000001,0.07158676485013671,0.785,0.661,158.0,2023-04-10,nashville smm food,-20.942188827432304,129.7860638735952,108.84387504616289 +0.0,0.679,0.0,0.0,0.044165939758701984,0.895,0.0,70.49,2023-04-10,new orleans smm food,-56.864739449880446,123.69113413362582,66.82639468374538 +0.88,0.0,0.793,0.0,0.3431036485031259,0.9700000000000001,0.0,538.2,2023-04-10,new york smm food,173.74740881857215,161.9817293099237,335.72913812849583 +0.0,0.0,0.9630000000000002,0.0,0.04176250121869004,0.0,0.0,114.54000000000002,2023-04-10,norfolk/portsmouth/newport news smm food,-14.10441751758284,122.56484498096222,108.46042746337938 +0.0,0.0,0.0,0.0,0.048234439402304034,0.0,0.0,40.86,2023-04-10,oklahoma city smm food,-62.80511264619615,122.35243995619817,59.54732731000202 +0.0,0.0,0.732,0.862,0.025177002140931472,0.542,0.608,82.45,2023-04-10,omaha smm food,-55.53812691614876,123.4089419778938,67.87081506174505 +0.0,0.91,0.0,0.802,0.08314604314531884,0.9770000000000001,0.504,149.43,2023-04-10,orlando/daytona beach/melborne smm food,16.201025400694412,131.34052241606227,147.5415478167567 +0.591,0.0,0.0,0.0,0.02744517271726006,0.538,0.0,49.97,2023-04-10,paducah ky/cape girardeau mo smm food,-60.85509863333336,121.3770359763747,60.52193734304134 +0.763,0.0,0.0,0.791,0.1545167886194726,0.0,0.669,332.18,2023-04-10,philadelphia smm food,83.32339087166719,139.53155572424387,222.85494659591106 +0.719,0.871,0.779,0.941,0.08967385676223139,0.0,0.522,220.13,2023-04-10,phoenix/prescott smm food,0.5686043532995056,133.80138321431218,134.36998756761167 +0.0,0.53,0.0,0.0,0.05641741972332377,0.0,0.627,123.09000000000002,2023-04-10,pittsburgh smm food,-11.862124417323331,125.11924012724671,113.25711570992338 +0.666,0.754,0.0,0.0,0.04878421065638479,0.0,0.6880000000000001,105.5,2023-04-10,portland or smm food,-29.518047286931516,125.9178405869383,96.39979330000678 +0.5750000000000001,0.0,0.0,0.858,0.03507389264169068,0.0,0.532,108.95,2023-04-10,providence ri/new bedford ma smm food,-33.166050408362494,124.40859563147175,91.24254522310926 +0.656,0.0,0.0,0.799,0.07381985429778326,0.0,0.0,118.79000000000002,2023-04-10,raleigh/durham/fayetteville smm food,8.915816009933655,128.44943884733064,137.3652548572643 +0.0,0.0,0.708,0.744,0.3915738497229876,0.0,0.0,548.26,2023-04-10,rem us east north central smm food,190.03931593595715,166.92662436961402,356.96594030557117 +0.531,0.0,0.628,0.582,0.13172191781734302,0.0,0.684,213.29,2023-04-10,rem us middle atlantic smm food,14.385666495529572,136.51725178180675,150.9029182773363 +0.0,0.6940000000000001,0.0,0.9210000000000002,0.19131949996305056,0.0,0.0,286.58,2023-04-10,rem us mountain smm food,57.543154764893536,143.03223816515683,200.57539293005036 +0.557,0.0,0.0,0.0,0.06034630192596567,0.0,0.0,177.13,2023-04-10,rem us new england smm food,31.807273846886304,124.91967126944904,156.72694511633534 +0.0,0.0,0.0,0.9430000000000001,0.2019475387665626,0.0,0.894,158.11,2023-04-10,rem us pacific smm food,-11.30071256415528,144.53819553687427,133.237482972719 +0.554,0.0,0.577,0.521,0.434544944344356,0.0,0.0,366.0,2023-04-10,rem us south atlantic smm food,167.26587359064686,172.68099799366783,339.9468715843147 +0.8290000000000001,0.541,0.0,0.9980000000000001,0.7643741636698688,0.731,0.0,588.98,2023-04-10,rem us south central smm food,283.0169725950787,215.69575280435703,498.7127253994357 +0.714,0.0,0.705,0.801,0.26701472817274563,0.922,0.9420000000000002,191.05,2023-04-10,rem us west north central smm food,9.54017171636033,155.19463519798745,164.73480691434779 +0.0,0.9700000000000001,0.0,0.932,0.03193363691517801,0.0,0.665,121.44,2023-04-10,richmond/petersburg smm food,-30.34626292809824,124.83434133637381,94.48807840827557 +0.0,0.546,0.5680000000000001,0.742,0.07695431699367554,0.0,0.0,87.53,2023-04-10,sacramento/stockton/modesto smm food,-44.827275118197626,128.93112250201537,84.10384738381774 +0.738,0.973,0.785,0.0,0.055775912010876436,0.0,0.0,125.96,2023-04-10,salt lake city smm food,-32.689547694016525,127.11152260878768,94.42197491477116 +0.0,0.986,0.0,0.0,0.04802197943873295,0.0,0.0,56.35000000000001,2023-04-10,san diego smm food,-37.700043815451444,123.92960211063104,86.2295582951796 +0.0,0.804,0.0,0.762,0.09105824941370573,0.582,0.0,69.78,2023-04-10,san francisco/oakland/san jose smm food,-27.53844371874822,131.01204137252242,103.47359765377419 +0.925,0.0,0.0,0.851,0.07006147498729468,0.0,0.535,133.63,2023-04-10,seattle/tacoma smm food,-27.669600260363957,129.38167176556763,101.71207150520368 +0.996,0.0,0.0,0.0,0.06600159947405633,0.522,0.966,105.35,2023-04-10,st. louis smm food,-28.710263235806057,128.27587889212617,99.56561565632012 +0.0,0.88,0.9059999999999999,0.8260000000000001,0.08921837221608542,0.0,0.0,163.17,2023-04-10,tampa/ft. myers smm food,56.84084685459594,131.51484560297348,188.35569245756943 +0.6,0.0,0.872,0.0,0.019879699459038738,0.0,0.748,93.4,2023-04-10,tucson/sierra vista smm food,-53.092110121747545,122.00554766060037,68.91343753885283 +0.519,0.836,0.8180000000000001,0.775,0.10870940758926331,0.0,0.0,220.52,2023-04-10,washington dc/hagerstown smm food,56.60701941749206,134.64611415660693,191.253133574099 +0.0,0.892,0.0,0.0,0.015461449213400688,0.893,0.616,38.67,2023-04-10,yakima/pasco/richland/kennewick smm food,-62.897414399258366,121.38390382755829,58.48648942829992 +0.0,0.0,0.0,0.537,0.03464535062328672,0.0,0.0,68.15,2023-04-17,albany/schenectady/troy smm food,-34.057488325336934,121.80846828293497,87.75097995759803 +0.0,0.0,0.8220000000000001,0.999,0.04727517129544354,0.0,0.0,86.75,2023-04-17,albuquerque/santa fe smm food,-45.622227404454875,125.19599727253036,79.57376986807549 +0.0,0.9910000000000001,0.0,0.662,0.17603673973682935,0.706,0.0,196.1,2023-04-17,atlanta smm food,48.833174073915465,141.669377045962,190.50255111987747 +0.624,0.0,0.846,0.0,0.07240794066431956,0.0,0.0,118.31,2023-04-17,baltimore smm food,-11.133995575951698,127.42056218510034,116.28656660914864 +0.0,0.0,0.681,0.0,0.030675962612328682,0.919,0.0,60.23,2023-04-17,baton rouge smm food,-65.78611486272575,121.65965165221576,55.873536789490004 +0.0,0.0,0.615,0.652,0.0670177351513434,0.0,0.0,58.12,2023-04-17,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,126.68004149352932,72.54120163091656 +0.718,0.0,0.0,0.0,0.14672813396603118,0.972,0.0,194.81,2023-04-17,boston/manchester smm food,66.92993459998871,136.6638198182095,203.59375441819822 +0.0,0.522,0.0,0.522,0.04199945308187531,0.0,0.786,79.68,2023-04-17,buffalo smm food,-52.4511634583843,124.65629815608905,72.20513469770475 +0.714,0.536,0.642,0.649,0.10098369066807415,0.0,0.6980000000000001,112.97,2023-04-17,charlotte smm food,10.686528499937081,134.1338230177655,144.8203515177026 +0.0,0.6950000000000001,0.5710000000000001,0.525,0.23043005014467755,0.0,0.0,234.06,2023-04-17,chicago smm food,60.708498931683316,147.61455258021618,208.3230515118995 +0.996,0.9560000000000002,0.801,0.5680000000000001,0.09781814101707315,0.0,0.0,122.52,2023-04-17,cleveland/akron/canton smm food,14.676717884071213,133.96902150615637,148.6457393902276 +0.0,0.898,0.937,0.0,0.07132015202818931,0.0,0.0,146.89,2023-04-17,columbus oh smm food,-12.49362207652284,127.63662776930724,115.1430056927844 +0.9350000000000002,0.0,0.0,0.971,0.2243381417357264,0.0,0.0,139.13,2023-04-17,dallas/ft. worth smm food,-11.137199584849201,147.88021058346322,136.743010998614 +0.8320000000000001,0.0,0.0,0.0,0.03447522662126005,0.676,0.745,84.12,2023-04-17,des moines/ames smm food,-54.00605940238191,123.88802376886623,69.88196436648433 +0.0,0.9980000000000001,0.0,0.0,0.12048833544446505,0.0,0.614,182.57,2023-04-17,detroit smm food,43.90856628677271,133.74932940883687,177.65789569560957 +0.888,0.0,0.706,0.0,0.05562928811728658,0.749,0.0,131.63,2023-04-17,grand rapids smm food,-6.398790457565139,126.33379357601913,119.93500311845399 +0.0,0.743,0.0,0.0,0.05524936197956307,0.0,0.595,111.03,2023-04-17,greensboro smm food,-32.84511351029591,125.27598816247534,92.43087465217943 +0.0,0.0,0.617,0.9070000000000001,0.052896163793425335,0.0,0.0,109.88,2023-04-17,harrisburg/lancaster smm food,-31.389249071557845,125.47974834732337,94.09049927576552 +0.763,0.839,0.666,0.0,0.06533155773718621,0.751,0.0,141.51,2023-04-17,hartford/new haven smm food,-3.8036265251073567,128.61073118770724,124.80710466259988 +0.67,0.0,0.629,0.523,0.20496657325133028,0.721,0.0,224.08,2023-04-17,houston smm food,51.232085221846255,145.29316951422746,196.52525473607372 +0.0,0.636,0.585,0.548,0.09163214945509612,0.0,0.8270000000000001,75.64,2023-04-17,indianapolis smm food,-27.3931217903632,131.67828672205485,104.28516493169165 +0.746,0.608,0.535,0.0,0.05508110751972064,0.0,0.0,132.81,2023-04-17,jacksonville smm food,-30.11446677612209,126.18593948884677,96.07147271272468 +0.773,0.0,0.659,0.0,0.06686323055068995,0.0,0.542,67.41,2023-04-17,kansas city smm food,-35.92065625455669,127.60577078164516,91.68511452708847 +0.0,0.78,0.536,0.0,0.042812641129614554,0.0,0.542,90.6,2023-04-17,knoxville smm food,-47.01133837972032,124.29090267352838,77.27956429380805 +0.0,0.0,0.0,0.5700000000000001,0.05664114096222427,0.795,0.0,85.81,2023-04-17,las vegas smm food,-43.338372299245414,125.23899946629354,81.90062716704813 +0.0,0.674,0.628,0.985,0.04730891742516309,0.841,0.632,103.54,2023-04-17,little rock/pine bluff smm food,-58.710785610175435,127.65921548019628,68.94842987002085 +0.805,0.89,0.783,0.0,0.3823785965481941,0.9980000000000001,0.778,239.49,2023-04-17,los angeles smm food,37.56221942851599,169.24540228603468,206.80762171455066 +0.801,0.0,0.0,0.0,0.02461769962438315,0.9210000000000002,0.9910000000000001,59.99,2023-04-17,madison wi smm food,-63.99517148799614,123.16806705805847,59.17289557006233 +0.0,0.0,0.631,0.961,0.11660741526336345,0.982,0.0,180.58,2023-04-17,miami/west palm beach smm food,67.70745756991558,134.25830395889378,201.96576152880937 +0.0,0.801,0.981,0.534,0.058863645381632704,0.769,0.0,69.96,2023-04-17,milwaukee smm food,-48.26118428614204,127.74607213717059,79.48488785102855 +0.584,0.681,0.0,0.0,0.11010473954718267,0.519,0.0,71.26,2023-04-17,minneapolis/st. paul smm food,-30.66363431628655,132.63137994523635,101.9677456289498 +0.652,0.528,0.0,0.0,0.047879660678955965,0.848,0.8160000000000001,47.22,2023-04-17,mobile/pensacola smm food,-48.947921889963226,126.29200728144474,77.34408539148151 +0.711,0.525,0.765,0.9560000000000002,0.09071212824202811,0.0,0.0,152.77,2023-04-17,nashville smm food,-20.942188827432304,132.6207196059978,111.6785307785655 +0.0,0.0,0.0,0.0,0.054228148648239806,0.838,0.0,54.67,2023-04-17,new orleans smm food,-56.864739449880446,123.77893124251338,66.91419179263293 +0.0,0.809,0.0,0.0,0.47020424828919877,0.551,0.663,295.88,2023-04-17,new york smm food,173.74740881857215,177.01802170920354,350.7654305277757 +0.715,0.0,0.0,0.585,0.05362307827762686,0.0,0.611,106.25,2023-04-17,norfolk/portsmouth/newport news smm food,-14.10441751758284,126.50180030989073,112.39738279230788 +0.0,0.71,0.8150000000000001,0.9840000000000001,0.059530642678388535,0.0,0.707,75.51,2023-04-17,oklahoma city smm food,-62.80511264619615,128.83250465928398,66.02739201308783 +0.0,0.616,0.965,0.0,0.03181371873373449,0.0,0.799,31.17,2023-04-17,omaha smm food,-55.53812691614876,123.48763081181005,67.94950389566128 +0.0,0.0,0.982,0.594,0.11305384920795103,0.0,0.658,180.21,2023-04-17,orlando/daytona beach/melborne smm food,16.201025400694412,133.552102939186,149.75312833988042 +0.0,0.779,0.684,0.764,0.03159785566568189,0.633,0.0,93.36,2023-04-17,paducah ky/cape girardeau mo smm food,-60.85509863333336,124.41419039848162,63.55909176514826 +0.0,0.738,0.542,0.617,0.2022430807256752,0.654,0.0,235.23000000000002,2023-04-17,philadelphia smm food,83.32339087166719,144.91485124574245,228.23824211740964 +0.933,0.0,0.0,0.617,0.11973589757163146,0.0,0.0,186.95,2023-04-17,phoenix/prescott smm food,0.5686043532995056,134.25465777569676,134.82326212899625 +0.713,0.8310000000000001,0.0,0.0,0.06777811644715671,0.7020000000000001,0.838,68.33,2023-04-17,pittsburgh smm food,-11.862124417323331,129.26376134608466,117.40163692876133 +0.8989999999999999,0.9630000000000002,0.6960000000000001,0.0,0.06388906285437532,0.0,0.0,151.28,2023-04-17,portland or smm food,-29.518047286931516,128.31185692152567,98.79380963459415 +0.955,0.0,0.0,0.743,0.04433236863680728,0.0,0.603,122.82000000000001,2023-04-17,providence ri/new bedford ma smm food,-33.166050408362494,126.142445234187,92.9763948258245 +0.0,0.0,0.0,0.8220000000000001,0.09456962993434254,0.509,0.0,194.15,2023-04-17,raleigh/durham/fayetteville smm food,8.915816009933655,130.2031071349082,139.11892314484186 +0.0,0.781,0.0,0.5630000000000001,0.46141929991028696,0.912,0.0,337.32,2023-04-17,rem us east north central smm food,190.03931593595715,176.42214368563805,366.46145962159517 +0.0,0.0,0.772,0.803,0.15372171191762984,0.849,0.981,147.87,2023-04-17,rem us middle atlantic smm food,14.385666495529572,139.9380422331865,154.32370872871607 +0.9540000000000001,0.887,0.84,0.803,0.242299181946156,0.0,0.9840000000000001,242.83000000000004,2023-04-17,rem us mountain smm food,57.543154764893536,153.50612482216656,211.04927958706008 +0.0,0.0,0.0,0.0,0.07387574419923346,0.0,0.0,138.93,2023-04-17,rem us new england smm food,31.807273846886304,125.50910981432904,157.31638366121535 +0.614,0.0,0.747,0.0,0.2574622490442062,0.837,0.0,155.27,2023-04-17,rem us pacific smm food,-11.30071256415528,150.7670986797689,139.46638611561363 +0.0,0.936,0.0,0.892,0.5389784545362555,0.9210000000000002,0.637,331.09,2023-04-17,rem us south atlantic smm food,167.26587359064686,187.8333649930193,355.0992385836662 +0.0,0.0,0.6910000000000001,0.0,0.9277776118978589,0.769,0.0,512.1,2023-04-17,rem us south central smm food,283.0169725950787,231.98796419484066,515.0049367899194 +0.0,0.0,0.0,0.987,0.31990289230149505,0.0,0.591,152.45,2023-04-17,rem us west north central smm food,9.54017171636033,158.71828083209772,168.25845254845805 +0.0,0.766,0.652,0.609,0.041186039499003624,0.596,0.633,131.83,2023-04-17,richmond/petersburg smm food,-30.34626292809824,126.08980673351687,95.74354380541862 +0.534,0.764,0.705,0.0,0.10141519058950091,0.0,0.9560000000000002,115.73999999999998,2023-04-17,sacramento/stockton/modesto smm food,-44.827275118197626,133.28085175693715,88.45357663873952 +0.0,0.0,0.6970000000000001,0.8290000000000001,0.07145958171677341,0.0,0.512,111.84,2023-04-17,salt lake city smm food,-32.689547694016525,128.41787057291447,95.72832287889794 +0.67,0.0,0.756,0.5700000000000001,0.06641195879423609,0.0,0.0,94.02,2023-04-17,san diego smm food,-37.700043815451444,127.87530712856844,90.175263313117 +0.611,0.9510000000000001,0.522,0.901,0.12638636656883198,0.786,0.908,109.99,2023-04-17,san francisco/oakland/san jose smm food,-27.53844371874822,139.08748759231196,111.54904387356373 +0.964,0.0,0.0,0.0,0.09388381840639658,0.0,0.0,155.34,2023-04-17,seattle/tacoma smm food,-27.669600260363957,129.83478053900714,102.16518027864319 +0.0,0.0,0.6,0.519,0.0825820315481175,0.783,0.0,98.55,2023-04-17,st. louis smm food,-28.710263235806057,128.94422861074116,100.23396537493511 +0.0,0.965,0.635,0.0,0.12071561646643882,0.8190000000000001,0.0,183.96,2023-04-17,tampa/ft. myers smm food,56.84084685459594,134.18311585035576,191.0239627049517 +0.0,0.923,0.836,0.89,0.02546365490968277,0.0,0.716,98.54,2023-04-17,tucson/sierra vista smm food,-53.092110121747545,124.82218400819319,71.73007388644564 +0.548,0.0,0.986,0.9339999999999999,0.15026250757967285,0.0,0.0,216.49,2023-04-17,washington dc/hagerstown smm food,56.60701941749206,138.96861678388893,195.575636201381 +0.536,0.0,0.0,0.853,0.01929385930059755,0.0,0.0,49.49,2023-04-17,yakima/pasco/richland/kennewick smm food,-62.897414399258366,121.6184904544165,58.721076055158136 +0.895,0.772,0.0,0.924,0.036278368588799945,0.777,0.514,64.43,2023-04-24,albany/schenectady/troy smm food,-34.057488325336934,127.1819457304583,93.12445740512136 +0.0,0.661,0.0,0.0,0.05074076253778432,0.966,0.714,50.95,2023-04-24,albuquerque/santa fe smm food,-45.622227404454875,125.55175012008482,79.92952271562994 +0.0,0.0,0.0,0.658,0.1870200361582733,0.529,0.718,116.99,2023-04-24,atlanta smm food,48.833174073915465,142.28406285156535,191.11723692548082 +0.868,0.0,0.707,0.807,0.07701254655957301,0.0,0.0,103.0,2023-04-24,baltimore smm food,-11.133995575951698,130.00978896462487,118.87579338867317 +0.9560000000000002,0.0,0.538,0.0,0.032639047401654214,0.0,0.0,41.51,2023-04-24,baton rouge smm food,-65.78611486272575,122.84334163287465,57.0572267701489 +0.608,0.886,0.0,0.8280000000000001,0.0721975465081666,0.0,0.748,29.27,2023-04-24,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,130.7294541995665,76.59061433695373 +0.0,0.0,0.9129999999999999,0.544,0.15192401219907647,0.544,0.544,154.61,2023-04-24,boston/manchester smm food,66.92993459998871,138.4437634695514,205.37369806954013 +0.854,0.974,0.0,0.668,0.04396227194632653,0.901,0.562,75.4,2023-04-24,buffalo smm food,-52.4511634583843,128.00956263506816,75.55839917668386 +0.0,0.0,0.862,0.0,0.10867011267010326,0.0,0.0,174.46,2023-04-24,charlotte smm food,10.686528499937081,130.6959186567383,141.38244715667537 +0.0,0.0,0.0,0.0,0.24191131637624091,0.844,0.0,189.44,2023-04-24,chicago smm food,60.708498931683316,146.88930823458125,207.59780716626457 +0.0,0.732,0.68,0.655,0.10445989058685311,0.0,0.0,87.46,2023-04-24,cleveland/akron/canton smm food,14.676717884071213,132.55421505860758,147.2309329426788 +0.0,0.0,0.909,0.0,0.07566735763218843,0.5690000000000001,0.625,87.22,2023-04-24,columbus oh smm food,-12.49362207652284,128.04452529353455,115.55090321701171 +0.0,0.5660000000000001,0.0,0.0,0.24576772411072903,0.774,0.0,114.96999999999998,2023-04-24,dallas/ft. worth smm food,-11.137199584849201,148.22690750779054,137.08970792294133 +0.0,0.0,0.607,0.0,0.03959997769107389,0.908,0.616,64.72,2023-04-24,des moines/ames smm food,-54.00605940238191,123.5535227512006,69.5474633488187 +0.0,0.0,0.681,0.912,0.12872123576902955,0.0,0.684,164.65,2023-04-24,detroit smm food,43.90856628677271,135.8712376698501,179.7798039566228 +0.0,0.741,0.0,0.0,0.059487321894101886,0.9689999999999999,0.916,99.5,2023-04-24,grand rapids smm food,-6.398790457565139,127.05025256755033,120.65146210998519 +0.68,0.802,0.93,0.58,0.05969134288505524,0.752,0.544,85.95,2023-04-24,greensboro smm food,-32.84511351029591,129.97144792393667,97.12633441364076 +0.0,0.978,0.0,0.0,0.056570516304710584,0.9580000000000001,0.9759999999999999,60.22,2023-04-24,harrisburg/lancaster smm food,-31.389249071557845,127.15340354414414,95.7641544725863 +0.748,0.0,0.547,0.0,0.06786923697740412,0.0,0.527,113.49,2023-04-24,hartford/new haven smm food,-3.8036265251073567,127.54247618057161,123.73884965546425 +0.0,0.0,0.8290000000000001,0.0,0.22721277517122018,0.0,0.734,181.94,2023-04-24,houston smm food,51.232085221846255,146.305734845693,197.53782006753926 +0.0,0.0,0.776,0.0,0.09805059263026217,0.0,0.8140000000000001,95.5,2023-04-24,indianapolis smm food,-27.3931217903632,130.46371894391,103.07059715354681 +0.0,0.553,0.0,0.0,0.057417203164499483,0.634,0.768,74.67,2023-04-24,jacksonville smm food,-30.11446677612209,126.00254947174663,95.88808269562455 +0.0,0.0,0.528,0.846,0.07237021848637129,0.86,0.0,92.0,2023-04-24,kansas city smm food,-35.92065625455669,128.36235722479896,92.44170097024227 +0.0,0.0,0.685,0.904,0.047402018226523006,0.0,0.0,107.65,2023-04-24,knoxville smm food,-47.01133837972032,124.86832300397839,77.85698462425808 +0.0,0.0,0.535,0.0,0.060215295320978794,0.0,0.0,111.98,2023-04-24,las vegas smm food,-43.338372299245414,124.38803159823172,81.04965929898631 +0.519,0.0,0.0,0.5630000000000001,0.04944623449203599,0.752,0.518,57.18000000000001,2023-04-24,little rock/pine bluff smm food,-58.710785610175435,126.04746968241857,67.33668407224313 +0.719,0.0,0.0,0.0,0.3923299947415287,0.558,0.0,179.29,2023-04-24,los angeles smm food,37.56221942851599,166.5613004990875,204.1235199276035 +0.0,0.678,0.0,0.896,0.025647281687980757,0.0,0.937,40.02,2023-04-24,madison wi smm food,-63.99517148799614,123.89931532372262,59.90414383572648 +0.0,0.0,0.0,0.0,0.12104963305858359,0.925,0.936,203.01,2023-04-24,miami/west palm beach smm food,67.70745756991558,133.41666096948657,201.12411853940216 +0.0,0.0,0.6950000000000001,0.529,0.06151775051766951,0.0,0.0,82.17,2023-04-24,milwaukee smm food,-48.26118428614204,125.82818990541833,77.56700561927629 +0.0,0.0,0.0,0.0,0.11729263672300352,0.966,0.0,81.6,2023-04-24,minneapolis/st. paul smm food,-30.66363431628655,131.6479056361009,100.98427131981434 +0.9770000000000001,0.0,0.0,0.559,0.0514301719280891,0.898,0.0,66.5,2023-04-24,mobile/pensacola smm food,-48.947921889963226,126.54661384621087,77.59869195624765 +0.666,0.0,0.8210000000000001,0.0,0.09724268944866091,0.0,0.0,128.63,2023-04-24,nashville smm food,-20.942188827432304,130.53288595109066,109.59069712365836 +0.782,0.0,0.0,0.0,0.05758871115457595,0.9540000000000001,0.948,18.17,2023-04-24,new orleans smm food,-56.864739449880446,127.15593989126138,70.29120044138094 +0.9420000000000002,0.9510000000000001,0.0,0.579,0.4914184914396103,0.0,0.0,265.01,2023-04-24,new york smm food,173.74740881857215,181.4959539546974,355.24336277326955 +0.0,0.0,0.843,0.632,0.05759266978171688,0.903,0.0,115.70999999999998,2023-04-24,norfolk/portsmouth/newport news smm food,-14.10441751758284,126.45864004003937,112.35422252245652 +0.24950000000000003,0.0,0.0,0.9140000000000001,0.06177709914137539,0.0,0.0,28.370000000000005,2023-04-24,oklahoma city smm food,-62.80511264619615,126.42326033924476,63.61814769304861 +0.0,0.0,0.0,0.0,0.03487494586997746,0.611,0.0,43.04,2023-04-24,omaha smm food,-55.53812691614876,121.20984837788617,65.6717214617374 +0.0,0.0,0.0,0.9450000000000001,0.12035246436519301,0.0,0.863,96.11,2023-04-24,orlando/daytona beach/melborne smm food,16.201025400694412,134.45295191261079,150.6539773133052 +0.973,0.632,0.0,0.766,0.03402636717889624,0.0,0.0,48.12,2023-04-24,paducah ky/cape girardeau mo smm food,-60.85509863333336,125.12127922074774,64.26618058741437 +0.0,0.0,0.0,0.0,0.2130104152113044,0.0,0.902,230.01999999999998,2023-04-24,philadelphia smm food,83.32339087166719,143.9290646037827,227.2524554754499 +0.9339999999999999,0.905,0.547,0.712,0.12651116679391303,0.0,0.0,113.27999999999999,2023-04-24,phoenix/prescott smm food,0.5686043532995056,137.33523201887144,137.90383637217093 +0.9280000000000002,0.0,0.836,0.93,0.07168080844123127,0.758,0.0,91.86,2023-04-24,pittsburgh smm food,-11.862124417323331,130.48597550972198,118.62385109239865 +0.864,0.0,0.0,0.5730000000000001,0.06721215550436255,0.0,0.618,110.45,2023-04-24,portland or smm food,-29.518047286931516,128.44740384802455,98.92935656109303 +0.746,0.0,0.5060000000000001,0.84,0.04590701242903889,0.0,0.583,60.650000000000006,2023-04-24,providence ri/new bedford ma smm food,-33.166050408362494,126.63804875128704,93.47199834292455 +0.749,0.679,0.0,0.684,0.09975207566852602,0.0,0.974,114.51000000000002,2023-04-24,raleigh/durham/fayetteville smm food,8.915816009933655,134.07826969228404,142.9940857022177 +0.64,0.0,0.625,0.0,0.49905153463555374,0.71,0.888,279.67,2023-04-24,rem us east north central smm food,190.03931593595715,181.59810050823148,371.6374164441886 +0.0,0.89,0.542,0.0,0.16414909179009293,0.807,0.9689999999999999,109.08,2023-04-24,rem us middle atlantic smm food,14.385666495529572,140.68805177821767,155.07371827374723 +0.774,0.517,0.594,0.0,0.26194084425766084,0.0,0.536,148.07,2023-04-24,rem us mountain smm food,57.543154764893536,152.3874508066352,209.93060557152873 +0.0,0.0,0.0,0.25,0.07661049376232212,0.898,0.666,99.06,2023-04-24,rem us new england smm food,31.807273846886304,128.06269698977897,159.8699708366653 +0.645,0.0,0.744,0.791,0.26915611790692995,0.0,0.0,97.01,2023-04-24,rem us pacific smm food,-11.30071256415528,153.23863791802424,141.93792535386896 +0.9280000000000002,0.0,0.9700000000000001,0.85,0.5780282126582339,0.0,0.597,284.45,2023-04-24,rem us south atlantic smm food,167.26587359064686,193.02578189217115,360.291655482818 +0.0,0.974,0.757,0.593,1.0,0.84,0.0,389.6,2023-04-24,rem us south central smm food,283.0169725950787,243.83718237168299,526.8541549667617 +0.0,0.779,0.0,0.0,0.34659543126370446,0.585,0.0,178.59,2023-04-24,rem us west north central smm food,9.54017171636033,160.83073191449876,170.3709036308591 +0.521,0.937,0.0,0.0,0.04401526553633031,0.811,0.0,105.33,2023-04-24,richmond/petersburg smm food,-30.34626292809824,125.02968924211987,94.68342631402163 +0.8310000000000001,0.0,0.736,0.8260000000000001,0.10438426716441362,0.739,0.0,64.35,2023-04-24,sacramento/stockton/modesto smm food,-44.827275118197626,133.98559828073124,89.1583231625336 +0.0,0.8140000000000001,0.0,0.8270000000000001,0.07434503824399451,0.8260000000000001,0.0,80.73,2023-04-24,salt lake city smm food,-32.689547694016525,129.30791523493014,96.61836754091361 +0.0,0.847,0.0,0.9700000000000001,0.06840406342158184,0.0,0.67,100.38,2023-04-24,san diego smm food,-37.700043815451444,129.21121020507414,91.5111663896227 +0.708,0.635,0.629,0.746,0.13185068288432186,0.9619999999999999,0.0,82.65,2023-04-24,san francisco/oakland/san jose smm food,-27.53844371874822,138.064804940574,110.52636122182577 +0.6910000000000001,0.0,0.0,0.877,0.09906375446608444,0.0,0.0,106.89,2023-04-24,seattle/tacoma smm food,-27.669600260363957,131.78879030429079,104.11919004392684 +0.0,0.989,0.588,0.0,0.08815216502121122,0.0,0.0,93.53,2023-04-24,st. louis smm food,-28.710263235806057,129.49104209004207,100.78077885423602 +0.0,0.986,0.843,0.0,0.1290801284637291,0.0,0.783,179.63,2023-04-24,tampa/ft. myers smm food,56.84084685459594,135.912878657068,192.75372551166396 +0.0,0.0,0.0,0.0,0.026889830668804498,0.0,0.0,105.4,2023-04-24,tucson/sierra vista smm food,-53.092110121747545,119.72473112639229,66.63262100464473 +0.0,0.873,0.636,0.739,0.16108357141826946,0.0,0.0,201.52,2023-04-24,washington dc/hagerstown smm food,56.60701941749206,139.8848541073786,196.49187352487067 +0.594,0.771,0.0,0.0,0.020176861764647697,0.0,0.0,58.419999999999995,2023-04-24,yakima/pasco/richland/kennewick smm food,-62.897414399258366,121.29965636222545,58.40224196296708 +0.0,0.0,0.0,0.0,0.033768877150506665,0.878,0.0,93.67,2023-05-01,albany/schenectady/troy smm food,-34.057488325336934,121.29308456034748,87.23559623501055 +0.0,0.5700000000000001,0.601,0.0,0.04718524664256382,0.744,0.755,45.43,2023-05-01,albuquerque/santa fe smm food,-45.622227404454875,125.47213626429273,79.84990885983785 +0.784,0.0,0.729,0.0,0.18269185881773664,0.754,0.842,165.56,2023-05-01,atlanta smm food,48.833174073915465,143.00895136506577,191.84212543898124 +0.0,0.0,0.0,0.0,0.0741994673377862,0.505,0.514,96.11,2023-05-01,baltimore smm food,-11.133995575951698,126.69975331637174,115.56575774042004 +0.923,0.0,0.923,0.538,0.03107494287332796,0.72,0.0,28.63,2023-05-01,baton rouge smm food,-65.78611486272575,124.71319751512665,58.9270826524009 +0.0,1.0,0.659,0.72,0.06784021249376047,0.578,0.0,75.27,2023-05-01,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,129.07140997756787,74.9325701149551 +0.0,0.503,0.67,0.994,0.14685933427868797,0.981,0.852,192.66,2023-05-01,boston/manchester smm food,66.92993459998871,140.12960325737663,207.05953785736534 +0.709,0.0,0.685,0.0,0.04048282201859724,0.738,0.744,65.38,2023-05-01,buffalo smm food,-52.4511634583843,125.15731739719124,72.70615393880693 +0.966,0.634,0.532,0.727,0.10507163192442406,0.0,0.612,130.79,2023-05-01,charlotte smm food,10.686528499937081,135.20891680116353,145.8954453011006 +0.0,0.5060000000000001,0.707,0.8160000000000001,0.23622336185001366,0.931,0.517,159.07,2023-05-01,chicago smm food,60.708498931683316,150.27987793156154,210.98837686324487 +0.0,0.838,0.0,0.0,0.09688177108917743,0.972,0.64,139.21,2023-05-01,cleveland/akron/canton smm food,14.676717884071213,131.4189262653454,146.09564414941661 +0.612,0.0,0.0,0.0,0.06992199401152231,0.802,0.0,132.41,2023-05-01,columbus oh smm food,-12.49362207652284,126.86381671268752,114.37019463616468 +0.0,0.865,0.893,0.0,0.24101013017611458,0.516,0.0,140.82,2023-05-01,dallas/ft. worth smm food,-11.137199584849201,148.8511996709151,137.71400008606588 +0.668,0.56,0.833,0.0,0.03633846149448018,0.5060000000000001,0.901,90.7,2023-05-01,des moines/ames smm food,-54.00605940238191,125.66770668452733,71.66164728214542 +0.0,0.556,0.0,0.0,0.12465995616553581,0.774,0.0,163.13,2023-05-01,detroit smm food,43.90856628677271,133.30121661224325,177.20978289901598 +0.912,0.0,0.595,0.85,0.0549169734436727,0.0,0.64,114.93999999999998,2023-05-01,grand rapids smm food,-6.398790457565139,128.2638627579084,121.86507230034327 +0.896,0.793,0.0,0.0,0.05725940146853709,0.0,0.9490000000000002,80.55,2023-05-01,greensboro smm food,-32.84511351029591,127.84263445298978,94.99752094269388 +0.0,0.837,0.781,0.0,0.05284763311545516,0.0,0.0,92.67,2023-05-01,harrisburg/lancaster smm food,-31.389249071557845,125.09983014023474,93.7105810686769 +0.5760000000000001,0.0,0.0,0.591,0.06464421760145095,0.615,0.533,98.35,2023-05-01,hartford/new haven smm food,-3.8036265251073567,127.99636361930621,124.19273709419885 +0.9899999999999999,0.543,0.0,0.0,0.2265870974205562,0.8220000000000001,0.0,190.21,2023-05-01,houston smm food,51.232085221846255,147.78038166139387,199.01246688324014 +0.0,0.0,0.0,0.604,0.09351135096532891,0.624,0.0,64.96,2023-05-01,indianapolis smm food,-27.3931217903632,129.70900975391527,102.31588796355207 +0.929,0.685,0.0,0.941,0.05542721633601686,0.986,0.0,94.84,2023-05-01,jacksonville smm food,-30.11446677612209,128.935225457314,98.82075868119192 +0.0,0.985,0.0,0.8989999999999999,0.07238885959395693,0.5670000000000001,0.0,80.54,2023-05-01,kansas city smm food,-35.92065625455669,129.28369311226277,93.36303685770608 +0.0,0.926,0.0,0.982,0.04486365916850861,0.0,0.968,47.26,2023-05-01,knoxville smm food,-47.01133837972032,126.89346921876252,79.88213083904219 +0.0,0.504,0.925,0.509,0.06023373260183715,0.0,0.0,88.98,2023-05-01,las vegas smm food,-43.338372299245414,126.68863886840082,83.3502665691554 +0.0,0.0,0.0,0.0,0.04521008150260837,0.586,0.0,61.19,2023-05-01,little rock/pine bluff smm food,-58.710785610175435,122.4616510117693,63.75086540159387 +0.0,0.551,0.5760000000000001,0.0,0.4025071043786029,0.853,0.0,161.23,2023-05-01,los angeles smm food,37.56221942851599,168.16703598319492,205.7292554117109 +0.514,0.714,0.804,0.85,0.024423413117210954,0.773,0.625,56.92,2023-05-01,madison wi smm food,-63.99517148799614,125.73464768124367,61.73947619324753 +0.87,0.0,0.582,0.508,0.12085307040598,0.745,0.523,132.49,2023-05-01,miami/west palm beach smm food,67.70745756991558,136.01210161274167,203.71955918265724 +0.622,0.715,0.0,0.8989999999999999,0.05864048112332662,0.5710000000000001,0.721,54.22,2023-05-01,milwaukee smm food,-48.26118428614204,129.38927445521654,81.1280901690745 +0.0,0.0,0.0,0.645,0.11060014433069774,0.0,0.9380000000000001,118.67999999999999,2023-05-01,minneapolis/st. paul smm food,-30.66363431628655,132.7290151715341,102.06538085524754 +0.923,0.9460000000000001,0.0,0.0,0.04848323361440692,0.8220000000000001,0.0,35.2,2023-05-01,mobile/pensacola smm food,-48.947921889963226,126.3800952965616,77.43217340659838 +0.577,0.841,0.656,0.0,0.09096303054166432,0.948,0.859,69.03,2023-05-01,nashville smm food,-20.942188827432304,132.79118096979744,111.84899214236513 +0.982,0.0,0.0,0.603,0.05442844749405262,0.0,0.901,89.66,2023-05-01,new orleans smm food,-56.864739449880446,127.56979778682447,70.70505833694402 +0.0,0.524,0.0,0.0,0.48566657087980136,0.0,0.0,316.91,2023-05-01,new york smm food,173.74740881857215,177.05624531436177,350.80365413293396 +0.0,0.736,0.876,0.5650000000000001,0.055405286534781654,0.0,0.808,97.38,2023-05-01,norfolk/portsmouth/newport news smm food,-14.10441751758284,127.69453852376365,113.59012100618081 +0.0,0.605,0.0,0.674,0.058204272664883636,0.0,0.9460000000000001,60.49,2023-05-01,oklahoma city smm food,-62.80511264619615,127.33482399075216,64.529711344556 +0.6980000000000001,0.0,0.774,0.542,0.03232377379957029,0.735,0.5700000000000001,23.8,2023-05-01,omaha smm food,-55.53812691614876,125.11280220743502,69.57467529128627 +0.657,0.0,0.707,0.0,0.11854250553835131,0.634,0.8160000000000001,124.75000000000001,2023-05-01,orlando/daytona beach/melborne smm food,16.201025400694412,134.70734874024404,150.90837414093846 +0.0,0.985,0.631,0.52,0.031141536155214918,0.0,0.591,99.27,2023-05-01,paducah ky/cape girardeau mo smm food,-60.85509863333336,124.45035783543169,63.595259202098326 +0.0,0.968,0.0,0.0,0.2064935666865179,0.518,0.0,208.67,2023-05-01,philadelphia smm food,83.32339087166719,143.8352352210852,227.1586260927524 +0.0,0.704,0.9530000000000001,0.71,0.12446908825649343,0.0,0.556,98.97,2023-05-01,phoenix/prescott smm food,0.5686043532995056,136.16964702944676,136.73825138274626 +0.0,0.651,0.5700000000000001,0.0,0.0677199781504618,0.8190000000000001,0.0,92.31,2023-05-01,pittsburgh smm food,-11.862124417323331,127.0801816784012,115.21805726107787 +0.594,0.0,0.9590000000000001,0.876,0.0649424730988526,0.729,0.509,111.0,2023-05-01,portland or smm food,-29.518047286931516,129.7313158999975,100.21326861306598 +0.0,0.8130000000000001,0.0,0.838,0.044025411318403575,0.924,0.0,76.09,2023-05-01,providence ri/new bedford ma smm food,-33.166050408362494,125.6773325718625,92.5112821635 +0.615,0.779,0.662,0.0,0.09713529618918157,0.0,0.884,108.36,2023-05-01,raleigh/durham/fayetteville smm food,8.915816009933655,132.78671451216354,141.7025305220972 +0.0,0.0,0.0,0.731,0.45662862913696434,0.0,0.0,271.14,2023-05-01,rem us east north central smm food,190.03931593595715,174.1661734716397,364.2054894075968 +0.732,0.0,0.0,0.974,0.14924387211219525,0.639,0.5720000000000001,145.59,2023-05-01,rem us middle atlantic smm food,14.385666495529572,139.5934786091084,153.97914510463795 +0.0,0.0,0.845,0.0,0.24749785867309293,0.0,0.0,127.5,2023-05-01,rem us mountain smm food,57.543154764893536,147.76901885103018,205.3121736159237 +0.748,0.0,0.562,0.0,0.07201885407383568,0.0,0.613,126.85,2023-05-01,rem us new england smm food,31.807273846886304,128.19216242650765,159.99943627339394 +0.864,0.737,0.49499999999999994,0.0,0.2630432978913711,0.0,0.617,121.94999999999999,2023-05-01,rem us pacific smm food,-11.30071256415528,153.06700582158436,141.76629325742908 +0.9000000000000001,0.557,0.0,0.709,0.5420197376034545,0.0,0.0,277.88,2023-05-01,rem us south atlantic smm food,167.26587359064686,187.27689495635502,354.54276854700186 +0.994,0.0,0.0,0.5650000000000001,0.9351299099394788,0.9840000000000001,0.0,382.27,2023-05-01,rem us south central smm food,283.0169725950787,235.45394234731748,518.4709149423961 +0.5670000000000001,0.8250000000000001,0.615,0.8140000000000001,0.3163019887890731,0.724,0.554,161.4,2023-05-01,rem us west north central smm food,9.54017171636033,161.5347099357167,171.07488165207704 +0.8240000000000001,0.0,0.501,0.745,0.04282396787611011,0.875,0.551,80.15,2023-05-01,richmond/petersburg smm food,-30.34626292809824,126.87744352365726,96.53118059555902 +0.0,0.0,0.796,0.9339999999999999,0.10386089827315455,0.0,0.0,46.86,2023-05-01,sacramento/stockton/modesto smm food,-44.827275118197626,131.99829805699008,87.17102293879245 +0.0,0.0,0.0,0.624,0.07288575035919544,0.609,0.9590000000000001,92.88,2023-05-01,salt lake city smm food,-32.689547694016525,128.5723909616385,95.88284326762196 +0.0,0.0,0.0,0.0,0.07039296749856908,0.0,0.0,61.28,2023-05-01,san diego smm food,-37.700043815451444,125.08034940916806,87.38030559371663 +0.674,0.85,0.71,0.714,0.13313855409766856,0.652,0.0,89.57,2023-05-01,san francisco/oakland/san jose smm food,-27.53844371874822,138.27014070899696,110.73169699024874 +0.896,0.0,0.0,0.639,0.09754232638890378,0.0,0.644,117.39,2023-05-01,seattle/tacoma smm food,-27.669600260363957,132.4191156855126,104.74951542514864 +0.548,0.0,0.0,0.0,0.08576925229102215,0.0,0.0,116.95000000000002,2023-05-01,st. louis smm food,-28.710263235806057,128.03207128380961,99.32180804800356 +0.613,0.737,0.584,0.0,0.1274092536466101,0.0,0.0,103.52,2023-05-01,tampa/ft. myers smm food,56.84084685459594,135.09431962492465,191.9351664795206 +0.529,0.5630000000000001,0.0,0.8300000000000001,0.026184151156253246,0.502,0.0,51.84,2023-05-01,tucson/sierra vista smm food,-53.092110121747545,123.73286252328296,70.64075240153542 +0.0,0.791,0.0,0.582,0.15813803563806456,0.619,0.874,214.17,2023-05-01,washington dc/hagerstown smm food,56.60701941749206,140.15216482383954,196.7591842413316 +0.0,0.992,0.918,0.0,0.019633030459027815,0.986,0.607,61.69,2023-05-01,yakima/pasco/richland/kennewick smm food,-62.897414399258366,123.0856083378817,60.18819393862333 +0.0,0.498,0.0,0.807,0.004606644656741606,0.889,0.0,65.03,2023-05-08,albany/schenectady/troy smm food,-34.057488325336934,120.21838630228403,86.1608979769471 +0.659,0.727,0.0,0.0,0.005948744256911221,0.0,0.0,75.97,2023-05-08,albuquerque/santa fe smm food,-45.622227404454875,119.60208603864356,73.97985863418869 +0.0,0.0,0.9520000000000001,0.0,0.025254566420816763,0.0,0.925,191.15,2023-05-08,atlanta smm food,48.833174073915465,121.84522612468623,170.6784001986017 +0.785,0.741,0.0,0.579,0.010135758152321374,0.5660000000000001,0.0,94.09,2023-05-08,baltimore smm food,-11.133995575951698,122.06611314938442,110.93211757343272 +0.9269999999999999,0.0,0.0,0.0,0.003886493953123312,0.756,0.0,50.39,2023-05-08,baton rouge smm food,-65.78611486272575,119.30506415784454,53.51894929511879 +0.0,0.0,0.0,0.0,0.008674524257882451,0.9759999999999999,0.9470000000000001,76.67,2023-05-08,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,119.63995339135366,65.50111352874089 +0.715,0.0,0.0,0.845,0.020953764404677878,0.0,0.0,204.77,2023-05-08,boston/manchester smm food,66.92993459998871,122.15185836313132,189.08179296312005 +0.0,0.0,0.0,0.0,0.0057187760136107844,0.769,0.0,101.17,2023-05-08,buffalo smm food,-52.4511634583843,117.75030171576232,65.29913825737802 +0.0,0.985,0.0,0.728,0.014174633495577979,0.0,0.0,114.52,2023-05-08,charlotte smm food,10.686528499937081,121.29158471108038,131.97811321101744 +0.672,0.9210000000000002,0.8130000000000001,0.0,0.03362197914042462,0.0,0.559,185.78,2023-05-08,chicago smm food,60.708498931683316,125.00168327069709,185.7101822023804 +0.0,0.0,0.0,0.0,0.013879595636027342,0.581,0.5750000000000001,126.70000000000002,2023-05-08,cleveland/akron/canton smm food,14.676717884071213,119.42362334163481,134.10034122570602 +0.0,0.0,0.0,0.876,0.009819023007458485,0.795,0.0,88.41,2023-05-08,columbus oh smm food,-12.49362207652284,120.1181060194635,107.62448394294066 +0.0,0.0,0.615,0.786,0.034517953099345015,0.0,0.0,99.57,2023-05-08,dallas/ft. worth smm food,-11.137199584849201,122.96074838163922,111.82354879679002 +0.0,0.0,0.0,0.768,0.004859246723265958,0.9910000000000001,0.643,85.22,2023-05-08,des moines/ames smm food,-54.00605940238191,120.3620036812819,66.3559442789 +0.0,0.932,0.904,0.961,0.01721026422288469,0.5680000000000001,0.0,231.56,2023-05-08,detroit smm food,43.90856628677271,123.48303819786356,167.39160448463628 +0.8220000000000001,0.0,0.9440000000000001,0.0,0.0077838297534429685,0.0,0.0,131.93,2023-05-08,grand rapids smm food,-6.398790457565139,119.9500105849631,113.55122012739795 +0.892,0.0,0.541,0.0,0.007534117610632833,0.733,0.588,63.76,2023-05-08,greensboro smm food,-32.84511351029591,121.07627660929141,88.2311630989955 +0.9199999999999999,0.0,0.0,0.0,0.007436375423754694,0.718,0.948,68.28,2023-05-08,harrisburg/lancaster smm food,-31.389249071557845,121.05444120218607,89.66519213062823 +0.533,0.63,0.729,0.734,0.009114191741263263,0.0,0.883,126.25,2023-05-08,hartford/new haven smm food,-3.8036265251073567,123.16173672669343,119.35811020158607 +0.537,0.704,0.0,0.547,0.03104416100965263,0.5740000000000001,0.0,175.36,2023-05-08,houston smm food,51.232085221846255,124.04010500699016,175.27219022883642 +0.58,0.0,0.0,0.677,0.01296533447706671,0.0,0.9840000000000001,99.96,2023-05-08,indianapolis smm food,-27.3931217903632,121.96303082204096,94.56990903167777 +0.0,0.0,0.8270000000000001,0.0,0.007400313772003159,0.0,0.0,79.71,2023-05-08,jacksonville smm food,-30.11446677612209,118.192039259231,88.07757248310891 +0.8,0.629,0.0,0.0,0.009571155523094404,0.967,0.0,94.05,2023-05-08,kansas city smm food,-35.92065625455669,120.95571701280049,85.0350607582438 +0.644,0.0,0.0,0.812,0.00585663241734633,0.0,0.558,84.84,2023-05-08,knoxville smm food,-47.01133837972032,120.88551792325991,73.87417954353958 +0.0,0.0,0.9570000000000001,0.623,0.007936112300524899,0.8200000000000001,0.833,84.79,2023-05-08,las vegas smm food,-43.338372299245414,121.57029855955807,78.23192626031266 +0.0,0.0,0.0,0.988,0.005783115426819044,0.9430000000000001,0.0,91.45,2023-05-08,little rock/pine bluff smm food,-58.710785610175435,119.97833070185985,61.26754509168441 +0.541,0.836,0.811,0.0,0.05453981780254659,0.0,0.7020000000000001,215.39,2023-05-08,los angeles smm food,37.56221942851599,127.38815192753121,164.95037135604719 +0.0,0.552,0.0,0.836,0.0034440897527578947,0.597,0.917,76.27,2023-05-08,madison wi smm food,-63.99517148799614,121.29682384382954,57.301652355833404 +0.603,0.806,0.918,0.0,0.01734371222652946,0.0,0.679,173.36,2023-05-08,miami/west palm beach smm food,67.70745756991558,122.95919256142889,190.66665013134445 +0.0,0.0,0.851,0.0,0.007989183605877812,0.9530000000000001,0.0,55.09,2023-05-08,milwaukee smm food,-48.26118428614204,119.07279707997716,70.81161279383512 +0.802,0.561,0.918,0.9540000000000001,0.01541932079755338,0.0,0.739,54.99,2023-05-08,minneapolis/st. paul smm food,-30.66363431628655,124.79991092536622,94.13627660907967 +0.9070000000000001,0.8170000000000001,0.0,0.0,0.006108126206157277,0.764,0.657,64.97,2023-05-08,mobile/pensacola smm food,-48.947921889963226,121.81553499328123,72.867613103318 +0.9339999999999999,0.0,0.541,0.795,0.012571638896874683,0.797,0.0,122.56,2023-05-08,nashville smm food,-20.942188827432304,122.6597999513809,101.7176111239486 +0.923,0.9590000000000001,0.0,0.0,0.006959699866405549,0.864,0.0,58.69,2023-05-08,new orleans smm food,-56.864739449880446,121.32383544619127,64.45909599631082 +0.755,0.0,0.0,0.967,0.07112715458267148,0.591,0.0,263.93,2023-05-08,new york smm food,173.74740881857215,129.14805766034533,302.89546647891746 +0.0,0.514,0.806,0.639,0.007392350728677752,0.0,0.8200000000000001,91.66,2023-05-08,norfolk/portsmouth/newport news smm food,-14.10441751758284,121.52213158978975,107.4177140722069 +0.0,0.0,0.614,0.0,0.007309274379545551,0.93,0.0,62.58,2023-05-08,oklahoma city smm food,-62.80511264619615,118.72183477598688,55.91672212979073 +0.0,0.0,0.0,0.0,0.004328450888681313,0.0,0.5650000000000001,73.36,2023-05-08,omaha smm food,-55.53812691614876,117.7560506532035,62.21792373705474 +0.0,0.0,0.9520000000000001,0.0,0.01580612454598914,0.974,0.9199999999999999,152.08,2023-05-08,orlando/daytona beach/melborne smm food,16.201025400694412,121.47525104457239,137.6762764452668 +0.994,0.0,0.0,0.0,0.004038853103570048,0.0,0.989,45.8,2023-05-08,paducah ky/cape girardeau mo smm food,-60.85509863333336,120.24783686499069,59.392738231657326 +0.0,0.978,0.908,0.772,0.0293308377970183,0.982,0.0,193.6,2023-05-08,philadelphia smm food,83.32339087166719,124.9970316043926,208.32042247605978 +0.0,0.8200000000000001,0.687,0.667,0.01658364869877091,0.789,0.0,108.4,2023-05-08,phoenix/prescott smm food,0.5686043532995056,122.55988490653034,123.12848925982985 +0.841,0.0,0.0,0.0,0.00957357100016208,0.0,0.805,102.34,2023-05-08,pittsburgh smm food,-11.862124417323331,120.37020035147697,108.50807593415364 +0.0,0.0,0.626,0.868,0.00825163785354674,0.0,0.0,88.57,2023-05-08,portland or smm food,-29.518047286931516,119.91105458015713,90.39300729322561 +0.0,0.9199999999999999,0.848,0.0,0.0061157927203285955,0.0,0.0,81.07,2023-05-08,providence ri/new bedford ma smm food,-33.166050408362494,119.5519063473642,86.3858559390017 +0.0,0.0,0.0,0.745,0.013143505254838669,0.518,0.747,111.91,2023-05-08,raleigh/durham/fayetteville smm food,8.915816009933655,121.09371516755495,130.0095311774886 +0.717,0.0,0.971,0.751,0.0630025275790495,0.602,0.673,391.58,2023-05-08,rem us east north central smm food,190.03931593595715,129.61032851052607,319.6496444464832 +0.739,0.0,0.0,0.0,0.020567310313536317,0.0,0.798,142.33,2023-05-08,rem us middle atlantic smm food,14.385666495529572,121.51653579734139,135.90220229287095 +0.871,0.0,0.547,0.663,0.03182750084046895,0.0,0.0,183.31,2023-05-08,rem us mountain smm food,57.543154764893536,123.98250105261133,181.52565581750486 +0.0,0.0,0.0,0.0,0.009959469099139731,0.0,0.0,177.57,2023-05-08,rem us new england smm food,31.807273846886304,117.64045489796034,149.44772874484664 +0.0,0.0,0.875,0.65,0.033113081983869384,0.0,0.0,101.72,2023-05-08,rem us pacific smm food,-11.30071256415528,122.7743381911768,111.47362562702152 +0.0,0.0,0.526,0.0,0.07188532403045829,0.0,0.9619999999999999,272.86,2023-05-08,rem us south atlantic smm food,167.26587359064686,127.19243063824007,294.45830422888696 +0.0,0.0,0.0,0.0,0.12212749785235702,0.7020000000000001,0.924,420.62,2023-05-08,rem us south central smm food,283.0169725950787,133.3489303751794,416.3659029702581 +0.798,0.96,0.55,0.531,0.04222675109249857,0.0,0.0,140.99,2023-05-08,rem us west north central smm food,9.54017171636033,126.40837273532564,135.94854445168596 +0.757,0.588,0.577,0.0,0.005851724859846172,0.0,0.0,77.48,2023-05-08,richmond/petersburg smm food,-30.34626292809824,120.15811408734302,89.81185115924478 +0.0,0.0,0.0,0.803,0.013544951365795671,0.967,0.0,72.83,2023-05-08,sacramento/stockton/modesto smm food,-44.827275118197626,120.56466686455464,75.73739174635702 +0.744,0.621,0.0,0.0,0.009331239962212455,0.0,0.794,61.74,2023-05-08,salt lake city smm food,-32.689547694016525,121.14700847376511,88.45746077974859 +0.0,0.76,0.0,0.989,0.009469359535572253,0.9210000000000002,0.801,64.01,2023-05-08,san diego smm food,-37.700043815451444,122.79865547032495,85.09861165487351 +0.9460000000000001,0.0,0.0,0.0,0.017858303978381333,0.537,0.761,89.63,2023-05-08,san francisco/oakland/san jose smm food,-27.53844371874822,121.97127262000491,94.4328289012567 +0.514,0.0,0.706,0.5650000000000001,0.012659893386360147,0.0,0.6900000000000001,91.78,2023-05-08,seattle/tacoma smm food,-27.669600260363957,121.8814136339837,94.21181337361975 +0.0,0.8240000000000001,0.527,0.972,0.011970493991558927,0.0,0.0,64.03,2023-05-08,st. louis smm food,-28.710263235806057,121.82367057188769,93.11340733608164 +0.0,0.844,0.9140000000000001,0.505,0.016997607104492284,0.987,0.924,150.2,2023-05-08,tampa/ft. myers smm food,56.84084685459594,124.03262359121153,180.87347044580747 +0.0,0.752,0.0,0.0,0.00330377957027227,0.0,0.0,58.48,2023-05-08,tucson/sierra vista smm food,-53.092110121747545,118.04389547146452,64.95178534971697 +0.812,0.0,0.9339999999999999,0.0,0.02237819779555633,0.0,0.8150000000000001,192.55,2023-05-08,washington dc/hagerstown smm food,56.60701941749206,122.88361572323274,179.4906351407248 +0.0,0.0,0.856,0.0,0.002478436384779373,0.9380000000000001,0.851,44.07,2023-05-08,yakima/pasco/richland/kennewick smm food,-62.897414399258366,119.60553508800747,56.708120688749105 +0.0,0.676,0.582,0.524,0.0,0.0,0.0,102.69,2023-05-15,albany/schenectady/troy smm food,-34.057488325336934,119.22511857836514,85.16763025302821 +0.684,0.0,0.785,0.756,1.2355381420336394e-06,0.0,0.0,71.35,2023-05-15,albuquerque/santa fe smm food,-45.622227404454875,120.14804049079794,74.52581308634306 +0.0,0.9000000000000001,0.0,0.0,5.065706382337921e-06,0.0,0.8180000000000001,192.44,2023-05-15,atlanta smm food,48.833174073915465,119.0494598334635,167.88263390737896 +0.846,0.673,0.972,0.554,1.4826457704403671e-06,0.774,0.0,129.55,2023-05-15,baltimore smm food,-11.133995575951698,121.96272715532105,110.82873157936935 +0.0,0.0,0.9450000000000001,0.876,1.2355381420336394e-07,0.948,0.893,51.08,2023-05-15,baton rouge smm food,-65.78611486272575,121.30370393549009,55.51758907276434 +0.672,0.0,0.841,0.0,1.8533072130504591e-06,0.0,0.0,57.589999999999996,2023-05-15,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,118.59423579014346,64.4553959275307 +0.609,0.786,0.0,0.0,3.0888453550840984e-06,0.6900000000000001,0.0,221.94,2023-05-15,boston/manchester smm food,66.92993459998871,119.43645618388203,186.36639078387074 +0.0,0.647,0.0,0.0,1.2355381420336394e-07,0.0,0.0,51.48,2023-05-15,buffalo smm food,-52.4511634583843,117.46644768050541,65.01528422212111 +0.795,0.6990000000000001,0.589,0.0,1.976861027253823e-06,0.0,0.669,104.08,2023-05-15,charlotte smm food,10.686528499937081,120.66215155630528,131.34868005624236 +0.891,0.0,0.986,0.973,8.648766994235476e-06,0.646,0.763,176.85,2023-05-15,chicago smm food,60.708498931683316,122.83884342430636,183.54734235598968 +0.0,0.0,0.0,0.904,1.0749181835692662e-05,0.0,0.5630000000000001,143.73,2023-05-15,cleveland/akron/canton smm food,14.676717884071213,119.12216928709393,133.79888717116515 +0.0,0.858,0.0,0.728,2.2239686556605507e-06,0.49499999999999994,0.631,108.38,2023-05-15,columbus oh smm food,-12.49362207652284,120.65038796135366,108.15676588483082 +0.613,0.0,0.0,0.0,6.424798338574925e-06,0.0,0.0,121.28999999999999,2023-05-15,dallas/ft. worth smm food,-11.137199584849201,117.5994974400809,106.4622978552317 +0.0,0.0,0.504,0.669,1.976861027253823e-06,0.583,0.0,60.95,2023-05-15,des moines/ames smm food,-54.00605940238191,118.82830354833145,64.82224414594954 +0.846,0.508,0.903,0.787,2.471076284067279e-06,0.73,0.0,197.78,2023-05-15,detroit smm food,43.90856628677271,122.07593028566076,165.98449657243347 +0.74,0.0,0.661,0.0,1.4826457704403671e-06,0.0,0.0,116.57999999999998,2023-05-15,grand rapids smm food,-6.398790457565139,118.53694233585314,112.138151878288 +0.989,0.537,0.8300000000000001,0.59,9.884305136269115e-07,0.0,0.837,57.55,2023-05-15,greensboro smm food,-32.84511351029591,122.50686352485545,89.66175001455954 +0.0,0.66,0.0,0.93,7.413228852201836e-07,0.762,0.0,72.89,2023-05-15,harrisburg/lancaster smm food,-31.389249071557845,120.0690140208287,88.67976494927086 +0.0,0.872,0.0,0.0,2.8417377266773707e-06,0.0,0.0,89.72,2023-05-15,hartford/new haven smm food,-3.8036265251073567,117.83265098878805,114.02902446368068 +0.0,0.0,0.783,0.798,2.8417377266773707e-06,0.742,0.0,184.08,2023-05-15,houston smm food,51.232085221846255,119.52264220832238,170.75472743016863 +0.679,0.662,0.0,0.909,1.8533072130504591e-06,0.0,0.0,134.61,2023-05-15,indianapolis smm food,-27.3931217903632,120.71395773692126,93.32083594655806 +0.842,0.866,0.0,0.679,3.706614426100918e-07,0.68,0.615,88.92,2023-05-15,jacksonville smm food,-30.11446677612209,122.31605944349968,92.2015926673776 +0.0,0.0,0.9450000000000001,0.0,7.413228852201836e-07,0.0,0.738,86.2,2023-05-15,kansas city smm food,-35.92065625455669,118.46122377939712,82.54056752484043 +0.725,0.0,0.536,0.803,9.884305136269115e-07,0.748,0.0,50.62,2023-05-15,knoxville smm food,-47.01133837972032,120.67975717940045,73.66841879968013 +0.0,0.0,0.8280000000000001,0.67,1.4826457704403671e-06,0.893,0.0,60.86999999999999,2023-05-15,las vegas smm food,-43.338372299245414,119.42461219200321,76.08623989275779 +0.0,0.637,0.0,0.798,2.2239686556605507e-06,0.0,0.0,26.91,2023-05-15,little rock/pine bluff smm food,-58.710785610175435,119.12812455551386,60.41733894533843 +0.924,0.0,0.0,0.0,5.189260196541285e-06,0.902,0.0,166.03,2023-05-15,los angeles smm food,37.56221942851599,118.9414184439635,156.5036378724795 +0.0,0.0,0.532,0.0,8.648766994235475e-07,0.0,0.533,55.88,2023-05-15,madison wi smm food,-63.99517148799614,117.7349765686788,53.739805080682665 +0.713,0.0,0.801,0.836,1.2355381420336394e-06,0.67,0.0,186.29,2023-05-15,miami/west palm beach smm food,67.70745756991558,120.93958709344969,188.64704466336525 +0.0,0.795,0.5640000000000001,0.0,1.3590919562370033e-06,0.0,0.0,98.61,2023-05-15,milwaukee smm food,-48.26118428614204,118.29829310365976,70.03710881751772 +0.961,0.0,0.0,0.0,4.4479373113211014e-06,0.8290000000000001,0.587,84.75,2023-05-15,minneapolis/st. paul smm food,-30.66363431628655,119.79314421527774,89.12950989899119 +0.843,0.0,0.621,0.0,8.648766994235475e-07,0.0,0.0,101.89,2023-05-15,mobile/pensacola smm food,-48.947921889963226,118.69395071332342,69.74602882336019 +0.916,0.0,0.0,0.742,1.1119843278302754e-06,0.0,0.0,65.18,2023-05-15,nashville smm food,-20.942188827432304,119.74420331292761,98.8020144854953 +0.662,0.9759999999999999,0.84,0.0,1.2355381420336394e-07,0.0,0.0,57.0,2023-05-15,new orleans smm food,-56.864739449880446,120.16071137342668,63.29597192354623 +0.0,0.9280000000000002,0.0,0.642,7.166121223795109e-06,0.0,0.0,317.33,2023-05-15,new york smm food,173.74740881857215,119.27395578430836,293.0213646028805 +0.925,0.592,0.0,0.0,6.177690710168197e-07,0.6950000000000001,0.0,89.02,2023-05-15,norfolk/portsmouth/newport news smm food,-14.10441751758284,119.73532992452499,105.63091240694214 +0.0,0.6900000000000001,0.0,0.0,2.5946300982706425e-06,0.9440000000000001,0.0,31.09,2023-05-15,oklahoma city smm food,-62.80511264619615,118.31239028520629,55.50727763901014 +0.0,0.603,0.0,0.0,9.884305136269115e-07,0.524,0.804,62.2,2023-05-15,omaha smm food,-55.53812691614876,118.9765581631707,63.43843124702193 +0.0,0.0,0.873,0.604,2.8417377266773707e-06,0.0,0.0,108.87,2023-05-15,orlando/daytona beach/melborne smm food,16.201025400694412,118.59937258849656,134.80039798919097 +0.776,0.0,0.0,0.0,3.706614426100918e-07,0.0,0.0,46.92,2023-05-15,paducah ky/cape girardeau mo smm food,-60.85509863333336,117.91367709025461,57.058578456921246 +0.0,0.0,0.0,0.541,4.818598753931193e-06,0.0,0.811,244.48,2023-05-15,philadelphia smm food,83.32339087166719,118.71330782910391,202.0366987007711 +0.791,0.0,0.737,0.0,6.054136895964833e-06,0.0,0.544,123.45999999999998,2023-05-15,phoenix/prescott smm food,0.5686043532995056,119.49444377365147,120.06304812695097 +0.5640000000000001,0.0,0.709,0.0,1.1119843278302754e-06,0.0,0.795,79.74,2023-05-15,pittsburgh smm food,-11.862124417323331,119.38523487460897,107.52311045728564 +0.788,0.8170000000000001,0.725,0.0,4.07727586871101e-06,0.0,0.742,87.93,2023-05-15,portland or smm food,-29.518047286931516,121.08778501604567,91.56973772911415 +0.0,0.0,0.59,0.0,8.648766994235475e-07,0.245,0.919,121.96999999999998,2023-05-15,providence ri/new bedford ma smm food,-33.166050408362494,118.54965817717999,85.3836077688175 +0.551,0.549,0.0,0.559,4.942152568134558e-07,0.0,0.881,95.85,2023-05-15,raleigh/durham/fayetteville smm food,8.915816009933655,120.808107957736,129.72392396766966 +0.7010000000000001,0.807,0.8320000000000001,0.801,9.266536065252295e-06,0.49499999999999994,0.6970000000000001,343.03,2023-05-15,rem us east north central smm food,190.03931593595715,123.04252775712602,313.08184369308316 +0.0,0.637,0.0,0.0,2.9652915408807343e-06,0.718,0.0,153.18,2023-05-15,rem us middle atlantic smm food,14.385666495529572,118.04054165081912,132.4262081463487 +0.0,0.0,0.8,0.0,1.0131412764675843e-05,0.0,0.0,169.24,2023-05-15,rem us mountain smm food,57.543154764893536,117.25394875962188,174.79710352451542 +0.0,0.0,0.0,0.645,3.3359529834908265e-06,0.0,0.0,174.55,2023-05-15,rem us new england smm food,31.807273846886304,117.77078629335053,149.57806014023683 +0.0,0.738,0.711,0.0,3.953722054507646e-06,0.655,0.0,112.09,2023-05-15,rem us pacific smm food,-11.30071256415528,118.89820735812249,107.59749479396721 +0.0,0.608,0.799,0.0,9.637197507862386e-06,0.0,0.0,259.46,2023-05-15,rem us south atlantic smm food,167.26587359064686,118.24149845308347,285.50737204373036 +0.0,0.924,0.0,0.68,1.1861166163522937e-05,0.726,0.0,370.68,2023-05-15,rem us south central smm food,283.0169725950787,119.94449776460635,402.96147035968505 +0.545,0.0,0.0,0.0,7.536782666405199e-06,0.9490000000000002,0.597,127.41,2023-05-15,rem us west north central smm food,9.54017171636033,119.10271312476335,128.64288484112367 +0.0,0.0,0.0,0.579,9.884305136269115e-07,0.972,0.789,92.62,2023-05-15,richmond/petersburg smm food,-30.34626292809824,119.55995714335405,89.21369421525581 +0.0,0.0,0.0,0.791,3.45950679769419e-06,0.658,0.62,92.81,2023-05-15,sacramento/stockton/modesto smm food,-44.827275118197626,119.50600482352907,74.67872970533145 +0.937,0.741,0.0,0.932,3.830168240304282e-06,0.0,0.85,49.11,2023-05-15,salt lake city smm food,-32.689547694016525,122.60630022408978,89.91675253007325 +0.0,0.929,0.756,0.0,8.648766994235475e-07,0.0,0.0,91.34,2023-05-15,san diego smm food,-37.700043815451444,118.71733011860692,81.01728630315549 +0.833,0.724,0.668,0.616,3.0888453550840984e-06,0.551,0.743,73.4,2023-05-15,san francisco/oakland/san jose smm food,-27.53844371874822,122.71290551737945,95.17446179863123 +0.497,0.537,0.609,0.0,3.45950679769419e-06,0.0,0.0,101.47,2023-05-15,seattle/tacoma smm food,-27.669600260363957,118.88641050194042,91.21681024157647 +0.706,0.0,0.0,0.656,2.100414841457187e-06,0.8280000000000001,0.614,78.59,2023-05-15,st. louis smm food,-28.710263235806057,120.71715594182183,92.00689270601578 +0.71,0.0,0.836,0.0,2.2239686556605507e-06,0.0,0.0,161.0,2023-05-15,tampa/ft. myers smm food,56.84084685459594,118.6624598578834,175.50330671247934 +0.88,0.9540000000000001,0.999,0.9510000000000001,2.471076284067279e-07,0.0,0.654,52.62,2023-05-15,tucson/sierra vista smm food,-53.092110121747545,123.6483323409109,70.55622221916335 +0.0,0.0,0.992,0.0,5.3128140107446495e-06,0.557,0.0,148.55,2023-05-15,washington dc/hagerstown smm food,56.60701941749206,117.91226407810447,174.51928349559654 +0.0,0.9390000000000001,0.5720000000000001,0.711,1.1119843278302754e-06,0.497,0.533,19.21,2023-05-15,yakima/pasco/richland/kennewick smm food,-62.897414399258366,121.20699218593323,58.309577786674865 +0.0,0.0,0.0,0.781,0.013810903421944697,0.972,0.0,102.33,2023-05-22,albany/schenectady/troy smm food,-34.057488325336934,120.55526476298964,86.4977764376527 +0.754,0.52,0.0,0.917,0.019690944344929996,0.0,0.0,83.19,2023-05-22,albuquerque/santa fe smm food,-45.622227404454875,123.068676973965,77.44644956951012 +0.0,0.0,0.0,0.584,0.08875917469249191,0.626,0.0,287.84,2023-05-22,atlanta smm food,48.833174073915465,129.08357148276588,177.91674555668135 +0.686,0.0,0.0,0.0,0.03466234426431378,0.0,0.0,82.0,2023-05-22,baltimore smm food,-11.133995575951698,122.00698556606329,110.87298999011159 +0.738,0.605,0.961,0.0,0.014174634731116124,0.522,0.0,40.68,2023-05-22,baton rouge smm food,-65.78611486272575,122.00502234572197,56.218907482996215 +0.778,0.892,0.0,0.803,0.027922893898183428,0.0,0.9500000000000001,65.0,2023-05-22,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,125.85367484532121,71.71483498270845 +0.773,0.629,0.0,0.507,0.06913307756694655,0.0,0.883,193.18,2023-05-22,boston/manchester smm food,66.92993459998871,129.77147973768513,196.70141433767384 +0.0,0.556,0.734,0.777,0.016751427365230227,0.0,0.9759999999999999,107.68,2023-05-22,buffalo smm food,-52.4511634583843,123.18060675329038,70.72944329490608 +0.811,0.841,0.0,0.672,0.04604002581978682,0.669,0.0,177.93,2023-05-22,charlotte smm food,10.686528499937081,126.97924320936514,137.66577170930222 +0.982,0.0,0.0,0.0,0.1104946121870325,0.0,0.632,182.57,2023-05-22,chicago smm food,60.708498931683316,132.81922930693523,193.52772823861855 +0.866,0.0,0.86,0.9390000000000001,0.040994779949080976,0.855,0.5690000000000001,124.45,2023-05-22,cleveland/akron/canton smm food,14.676717884071213,127.52679791088767,142.2035157949589 +0.559,0.0,0.616,0.725,0.031131272626356715,0.904,0.717,115.26000000000002,2023-05-22,columbus oh smm food,-12.49362207652284,125.26590734783163,112.77228527130879 +0.0,0.807,0.0,0.74,0.11427844527593424,0.535,0.926,118.25,2023-05-22,dallas/ft. worth smm food,-11.137199584849201,135.11626811447854,123.97906852962934 +0.0,0.864,0.919,0.955,0.014063507959545333,0.0,0.665,70.62,2023-05-22,des moines/ames smm food,-54.00605940238191,123.47340935522497,69.46734995284307 +0.0,0.629,1.0,0.0,0.052864833338459566,0.0,0.0,159.1,2023-05-22,detroit smm food,43.90856628677271,124.99321924304918,168.9017855298219 +0.851,0.0,0.793,0.764,0.02250135870863053,0.0,0.577,82.61,2023-05-22,grand rapids smm food,-6.398790457565139,124.09186088561725,117.69307042805211 +0.0,0.8260000000000001,0.544,0.0,0.024432169993792618,0.8260000000000001,0.0,95.06,2023-05-22,greensboro smm food,-32.84511351029591,122.0141427063421,89.16902919604618 +0.891,0.751,0.735,0.889,0.021924085635757005,0.0,0.0,73.99,2023-05-22,harrisburg/lancaster smm food,-31.389249071557845,124.69527627854933,93.30602720699149 +0.0,0.8320000000000001,0.0,0.0,0.028443993229429393,0.592,0.0,97.02,2023-05-22,hartford/new haven smm food,-3.8036265251073567,121.75542973225615,117.95180320714879 +0.661,0.521,0.0,0.932,0.10678363136913764,0.968,0.874,159.55,2023-05-22,houston smm food,51.232085221846255,135.69064182419476,186.92272704604102 +0.789,0.0,0.0,0.0,0.040615608119748556,0.665,0.0,56.11999999999999,2023-05-22,indianapolis smm food,-27.3931217903632,123.48533936731182,96.09221757694863 +0.678,0.0,0.0,0.0,0.025297957284826846,0.0,0.9560000000000002,169.94,2023-05-22,jacksonville smm food,-30.11446677612209,122.20724892614213,92.09278215002004 +0.645,0.0,0.0,0.0,0.029058914385028823,0.9269999999999999,0.587,101.98,2023-05-22,kansas city smm food,-35.92065625455669,122.84000479392536,86.91934853936867 +0.0,0.0,0.0,0.0,0.017404480934507242,0.0,0.9700000000000001,105.94,2023-05-22,knoxville smm food,-47.01133837972032,119.94560099467814,72.93426261495782 +0.986,0.0,0.891,0.0,0.028511469673980275,0.784,0.0,99.88,2023-05-22,las vegas smm food,-43.338372299245414,123.40732121522403,80.06894891597861 +0.497,0.871,0.802,0.0,0.020068554454050886,0.523,0.0,71.72,2023-05-22,little rock/pine bluff smm food,-58.710785610175435,122.5317291764321,63.82094356625666 +0.9580000000000001,0.616,0.715,0.677,0.19629818689982978,0.672,0.515,156.83,2023-05-22,los angeles smm food,37.56221942851599,146.89497997372303,184.457199402239 +0.877,0.0,0.0,0.669,0.010383053582525692,0.61,0.551,60.41,2023-05-22,madison wi smm food,-63.99517148799614,122.08352908355641,58.088357595560275 +0.0,0.662,0.0,0.834,0.06448817323609873,0.0,0.671,509.93,2023-05-22,miami/west palm beach smm food,67.70745756991558,128.14381566374897,195.85127323366453 +0.505,0.772,0.7010000000000001,0.91,0.025807037301027107,0.0,0.89,59.3,2023-05-22,milwaukee smm food,-48.26118428614204,125.74427209522673,77.4830878090847 +0.98,0.965,0.0,0.929,0.04628313277568964,0.8170000000000001,0.0,121.99999999999999,2023-05-22,minneapolis/st. paul smm food,-30.66363431628655,128.19924520415938,97.53561088787283 +0.0,0.8150000000000001,0.857,0.0,0.02023363346966986,0.806,0.0,101.8,2023-05-22,mobile/pensacola smm food,-48.947921889963226,121.79094676268016,72.84302487271694 +0.794,0.9570000000000001,0.0,0.772,0.03986140474939767,0.63,0.635,106.81,2023-05-22,nashville smm food,-20.942188827432304,127.46160102066052,106.51941219322822 +0.0,0.0,0.0,0.0,0.02487040425292867,0.617,0.536,73.27,2023-05-22,new orleans smm food,-56.864739449880446,120.75044054990802,63.885701100027575 +0.0,0.705,0.8,0.612,0.24330059438259502,0.776,0.0,267.03,2023-05-22,new york smm food,173.74740881857215,150.27583703342552,324.0232458519977 +0.972,0.988,0.5710000000000001,0.762,0.023965302138214933,0.973,0.624,108.53,2023-05-22,norfolk/portsmouth/newport news smm food,-14.10441751758284,126.74241825102973,112.63800073344689 +0.933,0.0,0.8250000000000001,0.0,0.02485581007639497,0.5640000000000001,0.0,42.58,2023-05-22,oklahoma city smm food,-62.80511264619615,122.6049335876542,59.79982094145805 +0.0,0.0,0.0,0.0,0.01369611575085906,0.0,0.758,70.3,2023-05-22,omaha smm food,-55.53812691614876,119.18558088709476,63.647453970945996 +0.555,0.0,0.0,0.882,0.052351646393475185,0.0,0.682,391.94,2023-05-22,orlando/daytona beach/melborne smm food,16.201025400694412,126.76218622260097,142.9632116232954 +0.549,0.66,0.649,0.0,0.012256315972108136,0.6970000000000001,0.0,56.11999999999999,2023-05-22,paducah ky/cape girardeau mo smm food,-60.85509863333336,121.30998561582912,60.45488698249576 +0.0,0.0,0.0,0.6940000000000001,0.09632938978548239,0.0,0.602,201.66,2023-05-22,philadelphia smm food,83.32339087166719,130.5941758170647,213.91756668873188 +0.714,0.714,0.0,0.9490000000000002,0.05702808289324584,0.534,0.749,99.19,2023-05-22,phoenix/prescott smm food,0.5686043532995056,129.4816939239895,130.050298277289 +0.9580000000000001,0.0,0.0,0.607,0.027925576251489784,0.0,0.0,75.68,2023-05-22,pittsburgh smm food,-11.862124417323331,122.97927857100409,111.11715415368076 +0.0,0.0,0.682,0.873,0.02724298467185117,0.896,0.0,98.34,2023-05-22,portland or smm food,-29.518047286931516,123.05452569760722,93.5364784106757 +0.0,0.0,0.0,0.0,0.019611893379064542,0.0,0.609,77.23,2023-05-22,providence ri/new bedford ma smm food,-33.166050408362494,119.70056470566787,86.53451429730538 +0.661,0.9199999999999999,0.873,0.8280000000000001,0.043365355089598955,0.0,0.9460000000000001,134.46,2023-05-22,raleigh/durham/fayetteville smm food,8.915816009933655,128.53593372374937,137.45174973368302 +0.0,0.851,0.836,0.602,0.18381035949728183,0.708,0.0,314.77,2023-05-22,rem us east north central smm food,190.03931593595715,143.1502987231852,333.1896146591423 +0.755,0.0,0.0,0.0,0.060072020143481446,0.8300000000000001,0.924,112.50000000000001,2023-05-22,rem us middle atlantic smm food,14.385666495529572,127.27323944258595,141.6589059381155 +0.912,0.0,0.898,0.645,0.10496392955801236,0.0,0.74,138.0,2023-05-22,rem us mountain smm food,57.543154764893536,134.45477762198504,191.99793238687857 +0.502,0.0,0.608,0.0,0.028882472125117572,0.9510000000000001,0.853,134.26,2023-05-22,rem us new england smm food,31.807273846886304,123.57965421098201,155.38692805786832 +0.76,0.0,0.89,0.0,0.11763149069408195,0.0,0.0,90.18,2023-05-22,rem us pacific smm food,-11.30071256415528,133.29684688739067,121.9961343232354 +0.511,0.836,0.0,0.0,0.2348948849227367,0.676,0.0,407.95,2023-05-22,rem us south atlantic smm food,167.26587359064686,148.23415809463125,315.50003168527815 +0.8,0.681,0.955,0.776,0.4034279240211291,0.588,0.0,443.79,2023-05-22,rem us south central smm food,283.0169725950787,171.84826541804279,454.8652380131215 +0.549,0.0,0.671,0.599,0.13011014916807792,1.0,0.0,106.45,2023-05-22,rem us west north central smm food,9.54017171636033,136.27696332829558,145.8171350446559 +0.612,0.933,0.585,0.904,0.01900693560304247,0.0,0.789,74.65,2023-05-22,richmond/petersburg smm food,-30.34626292809824,125.09688882043382,94.75062589233558 +0.584,0.893,0.912,0.674,0.04677857492187813,0.0,0.0,90.75,2023-05-22,sacramento/stockton/modesto smm food,-44.827275118197626,127.12632262275885,82.29904750456123 +0.9590000000000001,0.645,0.0,0.756,0.029967317857658077,0.729,0.756,81.11,2023-05-22,salt lake city smm food,-32.689547694016525,126.27593425616497,93.58638656214845 +0.851,0.915,0.0,0.0,0.03274365978601575,0.0,0.8310000000000001,71.14,2023-05-22,san diego smm food,-37.700043815451444,124.76704850940382,87.06700469395238 +0.806,0.0,0.529,0.0,0.06201358802370807,0.0,0.941,74.98,2023-05-22,san francisco/oakland/san jose smm food,-27.53844371874822,127.50745088776762,99.96900716901939 +0.0,0.7030000000000001,0.5750000000000001,0.0,0.04096268931691793,0.0,0.0,104.23,2023-05-22,seattle/tacoma smm food,-27.669600260363957,123.20292026932694,95.53332000896299 +0.8140000000000001,0.861,0.0,0.0,0.034797891447261864,0.0,0.0,99.2,2023-05-22,st. louis smm food,-28.710263235806057,123.67103312369717,94.96076988789112 +0.0,0.0,0.0,0.901,0.056106236765631264,0.0,0.588,483.13000000000005,2023-05-22,tampa/ft. myers smm food,56.84084685459594,126.05749814981473,182.89834500441066 +0.686,0.834,0.755,0.903,0.01126402440178737,0.612,0.754,45.61,2023-05-22,tucson/sierra vista smm food,-53.092110121747545,124.75450123720859,71.66239111546105 +0.0,0.776,0.0,0.742,0.07566951048326864,0.979,0.5630000000000001,128.23,2023-05-22,washington dc/hagerstown smm food,56.60701941749206,130.16216384924596,186.76918326673803 +0.544,0.0,0.0,0.0,0.008641300637243167,0.766,0.0,52.9,2023-05-22,yakima/pasco/richland/kennewick smm food,-62.897414399258366,119.15866289581585,56.261248496557485 +0.726,0.0,0.678,0.0,0.02016193642682579,0.9420000000000002,0.972,76.4,2023-05-29,albany/schenectady/troy smm food,-34.057488325336934,123.17517353467115,89.11768520933421 +0.71,0.0,0.625,0.578,0.027569575704473066,0.6980000000000001,0.0,59.290000000000006,2023-05-29,albuquerque/santa fe smm food,-45.622227404454875,123.62386094090267,78.0016335364478 +0.898,0.627,0.891,0.0,0.1278503980922859,0.0,0.0,147.09,2023-05-29,atlanta smm food,48.833174073915465,135.8421097195566,184.67528379347206 +0.892,0.614,0.0,0.618,0.05123016077733267,0.0,0.0,88.26,2023-05-29,baltimore smm food,-11.133995575951698,126.74230287392552,115.60830729797382 +0.0,0.787,0.0,0.0,0.02011096430077619,0.683,0.0,43.19,2023-05-29,baton rouge smm food,-65.78611486272575,120.73116472427735,54.945049861551595 +0.704,0.841,0.981,0.881,0.037640683087974386,0.9840000000000001,0.0,71.37,2023-05-29,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,127.46473901125881,73.32589914864604 +0.0,0.0,0.503,0.888,0.1027825820260994,0.838,0.974,218.3,2023-05-29,boston/manchester smm food,66.92993459998871,133.54473473226852,200.47466933225724 +0.0,0.0,0.929,0.0,0.023359535084709827,0.0,0.0,82.64,2023-05-29,buffalo smm food,-52.4511634583843,120.26364854413067,67.81248508574637 +0.972,0.6930000000000001,0.0,0.0,0.06516732507754991,0.711,0.0,135.15,2023-05-29,charlotte smm food,10.686528499937081,128.02611274172756,138.71264124166464 +0.8250000000000001,0.0,0.0,0.0,0.16330559830218597,0.0,0.0,194.83,2023-05-29,chicago smm food,60.708498931683316,138.112655809804,198.82115474148733 +0.6900000000000001,0.6880000000000001,0.865,0.0,0.05955468796803054,0.526,0.514,157.34,2023-05-29,cleveland/akron/canton smm food,14.676717884071213,128.27243205074706,142.94914993481828 +0.0,0.0,0.0,0.838,0.043991587596888704,0.857,0.0,114.45000000000002,2023-05-29,columbus oh smm food,-12.49362207652284,124.29610691922758,111.80248484270474 +0.0,0.757,0.52,0.799,0.16322773839508942,0.0,0.0,133.07,2023-05-29,dallas/ft. worth smm food,-11.137199584849201,139.96477557059825,128.82757598574904 +0.0,0.0,0.0,0.0,0.021537433858512714,0.0,0.0,44.75,2023-05-29,des moines/ames smm food,-54.00605940238191,119.06580406267176,65.05974466028985 +0.67,0.0,0.516,0.736,0.07825210026234516,0.0,0.9829999999999999,190.14,2023-05-29,detroit smm food,43.90856628677271,130.8376298678033,174.746196154576 +0.749,0.512,0.0,0.982,0.03158074039828014,0.936,0.0,116.74999999999999,2023-05-29,grand rapids smm food,-6.398790457565139,125.41554238556087,119.01675192799573 +0.0,0.0,0.585,0.0,0.032508947076249906,0.9899999999999999,0.595,106.67,2023-05-29,greensboro smm food,-32.84511351029591,122.69481982681907,89.84970631652317 +0.0,0.986,0.0,0.74,0.031185228577019324,0.0,0.0,79.08,2023-05-29,harrisburg/lancaster smm food,-31.389249071557845,123.41259273012811,92.02334365857027 +0.552,0.0,0.497,0.9470000000000001,0.04176938946738569,0.0,0.6940000000000001,114.93999999999998,2023-05-29,hartford/new haven smm food,-3.8036265251073567,126.12827455068296,122.3246480255756 +0.9450000000000001,0.955,0.987,0.0,0.16016681496647714,0.0,0.0,165.13,2023-05-29,houston smm food,51.232085221846255,140.5453076881956,191.77739291004187 +0.0,0.0,0.0,0.5740000000000001,0.05797452117203945,0.0,0.0,113.58,2023-05-29,indianapolis smm food,-27.3931217903632,124.758281232305,97.3651594419418 +0.0,0.5630000000000001,0.0,0.0,0.03714332091551317,0.0,0.0,112.81,2023-05-29,jacksonville smm food,-30.11446677612209,121.90251057560013,91.78804379947805 +0.0,0.793,0.0,0.916,0.044661695299140214,0.0,0.894,94.2,2023-05-29,kansas city smm food,-35.92065625455669,126.40764682311874,90.48699056856205 +0.55,0.0,0.0,0.0,0.02347012192611255,0.88,0.503,24.51,2023-05-29,knoxville smm food,-47.01133837972032,121.80955875384562,74.7982203741253 +0.5760000000000001,0.0,0.0,0.505,0.04552557491928314,0.535,0.637,36.11,2023-05-29,las vegas smm food,-43.338372299245414,125.54503033451572,82.2066580352703 +0.0,0.751,0.937,0.0,0.02601639553258028,0.0,0.0,88.97,2023-05-29,little rock/pine bluff smm food,-58.710785610175435,121.82030318708222,63.10951757690678 +0.753,0.0,0.668,0.0,0.3111072636837758,0.0,0.55,176.58,2023-05-29,los angeles smm food,37.56221942851599,157.656599388766,195.218818817282 +0.0,0.9350000000000002,0.73,0.0,0.014767837597254885,0.0,0.8240000000000001,63.47999999999999,2023-05-29,madison wi smm food,-63.99517148799614,121.69737847774417,57.70220698974803 +0.508,0.745,0.0,0.0,0.09789957713990027,0.879,0.0,165.38,2023-05-29,miami/west palm beach smm food,67.70745756991558,131.38187458437912,199.0893321542947 +0.0,0.733,0.905,0.9199999999999999,0.03682983276488754,0.0,0.0,53.06,2023-05-29,milwaukee smm food,-48.26118428614204,125.0228954246816,76.76171113853955 +0.71,0.851,0.6960000000000001,0.0,0.06957768473181922,0.727,0.982,80.37,2023-05-29,minneapolis/st. paul smm food,-30.66363431628655,130.46807540778917,99.80444109150262 +0.0,0.647,0.0,0.0,0.028349176796871593,0.8140000000000001,0.93,83.06,2023-05-29,mobile/pensacola smm food,-48.947921889963226,122.95669446838228,74.00877257841906 +0.0,0.0,0.9070000000000001,0.777,0.055472598442718166,0.0,0.645,133.98,2023-05-29,nashville smm food,-20.942188827432304,126.75087117582933,105.80868234839703 +0.883,0.895,0.0,0.868,0.03386062086148214,0.782,0.0,73.41,2023-05-29,new orleans smm food,-56.864739449880446,126.2116853894186,69.34694593953816 +0.0,0.9430000000000001,0.6990000000000001,0.5680000000000001,0.3725043589473678,0.0,0.757,241.96,2023-05-29,new york smm food,173.74740881857215,166.81663341342335,340.5640422319955 +0.0,0.0,0.0,0.0,0.03388924704469492,0.659,0.672,77.32,2023-05-29,norfolk/portsmouth/newport news smm food,-14.10441751758284,122.08994241848852,107.98552490090567 +0.0,0.584,0.0,0.896,0.033624778869854474,0.0,0.98,52.75,2023-05-29,oklahoma city smm food,-62.80511264619615,124.79011998350119,61.985007337305035 +0.9420000000000002,0.0,0.0,0.0,0.019229716720970697,0.0,0.848,77.11,2023-05-29,omaha smm food,-55.53812691614876,121.81565075095419,66.27752383480544 +0.0,0.994,0.973,0.891,0.07941364696720499,0.586,0.0,116.65999999999998,2023-05-29,orlando/daytona beach/melborne smm food,16.201025400694412,131.18157177297283,147.38259717366725 +0.788,0.0,0.0,0.0,0.01587388516431269,0.0,0.771,36.42,2023-05-29,paducah ky/cape girardeau mo smm food,-60.85509863333336,120.9947528840196,60.13965425068624 +0.0,0.606,0.0,0.0,0.1415894920374156,0.0,0.0,216.53,2023-05-29,philadelphia smm food,83.32339087166719,134.83067328301155,218.15406415467874 +0.741,0.0,0.0,0.0,0.08728168729379453,0.0,0.0,100.72,2023-05-29,phoenix/prescott smm food,0.5686043532995056,128.59115193622577,129.15975628952526 +0.0,0.0,0.0,0.0,0.0399956509106822,0.738,0.904,80.4,2023-05-29,pittsburgh smm food,-11.862124417323331,123.23873005515873,111.3766056378354 +0.0,0.0,0.523,0.0,0.044652837726199976,0.622,0.0,47.1,2023-05-29,portland or smm food,-29.518047286931516,122.97069969486842,93.4526524079369 +0.0,0.0,0.0,0.878,0.02867326710029401,0.843,0.9280000000000002,51.28,2023-05-29,providence ri/new bedford ma smm food,-33.166050408362494,123.81135182841425,90.64530142005175 +0.644,0.683,0.0,0.0,0.05970038509681544,0.0,0.96,171.99,2023-05-29,raleigh/durham/fayetteville smm food,8.915816009933655,127.49314099252723,136.40895700246088 +0.0,0.0,0.0,0.973,0.25124204791450794,0.979,0.773,317.15,2023-05-29,rem us east north central smm food,190.03931593595715,151.30111369874805,341.3404296347052 +0.0,0.978,0.0,0.809,0.08359167232263183,0.0,0.0,133.52,2023-05-29,rem us middle atlantic smm food,14.385666495529572,129.99634011916802,144.3820066146976 +0.0,0.634,0.765,0.0,0.15883649375141554,0.0,0.912,121.42000000000002,2023-05-29,rem us mountain smm food,57.543154764893536,139.10669823072362,196.64985299561715 +0.0,0.662,0.0,0.0,0.04166166907447249,0.9400000000000001,0.0,178.48,2023-05-29,rem us new england smm food,31.807273846886304,123.39217102996307,155.19944487684938 +0.0,0.84,0.902,0.595,0.17557058528097488,0.8310000000000001,0.0,129.03,2023-05-29,rem us pacific smm food,-11.30071256415528,142.27354345364307,130.9728308894878 +0.523,0.883,0.0,0.923,0.3208966238915203,0.601,0.0,306.49,2023-05-29,rem us south atlantic smm food,167.26587359064686,160.80018160760704,328.06605519825393 +0.966,0.0,0.49,0.9059999999999999,0.5420515413436608,0.658,0.806,360.41,2023-05-29,rem us south central smm food,283.0169725950787,189.12477481283972,472.1417474079184 +0.0,0.0,0.583,0.736,0.17368927459593525,0.782,0.9530000000000001,155.9,2023-05-29,rem us west north central smm food,9.54017171636033,141.96216841989408,151.50234013625442 +0.0,0.785,0.0,0.941,0.02666069160750656,0.0,0.0,106.0,2023-05-29,richmond/petersburg smm food,-30.34626292809824,122.95131311458198,92.60505018648374 +0.0,0.0,0.0,0.0,0.07187046791983848,0.966,0.621,78.57,2023-05-29,sacramento/stockton/modesto smm food,-44.827275118197626,126.94502780409091,82.1177526858933 +0.678,0.588,0.513,0.0,0.046172140677776335,0.992,0.0,95.1,2023-05-29,salt lake city smm food,-32.689547694016525,125.71737158420122,93.02782389018469 +0.796,0.773,0.0,0.632,0.05309676114525327,0.0,0.0,92.5,2023-05-29,san diego smm food,-37.700043815451444,127.07460065901738,89.37455684356593 +0.0,0.9380000000000001,0.747,0.588,0.10306403885039281,0.891,0.0,94.73,2023-05-29,san francisco/oakland/san jose smm food,-27.53844371874822,133.37886507341656,105.84042135466834 +0.0,0.708,0.9430000000000001,0.0,0.06791572160421107,0.0,0.528,107.43,2023-05-29,seattle/tacoma smm food,-27.669600260363957,127.6707006478015,100.00110038743753 +0.912,0.8140000000000001,0.0,0.0,0.0484362445544427,0.0,0.989,100.28,2023-05-29,st. louis smm food,-28.710263235806057,126.87874880109494,98.16848556528889 +0.0,0.0,0.496,0.965,0.08642964042243785,0.912,0.542,179.14,2023-05-29,tampa/ft. myers smm food,56.84084685459594,131.12847016083282,187.96931701542877 +0.712,0.0,0.0,0.974,0.016782242922030687,0.0,0.833,33.03,2023-05-29,tucson/sierra vista smm food,-53.092110121747545,123.09619295097832,70.00408282923078 +0.0,0.542,0.0,0.0,0.11374288767735022,0.547,0.592,201.84,2023-05-29,washington dc/hagerstown smm food,56.60701941749206,132.59540612728313,189.2024255447752 +0.0,0.862,0.0,0.0,0.012515607242133457,0.0,0.0,57.39999999999999,2023-05-29,yakima/pasco/richland/kennewick smm food,-62.897414399258366,119.35682150662062,56.45940710736225 +0.764,0.9910000000000001,0.685,0.679,0.020629987927943537,0.0,0.0,102.23,2023-06-05,albany/schenectady/troy smm food,-34.057488325336934,124.18695936494949,90.12947103961255 +0.748,0.0,0.0,0.0,0.02778536367651738,0.0,0.0,67.62,2023-06-05,albuquerque/santa fe smm food,-45.622227404454875,121.28015625811729,75.65792885366241 +0.0,0.0,0.838,0.0,0.12976065620045527,0.835,0.761,185.72,2023-06-05,atlanta smm food,48.833174073915465,135.04275391439103,183.8759279883065 +0.964,0.0,0.0,0.8130000000000001,0.052960912490998525,0.609,0.0,82.49,2023-06-05,baltimore smm food,-11.133995575951698,127.00646175418119,115.87246617822949 +0.916,0.0,0.0,0.0,0.020663368461926863,0.0,0.0,13.58,2023-06-05,baton rouge smm food,-65.78611486272575,120.72796132905714,54.941846466331384 +0.0,0.0,0.788,0.583,0.038120729193375,0.941,0.597,62.31999999999999,2023-06-05,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,124.7866804497272,70.64784058711444 +0.578,0.882,0.5720000000000001,0.838,0.10329266529927099,0.754,0.0,193.78,2023-06-05,boston/manchester smm food,66.92993459998871,134.66230139029614,201.59223599028485 +0.879,0.627,0.0,0.784,0.02410565062238296,0.0,0.966,71.87,2023-06-05,buffalo smm food,-52.4511634583843,125.13092422414653,72.67976076576223 +0.787,0.0,0.632,0.0,0.06570907025114928,0.0,0.0,82.94,2023-06-05,charlotte smm food,10.686528499937081,126.68654014619732,137.37306864613439 +0.868,0.0,0.725,0.0,0.16572969819055497,0.917,0.758,141.89,2023-06-05,chicago smm food,60.708498931683316,141.09255404612995,201.80105297781327 +0.0,0.9530000000000001,0.0,0.85,0.059602778819132916,0.0,0.9910000000000001,137.09,2023-06-05,cleveland/akron/canton smm food,14.676717884071213,128.50730328791715,143.18402117198838 +0.0,0.641,0.543,0.895,0.04412894978536744,0.737,0.647,95.27,2023-06-05,columbus oh smm food,-12.49362207652284,126.87179959623656,114.37817751971372 +0.0,0.0,0.0,0.0,0.16341100823877355,0.965,0.0,150.96,2023-06-05,dallas/ft. worth smm food,-11.137199584849201,137.3246605474709,126.1874609626217 +0.0,0.923,0.728,0.0,0.0203929239890934,0.0,0.941,66.6,2023-06-05,des moines/ames smm food,-54.00605940238191,122.53575806309249,68.52969866071058 +0.0,0.638,0.0,0.0,0.08020058468509089,0.0,0.0,142.11,2023-06-05,detroit smm food,43.90856628677271,127.32519419336332,171.23376048013603 +0.784,0.0,0.0,0.9899999999999999,0.03218082397633189,0.5650000000000001,0.0,131.88,2023-06-05,grand rapids smm food,-6.398790457565139,124.43644092514002,118.03765046757488 +0.9280000000000002,0.535,0.579,0.896,0.03363721332571589,0.0,0.0,39.32,2023-06-05,greensboro smm food,-32.84511351029591,125.70875655566022,92.86364304536431 +0.0,0.599,0.77,0.0,0.03186681195753404,0.722,0.577,106.26,2023-06-05,harrisburg/lancaster smm food,-31.389249071557845,123.53766576899184,92.148416697434 +0.0,0.0,0.5760000000000001,0.767,0.04270989963417383,0.0,0.0,73.38,2023-06-05,hartford/new haven smm food,-3.8036265251073567,123.88843491299109,120.08480838788373 +0.0,0.0,0.784,0.783,0.1572505050996992,0.0,0.536,162.62,2023-06-05,houston smm food,51.232085221846255,139.0083056191783,190.24039084102455 +0.679,0.743,0.873,0.854,0.05720214550669554,0.743,0.8290000000000001,85.24,2023-06-05,indianapolis smm food,-27.3931217903632,130.48404310093298,103.09092131056978 +0.0,0.843,0.9199999999999999,0.646,0.037756546912781734,0.0,0.0,110.13,2023-06-05,jacksonville smm food,-30.11446677612209,124.75552495728827,94.64105818116619 +0.807,0.901,0.554,0.732,0.042997524264872265,0.0,0.0,59.07,2023-06-05,kansas city smm food,-35.92065625455669,126.85147631855153,90.93082006399484 +0.0,0.995,0.0,0.539,0.023636606984137158,0.0,0.8270000000000001,54.03,2023-06-05,knoxville smm food,-47.01133837972032,123.2592411827245,76.24790280300417 +0.8140000000000001,0.0,0.0,0.6,0.04564736562055782,0.727,0.0,68.48,2023-06-05,las vegas smm food,-43.338372299245414,125.46545467051749,82.12708237127208 +0.0,0.561,0.9530000000000001,0.8160000000000001,0.027160346938759388,0.0,0.589,62.839999999999996,2023-06-05,little rock/pine bluff smm food,-58.710785610175435,124.22764695719728,65.51686134702184 +0.805,0.9840000000000001,0.0,0.0,0.31664023576497313,0.989,0.0,185.68,2023-06-05,los angeles smm food,37.56221942851599,159.3636160260929,196.9258354546089 +0.542,0.714,0.955,0.0,0.014915180462844964,0.0,0.851,56.76,2023-06-05,madison wi smm food,-63.99517148799614,122.67776335350554,58.6825918655094 +0.6990000000000001,0.0,0.0,0.0,0.09922651050937642,0.498,0.0,125.89,2023-06-05,miami/west palm beach smm food,67.70745756991558,130.38974178295814,198.0971993528737 +0.932,0.6890000000000001,0.0,0.613,0.037763946550714377,0.0,0.0,57.24000000000001,2023-06-05,milwaukee smm food,-48.26118428614204,125.27322026508035,77.01203597893831 +0.891,0.0,0.88,0.557,0.0719607140968089,0.0,0.0,55.67,2023-06-05,minneapolis/st. paul smm food,-30.66363431628655,129.08800462651806,98.42437031023151 +0.754,0.6970000000000001,0.665,0.0,0.028681023808749696,0.0,0.841,33.0,2023-06-05,mobile/pensacola smm food,-48.947921889963226,124.43619641824877,75.48827452828554 +0.809,0.708,0.729,0.0,0.05682147496959684,0.517,0.0,106.79,2023-06-05,nashville smm food,-20.942188827432304,127.3126568112228,106.37046798379049 +0.0,0.916,0.0,0.0,0.03496502269173475,0.0,0.0,42.54,2023-06-05,new orleans smm food,-56.864739449880446,122.20835023022258,65.34361078034213 +0.0,0.0,0.749,0.51,0.38033863572314996,0.0,0.642,308.56,2023-06-05,new york smm food,173.74740881857215,166.01353759212557,339.7609464106977 +0.0,0.0,0.0,0.761,0.0349084436935966,0.0,0.639,95.02,2023-06-05,norfolk/portsmouth/newport news smm food,-14.10441751758284,123.22654279883209,109.12212528124924 +0.733,0.665,0.0,0.0,0.03556364092155005,0.757,0.5,56.75,2023-06-05,oklahoma city smm food,-62.80511264619615,124.62792052847861,61.82280788228246 +0.846,0.6880000000000001,0.75,0.6990000000000001,0.019372344773010773,0.8220000000000001,0.654,64.44,2023-06-05,omaha smm food,-55.53812691614876,125.41971686274046,69.8815899465917 +0.511,0.603,0.0,0.995,0.08056526365201727,0.0,0.851,147.78,2023-06-05,orlando/daytona beach/melborne smm food,16.201025400694412,131.61054535815967,147.8115707588541 +0.743,0.0,0.0,0.717,0.01602820387825269,0.546,0.0,71.14,2023-06-05,paducah ky/cape girardeau mo smm food,-60.85509863333336,121.7791414447269,60.92404281139354 +0.0,0.0,0.709,0.0,0.1461072038942318,0.0,0.0,168.71,2023-06-05,philadelphia smm food,83.32339087166719,135.14442001112963,218.4678108827968 +0.0,0.0,0.754,0.876,0.08753222477608355,0.0,0.597,154.43,2023-06-05,phoenix/prescott smm food,0.5686043532995056,130.67677827617473,131.24538262947422 +0.24749999999999997,0.0,0.0,0.0,0.040306120641626836,0.0,0.0,89.06,2023-06-05,pittsburgh smm food,-11.862124417323331,121.85457788950123,109.9924534721779 +0.0,0.774,0.0,0.0,0.0453560380820477,0.0,0.0,124.60000000000001,2023-06-05,portland or smm food,-29.518047286931516,123.25667171462575,93.73862442769423 +0.0,0.0,0.0,0.0,0.029116008602572206,0.0,0.0,78.9,2023-06-05,providence ri/new bedford ma smm food,-33.166050408362494,119.99879318516872,86.83274277680623 +0.0,0.0,0.0,0.594,0.062027283964012525,0.0,0.58,120.01,2023-06-05,raleigh/durham/fayetteville smm food,8.915816009933655,126.12955578070161,135.04537179063527 +0.549,0.869,0.0,0.0,0.2531817822561318,0.0,0.0,318.17,2023-06-05,rem us east north central smm food,190.03931593595715,150.05702248870165,340.0963384246588 +0.887,0.8260000000000001,0.0,0.9269999999999999,0.0853218655730575,0.8300000000000001,0.842,128.53,2023-06-05,rem us middle atlantic smm food,14.385666495529572,133.8113891492807,148.19705564481026 +0.772,0.0,0.582,0.5750000000000001,0.16059636957016543,0.0,0.0,187.4,2023-06-05,rem us mountain smm food,57.543154764893536,139.49547683449808,197.0386315993916 +0.779,0.0,0.0,0.0,0.04188785904213458,0.606,0.0,145.73,2023-06-05,rem us new england smm food,31.807273846886304,123.57416177984847,155.38143562673477 +0.0,0.755,0.669,0.971,0.1788076322006578,0.839,0.9280000000000002,93.58,2023-06-05,rem us pacific smm food,-11.30071256415528,144.4152014851281,133.11448892097283 +0.685,0.0,0.785,0.881,0.329062411612806,0.5680000000000001,0.0,233.13999999999996,2023-06-05,rem us south atlantic smm food,167.26587359064686,161.38983306864657,328.6557066592934 +0.888,0.6930000000000001,0.0,0.8300000000000001,0.5531427868561282,0.9759999999999999,0.8260000000000001,403.19,2023-06-05,rem us south central smm food,283.0169725950787,191.0830569939597,474.1000295890384 +0.0,0.0,0.0,0.0,0.17526073331910125,0.547,0.904,94.24,2023-06-05,rem us west north central smm food,9.54017171636033,139.73409871187314,149.27427042823348 +0.9570000000000001,0.988,0.0,0.8170000000000001,0.02799499249092366,0.8170000000000001,0.0,107.85,2023-06-05,richmond/petersburg smm food,-30.34626292809824,125.70531339575079,95.35905046765255 +0.629,0.902,0.0,0.0,0.07308188712180147,0.5060000000000001,0.596,68.88,2023-06-05,sacramento/stockton/modesto smm food,-44.827275118197626,129.3623673658939,84.53509224769627 +0.713,0.0,0.0,0.0,0.047194395283579556,0.668,0.0,50.98,2023-06-05,salt lake city smm food,-32.689547694016525,124.15087487693374,91.46132718291722 +0.551,0.876,0.0,0.646,0.054178990008008944,0.0,0.586,107.03,2023-06-05,san diego smm food,-37.700043815451444,127.77028460555988,90.07024079010844 +0.0,0.618,0.0,0.9430000000000001,0.10395210289412789,0.0,0.854,73.12,2023-06-05,san francisco/oakland/san jose smm food,-27.53844371874822,133.42175402386644,105.88331030511821 +0.9350000000000002,0.669,0.766,0.0,0.06843369625949584,0.0,0.9969999999999999,104.49,2023-06-05,seattle/tacoma smm food,-27.669600260363957,129.96343344241362,102.29383318204967 +0.0,0.0,0.783,0.807,0.048184685282110236,0.9969999999999999,0.0,82.94,2023-06-05,st. louis smm food,-28.710263235806057,125.682713730014,96.97245049420795 +0.0,0.526,0.0,0.0,0.08706486641186348,0.671,0.511,160.82,2023-06-05,tampa/ft. myers smm food,56.84084685459594,129.27102980754523,186.11187666214119 +0.742,0.0,0.0,0.0,0.01692240113332484,0.0,0.743,47.31,2023-06-05,tucson/sierra vista smm food,-53.092110121747545,120.99487658790622,67.90276646615868 +0.0,0.513,0.522,0.848,0.11600980116775156,0.0,0.0,190.79,2023-06-05,washington dc/hagerstown smm food,56.60701941749206,133.86017972110847,190.46719913860053 +0.0,0.0,0.5640000000000001,0.538,0.012838992053276774,0.0,0.0,49.15,2023-06-05,yakima/pasco/richland/kennewick smm food,-62.897414399258366,119.71704937987909,56.81963498062072 +0.0,0.65,0.0,0.891,0.020498377169515972,0.965,0.0,65.44,2023-06-12,albany/schenectady/troy smm food,-34.057488325336934,122.6610123678861,88.60352404254917 +0.0,0.0,0.0,0.0,0.027198268075414686,0.659,0.791,81.4,2023-06-12,albuquerque/santa fe smm food,-45.622227404454875,121.4365781215689,75.81435071711402 +0.0,0.0,0.0,0.0,0.12860937805309391,0.666,0.837,160.66,2023-06-12,atlanta smm food,48.833174073915465,133.99277983167428,182.82595390558976 +0.0,0.0,0.0,0.0,0.052415017144780085,0.0,0.0,128.92,2023-06-12,baltimore smm food,-11.133995575951698,122.86710579921046,111.73311022325876 +0.9490000000000002,0.598,0.719,0.0,0.020077886473637667,0.0,0.0,54.51,2023-06-12,baton rouge smm food,-65.78611486272575,122.44550112930207,56.65938626657632 +0.0,0.0,0.86,0.9269999999999999,0.03523881794400941,1.0,0.5640000000000001,59.93,2023-06-12,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,125.23179421369385,71.09295435108109 +0.0,0.0,0.0,0.0,0.09868479498869248,0.597,0.0,175.15,2023-06-12,boston/manchester smm food,66.92993459998871,129.05389704614612,195.98383164613483 +0.757,0.0,0.0,0.662,0.02568743103118754,0.0,0.0,43.11,2023-06-12,buffalo smm food,-52.4511634583843,122.43102968958341,69.97986623119911 +0.8190000000000001,0.0,0.5730000000000001,0.709,0.06490267527860259,0.0,0.9450000000000001,140.02,2023-06-12,charlotte smm food,10.686528499937081,129.43064431568496,140.11717281562204 +0.0,0.0,0.802,0.9339999999999999,0.17285622783012675,0.0,0.772,163.59,2023-06-12,chicago smm food,60.708498931683316,141.6036703864597,202.31216931814302 +0.0,0.872,0.732,0.0,0.057759421394740246,0.0,0.0,127.74,2023-06-12,cleveland/akron/canton smm food,14.676717884071213,125.71007871399532,140.38679659806652 +0.627,0.0,0.0,0.498,0.04154199608557325,0.0,0.9490000000000002,93.88,2023-06-12,columbus oh smm food,-12.49362207652284,125.145449851614,112.65182777509116 +0.0,0.648,0.0,0.9770000000000001,0.15533086431487922,0.965,0.847,100.01,2023-06-12,dallas/ft. worth smm food,-11.137199584849201,140.6501458416021,129.51294625675288 +0.523,0.0,0.0,0.803,0.01845612034394245,0.0,0.796,58.15,2023-06-12,des moines/ames smm food,-54.00605940238191,122.52463369082817,68.51857428844626 +0.612,0.7000000000000001,0.0,0.0,0.08376666158968807,0.0,0.0,110.01,2023-06-12,detroit smm food,43.90856628677271,129.0474444014031,172.9560106881758 +0.0,0.676,0.582,0.667,0.03198186526932021,0.677,0.0,143.22,2023-06-12,grand rapids smm food,-6.398790457565139,124.01931772934186,117.62052727177672 +0.6970000000000001,0.0,0.808,0.0,0.0349009686878373,0.0,0.0,95.92,2023-06-12,greensboro smm food,-32.84511351029591,122.9043431087151,90.0592295984192 +0.0,0.0,0.9759999999999999,0.852,0.030116971179573754,0.736,0.803,80.28,2023-06-12,harrisburg/lancaster smm food,-31.389249071557845,124.69033502974895,93.30108595819111 +0.0,0.682,0.848,0.0,0.040904192763583355,0.582,0.0,120.9,2023-06-12,hartford/new haven smm food,-3.8036265251073567,123.92590536875991,120.12227884365255 +0.0,0.93,0.542,0.846,0.14444052348199737,0.0,0.0,184.38,2023-06-12,houston smm food,51.232085221846255,138.05508189973517,189.28716712158143 +0.514,0.0,0.0,0.0,0.05290402213724859,0.8,0.79,96.59,2023-06-12,indianapolis smm food,-27.3931217903632,125.7086914657294,98.3155696753662 +0.0,0.0,0.789,0.0,0.039237556830722047,0.0,0.0,117.89000000000001,2023-06-12,jacksonville smm food,-30.11446677612209,122.07166216901642,91.95719539289433 +0.628,0.761,0.0,0.601,0.03939207199522663,0.8130000000000001,0.875,84.95,2023-06-12,kansas city smm food,-35.92065625455669,126.8988343428407,90.97817808828401 +0.0,0.924,0.681,0.0,0.022117131057220907,0.0,0.9630000000000002,89.13,2023-06-12,knoxville smm food,-47.01133837972032,122.73189044392731,75.720552064207 +0.0,0.0,0.8260000000000001,0.0,0.046021710202369316,0.0,0.0,107.83,2023-06-12,las vegas smm food,-43.338372299245414,122.9456244858846,79.60725218663919 +0.528,0.989,0.9910000000000001,0.8190000000000001,0.02966336188379824,0.0,0.0,70.84,2023-06-12,little rock/pine bluff smm food,-58.710785610175435,125.4548264292758,66.74404081910036 +0.0,0.905,0.719,0.5690000000000001,0.31516906196618155,0.0,0.0,206.15,2023-06-12,los angeles smm food,37.56221942851599,158.63574411391858,196.19796354243456 +0.0,0.674,0.995,0.8280000000000001,0.01466383246753478,0.0,0.0,36.44,2023-06-12,madison wi smm food,-63.99517148799614,122.09902432167738,58.10385283368124 +0.729,0.0,0.753,0.649,0.09611239716374959,0.657,0.886,153.79,2023-06-12,miami/west palm beach smm food,67.70745756991558,133.61685452265382,201.32431209256941 +0.52,0.0,0.8150000000000001,0.0,0.04048130018155693,0.0,0.545,84.09,2023-06-12,milwaukee smm food,-48.26118428614204,124.03688535099596,75.77570106485392 +0.0,0.639,0.0,0.0,0.06712694293449352,0.0,0.0,55.72,2023-06-12,minneapolis/st. paul smm food,-30.66363431628655,125.71734013575268,95.05370581946613 +0.6930000000000001,0.0,0.587,0.0,0.027030005078003693,0.926,0.0,35.47,2023-06-12,mobile/pensacola smm food,-48.947921889963226,122.45696301108467,73.50904112112144 +0.0,0.989,0.8320000000000001,0.538,0.054874962465725784,0.0,0.0,105.6,2023-06-12,nashville smm food,-20.942188827432304,126.78108816381567,105.83889933638336 +0.0,0.9570000000000001,0.0,0.7010000000000001,0.03519121513047313,0.0,0.0,56.17,2023-06-12,new orleans smm food,-56.864739449880446,123.77661662004604,66.9118771701656 +0.0,0.0,0.0,0.522,0.36563024851467535,0.0,0.9199999999999999,288.36,2023-06-12,new york smm food,173.74740881857215,163.84110375494953,337.5885125735217 +0.0,0.722,0.9590000000000001,0.0,0.0340516721243848,0.8250000000000001,0.589,112.86,2023-06-12,norfolk/portsmouth/newport news smm food,-14.10441751758284,124.3065255468117,110.20210802922885 +0.881,0.856,0.6960000000000001,0.878,0.04718432688326012,0.0,0.931,47.48,2023-06-12,oklahoma city smm food,-62.80511264619615,129.22522626614273,66.42011361994658 +0.598,0.9269999999999999,0.781,0.0,0.018135416650567348,0.0,0.549,74.47,2023-06-12,omaha smm food,-55.53812691614876,122.91408656805665,67.37595965190789 +0.0,0.6880000000000001,0.81,0.0,0.07834462971380207,0.584,0.0,118.88,2023-06-12,orlando/daytona beach/melborne smm food,16.201025400694412,128.50673063188114,144.70775603257556 +0.587,0.0,0.71,0.532,0.015056951051414474,0.0,0.756,18.39,2023-06-12,paducah ky/cape girardeau mo smm food,-60.85509863333336,122.34684856459299,61.491749931259626 +0.0,0.0,0.593,0.553,0.13940237454237936,0.835,0.0,173.46,2023-06-12,philadelphia smm food,83.32339087166719,136.04618666367276,219.36957753533994 +0.774,0.0,0.0,0.0,0.08581799714952924,0.0,0.739,118.96,2023-06-12,phoenix/prescott smm food,0.5686043532995056,129.5326292242695,130.101233577569 +0.553,0.0,0.0,0.0,0.03789724752532024,0.0,0.0,77.03,2023-06-12,pittsburgh smm food,-11.862124417323331,122.14826725631296,110.28614283898963 +0.0,0.774,0.0,0.707,0.047594314269393014,0.0,0.909,92.15,2023-06-12,portland or smm food,-29.518047286931516,126.319863441858,96.80181615492648 +0.0,0.9420000000000002,0.0,0.633,0.02725304071678918,0.6900000000000001,0.86,88.03,2023-06-12,providence ri/new bedford ma smm food,-33.166050408362494,124.43013232372925,91.26408191536676 +0.0,0.622,0.734,0.776,0.06595707611578526,0.0,0.711,84.12,2023-06-12,raleigh/durham/fayetteville smm food,8.915816009933655,128.964113745651,137.87992975558464 +0.0,0.879,0.0,0.5640000000000001,0.2422295743218639,0.0,0.0,285.13,2023-06-12,rem us east north central smm food,190.03931593595715,148.85000021594212,338.88931615189927 +0.611,0.0,0.498,0.658,0.08246042842624354,0.871,0.535,130.99,2023-06-12,rem us middle atlantic smm food,14.385666495529572,131.1332719389572,145.51893843448676 +0.0,0.0,0.0,0.751,0.15745652861380702,0.0,0.5670000000000001,195.12,2023-06-12,rem us mountain smm food,57.543154764893536,138.18919366699387,195.7323484318874 +0.0,0.923,0.0,0.0,0.04020704036694087,0.0,0.0,122.34,2023-06-12,rem us new england smm food,31.807273846886304,122.86507123385482,154.67234508074114 +0.0,0.746,0.846,0.0,0.18137977921135784,0.0,0.0,122.02999999999999,2023-06-12,rem us pacific smm food,-11.30071256415528,140.8434083288278,129.54269576467252 +0.759,0.0,0.591,0.672,0.34118998698159053,0.0,0.0,254.95,2023-06-12,rem us south atlantic smm food,167.26587359064686,161.916380581208,329.1822541718549 +0.541,0.0,0.0,0.0,0.5801570968931136,0.0,0.0,451.72999999999996,2023-06-12,rem us south central smm food,283.0169725950787,188.8820333570234,471.89900595210213 +0.6900000000000001,0.621,0.0,0.621,0.16633835763885058,0.63,0.0,122.84,2023-06-12,rem us west north central smm food,9.54017171636033,141.05823994211005,150.59841165847038 +0.5710000000000001,0.774,0.0,0.0,0.02614413287893257,0.0,0.743,75.3,2023-06-12,richmond/petersburg smm food,-30.34626292809824,123.05835960865635,92.7120966805581 +0.0,0.875,0.0,0.0,0.07532998336629965,0.869,0.0,63.8,2023-06-12,sacramento/stockton/modesto smm food,-44.827275118197626,127.82504883885277,82.99777372065515 +0.0,0.917,0.929,0.656,0.047939388952619726,0.0,0.0,98.7,2023-06-12,salt lake city smm food,-32.689547694016525,126.1599073286688,93.47035963465227 +0.0,0.0,0.526,0.0,0.05349666036245644,0.5630000000000001,0.0,91.65,2023-06-12,san diego smm food,-37.700043815451444,124.01411343825814,86.3140696228067 +0.513,0.0,0.674,0.0,0.10336286610542506,0.0,0.717,103.72,2023-06-12,san francisco/oakland/san jose smm food,-27.53844371874822,131.86310176891394,104.32465805016571 +0.0,0.6990000000000001,0.734,0.0,0.07020970449976625,0.9560000000000002,0.0,69.64,2023-06-12,seattle/tacoma smm food,-27.669600260363957,127.74917906313516,100.07957880277121 +0.728,0.511,0.0,0.901,0.04516467917014768,0.0,0.649,99.52,2023-06-12,st. louis smm food,-28.710263235806057,127.03528507776385,98.32502184195779 +0.955,0.0,0.9630000000000002,0.847,0.08447602357425012,0.0,0.0,136.26,2023-06-12,tampa/ft. myers smm food,56.84084685459594,131.44906183655874,188.28990869115466 +0.753,0.841,0.0,0.5,0.016263722158887144,0.0,0.0,74.86,2023-06-12,tucson/sierra vista smm food,-53.092110121747545,122.29011445785929,69.19800433611175 +0.0,0.0,0.0,0.591,0.11076718919869913,0.0,0.9460000000000001,201.53,2023-06-12,washington dc/hagerstown smm food,56.60701941749206,132.6475050722674,189.25452448975946 +0.765,0.0,0.805,0.654,0.013849770980816791,0.9770000000000001,0.979,60.59,2023-06-12,yakima/pasco/richland/kennewick smm food,-62.897414399258366,124.02024943767417,61.1228350384158 +0.776,0.833,0.0,0.656,1.3590919562370033e-06,0.522,0.989,94.53,2023-06-19,albany/schenectady/troy smm food,-34.057488325336934,122.4922148883734,88.43472656303646 +0.867,0.0,0.0,0.5690000000000001,7.413228852201836e-07,0.0,0.658,105.81,2023-06-19,albuquerque/santa fe smm food,-45.622227404454875,120.22773695655293,74.60550955209806 +0.0,0.0,0.0,0.0,5.436367824948013e-06,0.0,0.511,194.06,2023-06-19,atlanta smm food,48.833174073915465,117.14654610081838,165.97972017473384 +0.773,0.902,0.651,0.0,1.729753398847095e-06,0.9530000000000001,0.0,150.05,2023-06-19,baltimore smm food,-11.133995575951698,120.84009056291475,109.70609498696305 +0.0,0.607,0.0,0.0,4.942152568134558e-07,0.0,0.551,71.01,2023-06-19,baton rouge smm food,-65.78611486272575,118.19023190704179,52.40411704431604 +0.0,0.0,0.0,0.0,1.2355381420336394e-06,0.852,0.9350000000000002,92.06,2023-06-19,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,118.45312180220698,64.31428193959422 +0.9700000000000001,0.0,0.0,0.0,2.471076284067279e-06,0.0,0.0,242.06,2023-06-19,boston/manchester smm food,66.92993459998871,118.28875434287383,185.21868894286254 +0.865,0.0,0.9530000000000001,0.0,6.177690710168197e-07,0.0,0.669,81.91,2023-06-19,buffalo smm food,-52.4511634583843,120.04204292229886,67.59087946391456 +0.513,0.0,0.968,0.0,8.648766994235475e-07,0.616,0.0,107.01,2023-06-19,charlotte smm food,10.686528499937081,118.92619268084584,129.61272118078293 +0.0,0.0,0.0,0.0,4.324383497117738e-06,0.0,0.909,138.29,2023-06-19,chicago smm food,60.708498931683316,117.71616456364072,178.42466349532404 +0.72,0.715,0.864,0.0,3.830168240304282e-06,0.601,0.0,93.21,2023-06-19,cleveland/akron/canton smm food,14.676717884071213,120.36783164721956,135.04454953129078 +0.9969999999999999,0.0,0.5650000000000001,0.0,2.7181839124740066e-06,0.514,0.61,76.31,2023-06-19,columbus oh smm food,-12.49362207652284,120.22864558664565,107.73502351012282 +0.0,0.0,0.0,0.0,4.942152568134558e-06,0.8250000000000001,0.0,113.15999999999998,2023-06-19,dallas/ft. worth smm food,-11.137199584849201,117.09289567591692,105.95569609106772 +0.509,0.6950000000000001,0.0,0.5700000000000001,8.648766994235475e-07,0.0,0.737,30.15,2023-06-19,des moines/ames smm food,-54.00605940238191,120.78139865806362,66.77533925568171 +0.9560000000000002,0.973,0.85,0.0,4.324383497117738e-06,0.715,0.0,138.42,2023-06-19,detroit smm food,43.90856628677271,121.32239352295161,165.2309598097243 +0.0,0.915,0.0,0.71,8.648766994235475e-07,0.0,0.0,125.44999999999999,2023-06-19,grand rapids smm food,-6.398790457565139,119.39500109268573,112.99621063512059 +0.524,0.0,0.555,0.0,1.1119843278302754e-06,0.0,0.0,42.17,2023-06-19,greensboro smm food,-32.84511351029591,118.00849214432006,85.16337863402416 +0.0,0.0,0.0,0.0,2.471076284067279e-07,0.616,0.0,59.94,2023-06-19,harrisburg/lancaster smm food,-31.389249071557845,116.92057528451274,85.5313262129549 +0.9339999999999999,0.0,0.0,0.0,1.1119843278302754e-06,0.597,0.609,149.09,2023-06-19,hartford/new haven smm food,-3.8036265251073567,119.58141978910274,115.77779326399538 +0.968,0.91,0.897,0.0,5.189260196541285e-06,0.985,0.0,210.5,2023-06-19,houston smm food,51.232085221846255,121.5143623400334,172.74644756187965 +0.714,0.732,0.0,0.594,2.2239686556605507e-06,0.0,0.0,85.34,2023-06-19,indianapolis smm food,-27.3931217903632,120.23320934438173,92.84008755401854 +0.556,0.0,0.0,0.807,1.2355381420336394e-07,0.798,0.0,77.38,2023-06-19,jacksonville smm food,-30.11446677612209,119.84093855570204,89.72647177957995 +0.0,0.0,0.9269999999999999,0.0,3.45950679769419e-06,0.84,0.9560000000000002,110.22,2023-06-19,kansas city smm food,-35.92065625455669,119.44502920687107,83.52437295231438 +0.0,0.709,0.0,0.85,1.4826457704403671e-06,0.748,0.0,80.09,2023-06-19,knoxville smm food,-47.01133837972032,119.96909069294904,72.95775231322872 +0.0,0.0,0.975,0.0,1.4826457704403671e-06,0.9500000000000001,0.0,87.04,2023-06-19,las vegas smm food,-43.338372299245414,118.21691915744724,74.87854685820182 +0.807,0.908,0.739,0.0,1.3590919562370033e-06,0.0,0.614,51.2,2023-06-19,little rock/pine bluff smm food,-58.710785610175435,121.10356611111995,62.39278050094451 +0.0,0.0,0.76,0.55,3.7066144261009183e-06,0.0,0.0,192.98,2023-06-19,los angeles smm food,37.56221942851599,118.36753571077878,155.92975513929477 +0.763,0.6880000000000001,0.638,0.0,0.0,0.247,0.0,39.64,2023-06-19,madison wi smm food,-63.99517148799614,119.87880804978421,55.88363656178807 +0.663,0.746,0.0,0.785,2.100414841457187e-06,0.627,0.0,180.37,2023-06-19,miami/west palm beach smm food,67.70745756991558,121.07420142609197,188.78165899600754 +0.801,0.848,0.737,0.68,1.3590919562370033e-06,0.0,0.0,108.14,2023-06-19,milwaukee smm food,-48.26118428614204,121.54294487787992,73.28176059173788 +0.704,0.933,0.577,0.0,3.45950679769419e-06,0.0,0.0,73.65,2023-06-19,minneapolis/st. paul smm food,-30.66363431628655,119.89674097084844,89.2331066545619 +0.663,0.0,0.0,0.0,1.2355381420336394e-07,0.797,0.0,76.95,2023-06-19,mobile/pensacola smm food,-48.947921889963226,118.35024638980966,69.40232449984643 +0.0,0.643,0.788,0.581,1.976861027253823e-06,0.9540000000000001,0.0,115.11999999999999,2023-06-19,nashville smm food,-20.942188827432304,120.29134336233673,99.34915453490443 +0.91,0.0,0.744,0.0,6.177690710168197e-07,0.0,0.6970000000000001,53.51,2023-06-19,new orleans smm food,-56.864739449880446,119.95005112945458,63.08531167957413 +0.591,0.532,0.0,0.8170000000000001,4.07727586871101e-06,0.577,0.915,285.39,2023-06-19,new york smm food,173.74740881857215,121.92340843281109,295.67081725138326 +0.8300000000000001,0.0,0.9899999999999999,0.0,7.413228852201836e-07,0.0,0.0,102.13,2023-06-19,norfolk/portsmouth/newport news smm food,-14.10441751758284,119.05550529313666,104.95108777555382 +0.0,0.918,0.64,0.0,2.7181839124740066e-06,0.711,0.0,50.04,2023-06-19,oklahoma city smm food,-62.80511264619615,119.16236419847482,56.35725155227867 +0.641,0.0,0.0,0.596,2.8417377266773707e-06,0.0,0.52,37.77,2023-06-19,omaha smm food,-55.53812691614876,119.65056131660373,64.11243440045496 +0.887,0.0,0.531,0.0,1.0625628021489299e-05,0.609,0.0,120.21000000000001,2023-06-19,orlando/daytona beach/melborne smm food,16.201025400694412,119.18628494616266,135.38731034685708 +0.737,0.923,0.0,0.868,0.0,0.0,0.586,39.25,2023-06-19,paducah ky/cape girardeau mo smm food,-60.85509863333336,122.00288591643485,61.147787283101486 +0.0,0.0,0.547,0.0,7.042567409591745e-06,0.941,0.853,180.22,2023-06-19,philadelphia smm food,83.32339087166719,118.98280244294897,202.30619331461617 +0.9460000000000001,0.0,0.624,0.0,2.8417377266773707e-06,0.0,0.9530000000000001,118.64999999999999,2023-06-19,phoenix/prescott smm food,0.5686043532995056,120.26060299904675,120.82920735234626 +0.0,0.0,0.0,0.9000000000000001,6.177690710168197e-07,0.0,0.966,86.76,2023-06-19,pittsburgh smm food,-11.862124417323331,119.68942569049825,107.82730127317492 +0.0,0.709,0.968,0.0,1.6061995846437312e-06,0.635,0.908,77.37,2023-06-19,portland or smm food,-29.518047286931516,120.40348939735705,90.88544211042553 +0.0,0.664,0.0,0.528,2.471076284067279e-07,0.0,0.612,66.35,2023-06-19,providence ri/new bedford ma smm food,-33.166050408362494,119.48025586198922,86.31420545362673 +0.546,0.0,0.0,0.0,1.4826457704403671e-06,0.0,0.643,86.35,2023-06-19,raleigh/durham/fayetteville smm food,8.915816009933655,118.38992549017001,127.30574150010366 +0.0,0.525,0.0,0.641,8.648766994235476e-06,0.629,0.856,313.26,2023-06-19,rem us east north central smm food,190.03931593595715,120.35899862697916,310.3983145629363 +0.656,0.753,0.732,0.0,2.8417377266773707e-06,0.0,0.8220000000000001,120.30999999999999,2023-06-19,rem us middle atlantic smm food,14.385666495529572,120.85039154245024,135.2360580379798 +0.5660000000000001,0.8130000000000001,0.0,0.537,9.019428436845567e-06,0.0,0.782,193.59,2023-06-19,rem us mountain smm food,57.543154764893536,121.07944935287024,178.62260411776379 +0.0,0.9619999999999999,0.512,0.0,2.100414841457187e-06,0.879,0.0,146.91,2023-06-19,rem us new england smm food,31.807273846886304,119.23775194070029,151.0450257875866 +0.0,0.0,0.709,0.0,3.953722054507646e-06,0.0,0.883,102.28,2023-06-19,rem us pacific smm food,-11.30071256415528,118.42188174749225,107.12116918333697 +0.0,0.0,0.0,0.0,4.942152568134558e-06,0.739,0.0,267.81,2023-06-19,rem us south atlantic smm food,167.26587359064686,117.02222655844716,284.288100149094 +0.0,0.618,0.6970000000000001,0.0,1.1984719977726302e-05,0.759,0.6890000000000001,428.46,2023-06-19,rem us south central smm food,283.0169725950787,119.76119065968524,402.77816325476397 +0.778,0.8230000000000001,0.709,0.965,6.177690710168197e-06,0.657,0.882,140.61,2023-06-19,rem us west north central smm food,9.54017171636033,123.8307806706448,133.37095238700513 +0.0,0.0,0.0,0.0,3.706614426100918e-07,0.0,0.0,125.82,2023-06-19,richmond/petersburg smm food,-30.34626292809824,116.41440239784725,86.06813946974901 +0.0,0.781,0.73,0.763,1.6061995846437312e-06,0.999,0.0,52.69,2023-06-19,sacramento/stockton/modesto smm food,-44.827275118197626,120.87452379157578,76.04724867337816 +0.8240000000000001,0.0,0.0,0.923,3.2123991692874624e-06,0.725,0.0,121.28000000000002,2023-06-19,salt lake city smm food,-32.689547694016525,120.54299614361898,87.85344844960245 +0.793,0.0,0.0,0.602,1.729753398847095e-06,0.709,0.0,90.86,2023-06-19,san diego smm food,-37.700043815451444,119.79491627977747,82.09487246432602 +0.0,0.0,0.0,0.84,1.6061995846437312e-06,0.508,0.0,144.41,2023-06-19,san francisco/oakland/san jose smm food,-27.53844371874822,118.5979733637497,91.05952964500148 +0.0,0.0,0.865,0.901,5.189260196541285e-06,0.851,0.615,121.87999999999998,2023-06-19,seattle/tacoma smm food,-27.669600260363957,120.79537395207468,93.12577369171072 +0.8280000000000001,0.0,0.809,0.0,1.3590919562370033e-06,0.0,0.8150000000000001,84.74,2023-06-19,st. louis smm food,-28.710263235806057,120.02875183339864,91.31848859759259 +0.0,0.0,0.803,0.679,4.07727586871101e-06,0.8,0.9350000000000002,153.73,2023-06-19,tampa/ft. myers smm food,56.84084685459594,120.67972890636665,177.52057576096257 +0.743,0.748,0.0,0.751,3.706614426100918e-07,0.737,0.683,60.27000000000001,2023-06-19,tucson/sierra vista smm food,-53.092110121747545,122.2284617177619,69.13635159601435 +0.577,0.0,0.855,0.556,6.301244524371561e-06,0.584,0.578,176.59,2023-06-19,washington dc/hagerstown smm food,56.60701941749206,120.90214471398703,177.50916413147908 +0.67,0.0,0.0,0.0,3.706614426100918e-07,0.93,0.626,35.8,2023-06-19,yakima/pasco/richland/kennewick smm food,-62.897414399258366,119.36923968236668,56.471825283108316 +0.0,0.583,0.861,0.0,6.177690710168197e-07,0.0,0.726,105.38,2023-06-26,albany/schenectady/troy smm food,-34.057488325336934,119.30401021044459,85.24652188510765 +0.529,0.0,0.6900000000000001,0.0,1.2355381420336394e-06,0.6930000000000001,0.793,37.22,2023-06-26,albuquerque/santa fe smm food,-45.622227404454875,119.86431598945792,74.24208858500305 +0.0,0.0,0.0,0.0,2.471076284067279e-06,0.0,0.98,183.49,2023-06-26,atlanta smm food,48.833174073915465,117.8175761801378,166.65075025405326 +0.0,0.0,0.0,0.0,9.884305136269115e-07,0.0,0.0,84.51,2023-06-26,baltimore smm food,-11.133995575951698,116.41447845064648,105.28048287469478 +0.717,0.0,0.0,0.6960000000000001,3.706614426100918e-07,0.0,0.0,39.73,2023-06-26,baton rouge smm food,-65.78611486272575,119.26292478086725,53.4768099181415 +0.973,0.0,0.0,0.602,1.2355381420336394e-06,0.779,0.0,78.69,2023-06-26,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,120.20014671510077,66.061306852488 +0.0,0.602,0.0,0.0,3.0888453550840984e-06,0.735,0.523,188.3,2023-06-26,boston/manchester smm food,66.92993459998871,118.74631205645862,185.67624665644735 +0.853,0.0,0.0,0.0,1.4826457704403671e-06,0.0,0.0,56.87,2023-06-26,buffalo smm food,-52.4511634583843,118.06258222152437,65.61141876314007 +0.9590000000000001,0.0,0.531,0.674,1.976861027253823e-06,0.0,0.656,134.35,2023-06-26,charlotte smm food,10.686528499937081,121.17997359764071,131.86650209757778 +0.751,0.0,0.882,0.0,3.953722054507646e-06,0.0,0.9440000000000001,162.3,2023-06-26,chicago smm food,60.708498931683316,120.14147142547387,180.8499703571572 +0.9140000000000001,0.7020000000000001,0.0,0.0,6.054136895964833e-06,0.0,0.0,125.53999999999999,2023-06-26,cleveland/akron/canton smm food,14.676717884071213,119.32251063722799,133.99922852129922 +0.0,0.973,0.526,0.593,2.471076284067279e-06,0.0,0.861,97.22,2023-06-26,columbus oh smm food,-12.49362207652284,121.02730900555319,108.53368692903035 +0.0,0.536,0.988,0.678,5.807029267558105e-06,0.0,0.0,107.45,2023-06-26,dallas/ft. worth smm food,-11.137199584849201,119.74740444156778,108.61020485671858 +0.674,0.0,0.0,0.844,9.884305136269115e-07,0.0,0.0,109.53,2023-06-26,des moines/ames smm food,-54.00605940238191,119.49107097747648,65.48501157509457 +0.0,0.0,0.747,0.0,4.324383497117738e-06,0.0,0.74,154.41,2023-06-26,detroit smm food,43.90856628677271,118.2570376578154,162.1656039445881 +0.857,0.0,0.747,0.0,8.648766994235475e-07,0.0,0.7010000000000001,114.10999999999999,2023-06-26,grand rapids smm food,-6.398790457565139,119.85655261195627,113.45776215439113 +0.748,0.9910000000000001,0.0,0.8320000000000001,1.729753398847095e-06,0.0,0.0,90.82,2023-06-26,greensboro smm food,-32.84511351029591,121.22035431174672,88.37524080145081 +0.0,0.752,0.0,0.0,1.6061995846437312e-06,0.611,0.0,111.31,2023-06-26,harrisburg/lancaster smm food,-31.389249071557845,118.13944835027937,86.75019927872152 +0.0,0.0,0.5660000000000001,0.0,7.413228852201836e-07,0.0,0.0,120.87,2023-06-26,hartford/new haven smm food,-3.8036265251073567,117.00757692426613,113.20395039915877 +0.0,0.679,0.0,0.0,1.976861027253823e-06,0.0,0.0,159.6,2023-06-26,houston smm food,51.232085221846255,117.5187104950405,168.75079571688676 +0.0,0.0,0.711,0.926,1.1119843278302754e-06,0.0,0.512,111.28,2023-06-26,indianapolis smm food,-27.3931217903632,119.83930469310974,92.44618290274654 +0.0,0.65,0.0,0.0,1.2355381420336394e-07,0.0,0.5720000000000001,91.6,2023-06-26,jacksonville smm food,-30.11446677612209,118.29017031317774,88.17570353705565 +0.0,0.551,0.591,0.0,2.9652915408807343e-06,0.655,0.0,53.15,2023-06-26,kansas city smm food,-35.92065625455669,118.46825644270884,82.54760018815215 +0.0,0.751,0.0,0.9210000000000002,1.3590919562370033e-06,0.0,0.0,113.54000000000002,2023-06-26,knoxville smm food,-47.01133837972032,119.57198118373438,72.56064280401407 +0.73,0.0,0.653,0.553,1.3590919562370033e-06,0.851,0.0,52.06,2023-06-26,las vegas smm food,-43.338372299245414,120.371120898267,77.03274859902157 +0.654,0.0,0.0,0.863,6.177690710168197e-07,0.0,0.0,22.21,2023-06-26,little rock/pine bluff smm food,-58.710785610175435,119.49232898656132,60.78154337638588 +0.0,0.0,0.0,0.842,5.189260196541285e-06,0.0,0.52,213.0,2023-06-26,los angeles smm food,37.56221942851599,118.92958233129193,156.4918017598079 +0.0,0.8250000000000001,0.5680000000000001,0.0,3.706614426100918e-07,0.559,0.742,71.24,2023-06-26,madison wi smm food,-63.99517148799614,119.87270212145788,55.87753063346174 +0.0,0.0,0.0,0.773,9.884305136269115e-07,0.0,0.0,209.74,2023-06-26,miami/west palm beach smm food,67.70745756991558,118.03959870633294,185.74705627624851 +0.0,0.0,0.662,0.56,3.706614426100918e-07,0.896,0.0,36.57,2023-06-26,milwaukee smm food,-48.26118428614204,119.0217249404416,70.76054065429956 +0.874,0.9440000000000001,0.727,0.9570000000000001,3.5830606118975546e-06,0.0,0.902,73.94,2023-06-26,minneapolis/st. paul smm food,-30.66363431628655,123.70349022635453,93.03985591006798 +0.0,0.5690000000000001,0.0,0.0,3.706614426100918e-07,0.529,0.766,69.63,2023-06-26,mobile/pensacola smm food,-48.947921889963226,118.87090520508522,69.922983315122 +0.0,0.584,0.0,0.607,9.884305136269115e-07,0.0,0.709,140.52,2023-06-26,nashville smm food,-20.942188827432304,119.65520648787515,98.71301766044284 +0.9759999999999999,0.0,0.803,0.0,3.706614426100918e-07,0.0,0.8220000000000001,85.68,2023-06-26,new orleans smm food,-56.864739449880446,120.31830752870657,63.45356807882612 +0.502,0.0,0.516,0.0,8.030997923218657e-06,0.7000000000000001,0.738,342.23,2023-06-26,new york smm food,173.74740881857215,119.55766420715447,293.30507302572664 +0.87,0.0,0.888,0.0,2.471076284067279e-07,0.0,0.0,150.89,2023-06-26,norfolk/portsmouth/newport news smm food,-14.10441751758284,119.02583769877462,104.92142018119178 +0.716,0.0,0.619,0.641,1.4826457704403671e-06,0.0,0.54,95.99,2023-06-26,oklahoma city smm food,-62.80511264619615,120.56720424781507,57.76209160161892 +0.988,0.767,0.9689999999999999,0.0,1.1119843278302754e-06,0.787,0.541,85.1,2023-06-26,omaha smm food,-55.53812691614876,122.00718578455401,66.46905886840526 +0.878,0.8130000000000001,0.0,0.803,8.525213180032111e-06,0.668,0.686,125.81,2023-06-26,orlando/daytona beach/melborne smm food,16.201025400694412,122.65290588404744,138.85393128474186 +0.624,0.51,0.0,0.9430000000000001,7.413228852201836e-07,0.0,0.749,60.629999999999995,2023-06-26,paducah ky/cape girardeau mo smm food,-60.85509863333336,121.50410131017709,60.64900267684373 +0.0,0.0,0.0,0.0,4.69504493972783e-06,0.729,0.0,181.23,2023-06-26,philadelphia smm food,83.32339087166719,117.0139787980868,200.33736966975397 +0.739,0.0,0.0,0.59,3.3359529834908265e-06,0.799,0.869,121.01,2023-06-26,phoenix/prescott smm food,0.5686043532995056,120.98352442469852,121.55212877799802 +0.929,0.672,0.0,0.544,9.884305136269115e-07,0.893,0.51,114.5,2023-06-26,pittsburgh smm food,-11.862124417323331,121.90966326535222,110.04753884802889 +0.0,0.9460000000000001,0.65,0.8230000000000001,2.2239686556605507e-06,0.0,0.0,85.96,2023-06-26,portland or smm food,-29.518047286931516,120.36429816481986,90.84625087788834 +0.0,0.617,0.85,0.0,4.942152568134558e-07,0.0,0.767,94.07,2023-06-26,providence ri/new bedford ma smm food,-33.166050408362494,119.40644797316338,86.24039756480089 +0.0,0.0,0.0,0.805,2.2239686556605507e-06,0.0,0.0,124.56,2023-06-26,raleigh/durham/fayetteville smm food,8.915816009933655,118.10702616533626,127.02284217526991 +0.682,0.751,0.0,0.623,6.795459781185017e-06,0.0,0.709,317.85,2023-06-26,rem us east north central smm food,190.03931593595715,121.27877644351176,311.3180923794689 +0.841,0.9000000000000001,0.502,0.966,2.2239686556605507e-06,0.9700000000000001,0.5680000000000001,140.46,2023-06-26,rem us middle atlantic smm food,14.385666495529572,123.67009968150427,138.05576617703383 +0.0,0.0,0.0,0.9910000000000001,8.030997923218657e-06,0.0,0.639,216.7,2023-06-26,rem us mountain smm food,57.543154764893536,119.413537027368,176.95669179226152 +0.0,0.0,0.0,0.749,2.5946300982706425e-06,0.0,0.93,147.47,2023-06-26,rem us new england smm food,31.807273846886304,119.32067782506651,151.12795167195281 +0.785,0.0,0.0,0.0,4.818598753931193e-06,0.0,0.0,92.64,2023-06-26,rem us pacific smm food,-11.30071256415528,117.93161316555297,106.6309006013977 +0.738,0.0,0.774,0.0,7.907444109015292e-06,0.0,0.986,291.35,2023-06-26,rem us south atlantic smm food,167.26587359064686,120.06378984722399,287.32966343787086 +0.6930000000000001,0.514,0.511,0.0,1.3096704305556577e-05,0.709,0.933,423.46,2023-06-26,rem us south central smm food,283.0169725950787,121.04442445756767,404.0613970526464 +0.979,0.8220000000000001,0.5740000000000001,0.971,6.795459781185017e-06,0.881,0.0,168.6,2023-06-26,rem us west north central smm food,9.54017171636033,123.01016187113858,132.5503335874989 +0.0,0.786,0.0,0.0,0.0,0.0,0.0,113.13999999999999,2023-06-26,richmond/petersburg smm food,-30.34626292809824,117.69245800754234,87.3461950794441 +0.0,0.656,0.0,0.0,2.7181839124740066e-06,0.0,0.0,74.55,2023-06-26,sacramento/stockton/modesto smm food,-44.827275118197626,117.48140184930082,72.65412673110319 +0.0,0.772,0.773,0.9210000000000002,2.471076284067279e-06,0.0,0.67,68.79,2023-06-26,salt lake city smm food,-32.689547694016525,121.37545231879199,88.68590462477546 +0.0,0.966,0.0,0.0,1.976861027253823e-06,0.8250000000000001,0.837,62.67,2023-06-26,san diego smm food,-37.700043815451444,119.86153091148637,82.16148709603493 +0.0,0.0,0.0,0.785,2.2239686556605507e-06,0.0,0.857,105.0,2023-06-26,san francisco/oakland/san jose smm food,-27.53844371874822,119.29181409882212,91.7533703800739 +0.0,0.869,0.622,0.989,4.07727586871101e-06,0.515,0.896,158.14,2023-06-26,seattle/tacoma smm food,-27.669600260363957,122.2648250613549,94.59522480099093 +0.994,0.0,0.858,0.9510000000000001,1.729753398847095e-06,0.965,0.0,120.51000000000002,2023-06-26,st. louis smm food,-28.710263235806057,122.0264697659182,93.31620653011214 +0.0,0.0,0.0,0.0,1.4826457704403671e-06,0.0,0.975,136.75,2023-06-26,tampa/ft. myers smm food,56.84084685459594,117.81029676503265,174.65114361962858 +0.737,0.0,0.639,0.0,1.1119843278302754e-06,0.856,0.562,23.64,2023-06-26,tucson/sierra vista smm food,-53.092110121747545,120.01597922052619,66.92386909877865 +0.0,0.0,0.888,0.0,4.07727586871101e-06,0.712,0.0,186.68,2023-06-26,washington dc/hagerstown smm food,56.60701941749206,117.93049591615534,174.5375153336474 +0.556,0.595,0.0,0.683,2.471076284067279e-07,0.0,0.0,53.28,2023-06-26,yakima/pasco/richland/kennewick smm food,-62.897414399258366,119.89203748796706,56.99462308870869 +0.0,0.0,0.768,0.554,0.0,0.886,0.0,78.74,2023-07-03,albany/schenectady/troy smm food,-34.057488325336934,119.1119285171579,85.05444019182097 +0.0,0.0,0.0,0.8290000000000001,0.0,0.8160000000000001,0.0,102.46,2023-07-03,albuquerque/santa fe smm food,-45.622227404454875,118.82774377235145,73.20551636789658 +0.68,0.9530000000000001,0.863,0.0,0.0,0.0,0.926,276.02,2023-07-03,atlanta smm food,48.833174073915465,121.50778736698095,170.34096144089642 +0.0,0.589,0.0,0.0,0.0,0.0,0.0,112.66,2023-07-03,baltimore smm food,-11.133995575951698,117.37211965569654,106.23812407974484 +0.0,0.0,0.596,0.995,0.0,0.0,0.0,48.91,2023-07-03,baton rouge smm food,-65.78611486272575,119.13076660812281,53.34465174539706 +0.723,0.616,0.0,0.741,0.0,0.0,0.76,63.669999999999995,2023-07-03,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,121.45871963086583,67.31987976825306 +0.0,0.0,0.655,0.0,0.0,0.0,0.0,186.52,2023-07-03,boston/manchester smm food,66.92993459998871,117.10075151184662,184.03068611183534 +0.745,0.864,0.557,0.0,0.0,0.768,0.671,52.79,2023-07-03,buffalo smm food,-52.4511634583843,121.43403008908894,68.98286663070463 +0.0,0.856,0.579,0.0,0.0,0.0,0.5750000000000001,169.78,2023-07-03,charlotte smm food,10.686528499937081,119.23617483644013,129.9227033363772 +0.0,0.0,0.0,0.0,0.0,0.726,0.912,186.07,2023-07-03,chicago smm food,60.708498931683316,118.31650566129464,179.02500459297795 +0.923,0.76,0.858,0.73,0.0,0.686,0.73,147.9,2023-07-03,cleveland/akron/canton smm food,14.676717884071213,123.47604849239453,138.15276637646573 +0.925,0.8130000000000001,0.659,0.778,0.0,0.0,0.0,123.75999999999999,2023-07-03,columbus oh smm food,-12.49362207652284,121.84973163742058,109.35610956089774 +0.9689999999999999,0.0,0.726,0.599,0.0,0.525,0.0,110.55,2023-07-03,dallas/ft. worth smm food,-11.137199584849201,120.73803674859231,109.60083716374311 +0.739,0.8150000000000001,0.0,0.9440000000000001,0.0,0.0,0.0,32.58,2023-07-03,des moines/ames smm food,-54.00605940238191,121.15202599692637,67.14596659454446 +0.756,0.0,0.0,0.0,0.0,0.967,0.752,166.57,2023-07-03,detroit smm food,43.90856628677271,119.74612974903779,163.6546960358105 +0.59,0.0,0.0,0.762,0.0,0.0,0.664,184.94,2023-07-03,grand rapids smm food,-6.398790457565139,120.10681020573975,113.7080197481746 +0.0,0.0,0.68,0.876,0.0,0.0,0.0,99.89,2023-07-03,greensboro smm food,-32.84511351029591,118.96861258404086,86.12349907374494 +0.0,0.655,0.9140000000000001,0.0,0.0,0.791,0.548,103.71,2023-07-03,harrisburg/lancaster smm food,-31.389249071557845,119.87172879579191,88.48247972423407 +0.0,0.8260000000000001,0.0,0.848,0.0,0.0,0.0,129.45,2023-07-03,hartford/new haven smm food,-3.8036265251073567,119.54029819294321,115.73667166783585 +0.515,0.528,0.81,0.0,0.0,0.895,0.0,177.55,2023-07-03,houston smm food,51.232085221846255,119.85221282435006,171.08429804619632 +0.9770000000000001,0.0,0.507,0.707,0.0,0.8160000000000001,0.0,98.81,2023-07-03,indianapolis smm food,-27.3931217903632,120.99017520919925,93.59705341883605 +0.551,0.0,0.0,0.0,0.0,0.9580000000000001,0.764,135.14,2023-07-03,jacksonville smm food,-30.11446677612209,119.35984141894681,89.24537464282473 +0.799,0.922,0.546,0.882,0.0,0.645,0.542,95.13,2023-07-03,kansas city smm food,-35.92065625455669,123.18968083959818,87.26902458504149 +0.0,0.0,0.836,0.731,0.0,0.524,0.87,61.68,2023-07-03,knoxville smm food,-47.01133837972032,120.50328206600031,73.49194368628 +0.503,0.9619999999999999,0.0,0.847,0.0,0.9540000000000001,0.538,103.14,2023-07-03,las vegas smm food,-43.338372299245414,122.28527277873559,78.94690047949018 +0.863,0.0,0.0,0.975,0.0,0.966,0.0,75.2,2023-07-03,little rock/pine bluff smm food,-58.710785610175435,120.92531113966963,62.214525529494196 +0.757,0.901,0.67,0.9440000000000001,0.0,0.0,0.0,174.0,2023-07-03,los angeles smm food,37.56221942851599,122.02875983490382,159.5909792634198 +0.0,0.904,0.531,0.0,0.0,0.0,0.0,36.58,2023-07-03,madison wi smm food,-63.99517148799614,118.44078711495813,54.44561562696199 +0.0,0.0,0.0,0.0,0.0,0.843,0.8180000000000001,395.52,2023-07-03,miami/west palm beach smm food,67.70745756991558,118.27808319463429,185.98554076454985 +0.0,0.0,0.802,0.0,0.0,0.9430000000000001,0.0,55.05,2023-07-03,milwaukee smm food,-48.26118428614204,118.02969244592862,69.76850815978658 +0.555,0.762,0.978,0.779,0.0,0.639,0.746,76.53,2023-07-03,minneapolis/st. paul smm food,-30.66363431628655,122.98135475012573,92.31772043383918 +0.6880000000000001,0.647,0.577,0.0,0.0,0.767,0.598,70.18,2023-07-03,mobile/pensacola smm food,-48.947921889963226,120.88667695836516,71.93875506840193 +0.0,0.594,0.8220000000000001,0.0,0.0,0.659,0.0,146.32,2023-07-03,nashville smm food,-20.942188827432304,118.78317193423253,97.84098310680022 +0.932,0.0,0.731,0.553,0.0,0.9980000000000001,0.0,69.54,2023-07-03,new orleans smm food,-56.864739449880446,120.9637621931121,64.09902274323166 +0.0,0.0,0.517,0.0,0.0,0.6920000000000001,0.0,291.04,2023-07-03,new york smm food,173.74740881857215,117.52477692179924,291.2721857403714 +0.0,0.0,0.546,0.811,0.0,0.756,0.0,111.86,2023-07-03,norfolk/portsmouth/newport news smm food,-14.10441751758284,119.31276762716784,105.208350109585 +0.0,0.0,0.739,0.78,0.0,0.922,0.0,53.85,2023-07-03,oklahoma city smm food,-62.80511264619615,119.5862531254727,56.781140479276544 +0.0,0.0,0.533,0.887,0.0,0.0,0.0,70.61,2023-07-03,omaha smm food,-55.53812691614876,118.83769264308707,63.299565726938305 +0.6950000000000001,0.0,0.0,0.0,0.0,0.904,0.982,322.89,2023-07-03,orlando/daytona beach/melborne smm food,16.201025400694412,119.90576076466034,136.10678616535475 +0.843,0.0,0.551,0.0,0.0,0.0,0.0,40.75,2023-07-03,paducah ky/cape girardeau mo smm food,-60.85509863333336,118.62048907574416,57.7653904424108 +0.7030000000000001,0.0,0.584,0.624,0.0,0.0,0.0,183.44,2023-07-03,philadelphia smm food,83.32339087166719,119.69645248491204,203.01984335657923 +0.881,0.0,0.898,0.0,0.0,0.629,0.918,148.82,2023-07-03,phoenix/prescott smm food,0.5686043532995056,120.88856917316923,121.45717352646874 +0.6880000000000001,0.994,0.0,0.0,0.0,0.767,0.0,122.33,2023-07-03,pittsburgh smm food,-11.862124417323331,119.99020704319518,108.12808262587185 +0.992,0.724,0.871,0.0,0.0,0.869,0.986,63.25000000000001,2023-07-03,portland or smm food,-29.518047286931516,122.5465785187928,93.02853123186128 +0.0,0.853,0.0,0.909,0.0,0.0,0.551,131.65,2023-07-03,providence ri/new bedford ma smm food,-33.166050408362494,120.50122799151575,87.33517758315325 +0.0,0.0,0.8280000000000001,0.863,0.0,0.806,0.0,132.23,2023-07-03,raleigh/durham/fayetteville smm food,8.915816009933655,119.75869328911436,128.67450929904803 +0.923,0.905,0.641,0.708,0.0,0.0,0.0,401.24,2023-07-03,rem us east north central smm food,190.03931593595715,121.82943957184062,311.8687555077978 +0.993,0.646,0.641,0.0,0.0,0.561,0.631,121.67,2023-07-03,rem us middle atlantic smm food,14.385666495529572,121.41935906721757,135.80502556274715 +0.0,0.0,0.9700000000000001,0.0,0.0,0.0,0.9280000000000002,186.76,2023-07-03,rem us mountain smm food,57.543154764893536,118.75932455257684,176.3024793174704 +0.785,0.0,0.8220000000000001,0.0,0.0,0.0,0.608,191.62,2023-07-03,rem us new england smm food,31.807273846886304,119.66279920544274,151.47007305232904 +0.0,0.0,0.0,0.0,0.0,0.0,0.55,113.65,2023-07-03,rem us pacific smm food,-11.30071256415528,117.20170713507102,105.90099457091574 +0.0,0.502,0.85,0.0,0.0,0.9560000000000002,0.614,420.69,2023-07-03,rem us south atlantic smm food,167.26587359064686,119.78593865967075,287.0518122503176 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,476.72,2023-07-03,rem us south central smm food,283.0169725950787,116.41435676616771,399.4313293612464 +0.9700000000000001,0.0,0.0,0.96,0.0,0.0,0.0,128.16,2023-07-03,rem us west north central smm food,9.54017171636033,120.3067107338231,129.84688245018341 +0.0,0.0,0.0,0.937,0.0,0.0,0.794,144.66,2023-07-03,richmond/petersburg smm food,-30.34626292809824,119.52091083152546,89.17464790342721 +0.0,0.0,0.9380000000000001,0.781,0.0,0.9530000000000001,0.0,81.27,2023-07-03,sacramento/stockton/modesto smm food,-44.827275118197626,119.82236748288992,74.99509236469228 +0.713,0.663,0.88,0.0,0.0,0.71,0.0,116.03000000000002,2023-07-03,salt lake city smm food,-32.689547694016525,120.3756153108034,87.68606761678687 +0.9580000000000001,0.904,0.668,0.0,0.0,0.0,0.803,92.39,2023-07-03,san diego smm food,-37.700043815451444,121.58479389346667,83.88475007801523 +0.75,0.657,0.555,0.9490000000000002,0.0,0.835,0.0,90.82,2023-07-03,san francisco/oakland/san jose smm food,-27.53844371874822,122.194618742725,94.65617502397677 +0.527,0.0,0.0,0.806,0.0,0.663,0.948,111.74,2023-07-03,seattle/tacoma smm food,-27.669600260363957,121.0289630418998,93.35936278153585 +0.635,0.844,0.0,0.0,0.0,0.0,0.0,93.18,2023-07-03,st. louis smm food,-28.710263235806057,119.0136257569443,90.30336252113824 +0.0,0.98,0.854,0.51,0.0,0.905,0.0,454.34,2023-07-03,tampa/ft. myers smm food,56.84084685459594,120.71872125320232,177.55956810779827 +0.762,0.0,0.0,0.982,0.0,0.0,0.8160000000000001,63.75,2023-07-03,tucson/sierra vista smm food,-53.092110121747545,121.11923673419071,68.02712661244317 +0.974,0.9390000000000001,0.553,0.656,0.0,0.0,0.719,193.89,2023-07-03,washington dc/hagerstown smm food,56.60701941749206,122.81100249456439,179.41802191205645 +0.8160000000000001,0.0,0.528,0.729,0.0,0.0,0.9070000000000001,61.28,2023-07-03,yakima/pasco/richland/kennewick smm food,-62.897414399258366,121.37525015977806,58.477835760519696 +0.885,0.7020000000000001,0.0,0.901,0.0,0.501,0.663,48.46,2023-07-10,albany/schenectady/troy smm food,-34.057488325336934,122.5207611706552,88.46327284531827 +0.0,0.0,0.0,0.0,0.0,0.0,0.884,59.78000000000001,2023-07-10,albuquerque/santa fe smm food,-45.622227404454875,117.67984354091412,72.05761613645925 +0.517,0.0,0.0,0.0,0.0,0.0,0.0,167.83,2023-07-10,atlanta smm food,48.833174073915465,117.41322920943395,166.24640328334942 +0.0,0.0,0.0,0.0,0.0,0.0,0.9540000000000001,109.78,2023-07-10,baltimore smm food,-11.133995575951698,117.78005176968364,106.64605619373194 +0.582,0.922,0.837,0.888,0.0,0.9339999999999999,0.746,25.29,2023-07-10,baton rouge smm food,-65.78611486272575,123.61750343814938,57.83138857542363 +0.521,0.96,0.89,0.605,0.0,0.0,0.0,38.72,2023-07-10,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,121.18658027332626,67.04774041071349 +0.0,0.857,0.737,0.0,0.0,0.491,0.712,223.37,2023-07-10,boston/manchester smm food,66.92993459998871,120.00296717901504,186.93290177900377 +0.805,0.614,0.9759999999999999,0.0,0.0,0.0,0.0,68.83,2023-07-10,buffalo smm food,-52.4511634583843,119.99085658628196,67.53969312789766 +0.0,0.7010000000000001,0.852,0.844,0.0,0.626,0.915,133.75,2023-07-10,charlotte smm food,10.686528499937081,122.04573567416428,132.73226417410135 +0.739,0.0,0.764,0.633,0.0,0.727,0.0,190.8,2023-07-10,chicago smm food,60.708498931683316,120.57095578512755,181.27945471681087 +0.0,0.781,0.719,0.9210000000000002,0.0,0.0,0.0,144.79,2023-07-10,cleveland/akron/canton smm food,14.676717884071213,120.37405868158754,135.05077656565877 +0.0,0.664,0.0,0.0,0.0,0.0,0.9500000000000001,106.78,2023-07-10,columbus oh smm food,-12.49362207652284,118.85404470003334,106.3604226235105 +0.973,0.0,0.0,0.0,0.0,0.856,0.0,154.23,2023-07-10,dallas/ft. worth smm food,-11.137199584849201,118.99765053572632,107.86045095087712 +0.673,0.518,0.5660000000000001,0.8180000000000001,0.0,0.8270000000000001,0.5690000000000001,36.02,2023-07-10,des moines/ames smm food,-54.00605940238191,122.36391960479071,68.3578602024088 +0.0,0.0,0.6880000000000001,0.0,0.0,0.898,0.0,204.33,2023-07-10,detroit smm food,43.90856628677271,117.87325029567019,161.7818165824429 +0.0,0.0,0.643,0.649,0.0,0.881,0.0,109.48,2023-07-10,grand rapids smm food,-6.398790457565139,119.17655218927912,112.77776173171398 +0.71,0.8160000000000001,0.0,0.0,0.0,0.842,0.622,86.17,2023-07-10,greensboro smm food,-32.84511351029591,120.69532121301111,87.85020770271521 +0.863,0.835,0.0,0.6880000000000001,0.0,0.0,0.0,97.01,2023-07-10,harrisburg/lancaster smm food,-31.389249071557845,120.88591965175587,89.49667058019803 +0.0,0.0,0.0,0.0,0.0,0.9440000000000001,0.0,135.85,2023-07-10,hartford/new haven smm food,-3.8036265251073567,117.19007359048706,113.3864470653797 +0.0,0.0,0.716,0.516,0.0,0.509,0.0,184.85,2023-07-10,houston smm food,51.232085221846255,118.66775293832579,169.89983816017204 +0.0,0.72,0.734,0.681,0.0,0.0,0.0,78.81,2023-07-10,indianapolis smm food,-27.3931217903632,119.78602143143058,92.39289964106739 +0.673,0.0,0.72,0.894,0.0,0.0,0.618,97.01,2023-07-10,jacksonville smm food,-30.11446677612209,121.2333407378912,91.11887396176911 +0.541,0.0,0.0,0.812,0.0,0.0,0.789,98.67,2023-07-10,kansas city smm food,-35.92065625455669,120.29620051531126,84.37554426075457 +0.0,0.841,0.9980000000000001,0.0,0.0,0.0,0.0,83.39,2023-07-10,knoxville smm food,-47.01133837972032,118.82772762039308,71.81638924067275 +0.0,0.0,0.545,0.0,0.0,0.9059999999999999,0.0,72.78,2023-07-10,las vegas smm food,-43.338372299245414,117.72997004701374,74.39159774776832 +0.0,0.912,0.723,0.8230000000000001,0.0,0.71,0.0,69.36,2023-07-10,little rock/pine bluff smm food,-58.710785610175435,120.96866759507293,62.257881984897494 +0.893,0.941,0.0,0.0,0.0,0.879,0.0,187.3,2023-07-10,los angeles smm food,37.56221942851599,120.39213012174086,157.95434955025684 +0.5700000000000001,0.0,0.8230000000000001,0.52,0.0,0.988,0.595,75.1,2023-07-10,madison wi smm food,-63.99517148799614,121.13494281809344,57.1397713300973 +0.0,0.627,0.686,0.0,0.0,0.0,0.687,125.86,2023-07-10,miami/west palm beach smm food,67.70745756991558,119.13626360179754,186.84372117171313 +0.9390000000000001,0.5730000000000001,0.0,0.759,0.0,0.645,0.0,48.72,2023-07-10,milwaukee smm food,-48.26118428614204,121.2860076572365,73.02482337109446 +0.774,0.0,0.686,0.0,0.0,0.0,0.715,84.28,2023-07-10,minneapolis/st. paul smm food,-30.66363431628655,119.65220343198874,88.98856911570219 +0.0,0.0,0.882,0.0,0.0,0.765,0.0,54.99,2023-07-10,mobile/pensacola smm food,-48.947921889963226,117.96725828019935,69.01933639023612 +0.615,0.805,0.732,0.577,0.0,0.0,0.0,80.27,2023-07-10,nashville smm food,-20.942188827432304,120.89171156124397,99.94952273381166 +0.502,0.517,0.808,0.0,0.0,0.618,0.885,27.89,2023-07-10,new orleans smm food,-56.864739449880446,120.84641135818121,63.98167190830077 +0.761,0.9380000000000001,0.867,0.982,0.0,0.0,0.0,309.09,2023-07-10,new york smm food,173.74740881857215,122.3829849974533,296.13039381602545 +0.577,0.0,0.855,0.889,0.0,0.0,0.873,91.86,2023-07-10,norfolk/portsmouth/newport news smm food,-14.10441751758284,121.54386661710635,107.4394490995235 +0.0,0.0,0.5660000000000001,0.0,0.0,0.0,0.512,47.6,2023-07-10,oklahoma city smm food,-62.80511264619615,117.74043727704976,54.935324630853614 +0.0,0.0,0.0,0.78,0.0,0.892,0.919,18.31,2023-07-10,omaha smm food,-55.53812691614876,120.1027710548105,64.56464413866175 +0.681,0.0,0.752,0.0,0.0,0.596,0.6890000000000001,113.04,2023-07-10,orlando/daytona beach/melborne smm food,16.201025400694412,119.99421897501112,136.19524437570553 +0.9420000000000002,0.785,0.722,0.0,0.0,0.6910000000000001,0.58,98.56,2023-07-10,paducah ky/cape girardeau mo smm food,-60.85509863333336,121.66554876040256,60.810450127069196 +0.0,0.0,0.863,0.785,0.0,0.0,0.0,172.44,2023-07-10,philadelphia smm food,83.32339087166719,118.96906965422207,202.29246052588925 +0.853,0.0,0.5680000000000001,0.0,0.0,0.753,0.579,134.61,2023-07-10,phoenix/prescott smm food,0.5686043532995056,120.10525530272334,120.67385965602284 +0.5750000000000001,0.904,0.0,0.71,0.0,0.0,0.0,96.32,2023-07-10,pittsburgh smm food,-11.862124417323331,120.48793933991317,108.62581492258984 +0.8130000000000001,0.684,0.0,0.516,0.0,0.79,0.794,127.24999999999999,2023-07-10,portland or smm food,-29.518047286931516,121.96799076624127,92.44994347930975 +0.0,0.547,0.862,0.0,0.0,0.0,0.0,58.38999999999999,2023-07-10,providence ri/new bedford ma smm food,-33.166050408362494,118.20714061344786,85.04109020508537 +0.677,0.9430000000000001,0.0,0.0,0.0,0.659,0.5700000000000001,113.55,2023-07-10,raleigh/durham/fayetteville smm food,8.915816009933655,120.61325823240999,129.52907424234365 +0.0,0.0,0.0,0.931,0.0,0.0,0.9580000000000001,399.94,2023-07-10,rem us east north central smm food,190.03931593595715,119.74307026730777,309.78238620326493 +0.0,0.0,0.0,0.629,0.0,0.512,0.792,141.74,2023-07-10,rem us middle atlantic smm food,14.385666495529572,119.29125023187535,133.67691672740492 +0.744,0.6940000000000001,0.577,0.0,0.0,0.554,0.898,174.38,2023-07-10,rem us mountain smm food,57.543154764893536,121.32573245221965,178.86888721711318 +0.0,0.0,0.0,0.604,0.0,0.0,0.0,128.74,2023-07-10,rem us new england smm food,31.807273846886304,117.68417906168469,149.49145290857098 +0.786,0.0,0.606,0.0,0.0,0.0,0.501,125.46999999999998,2023-07-10,rem us pacific smm food,-11.30071256415528,119.28520274861629,107.98449018446101 +0.652,0.728,0.538,0.519,0.0,0.753,0.8320000000000001,292.94,2023-07-10,rem us south atlantic smm food,167.26587359064686,122.32256605208298,289.58843964272984 +0.741,0.988,0.841,0.729,0.0,0.0,0.9199999999999999,426.53,2023-07-10,rem us south central smm food,283.0169725950787,123.18352851610209,406.20050111118076 +0.0,0.898,0.0,0.0,0.0,0.0,0.0,142.52,2023-07-10,rem us west north central smm food,9.54017171636033,117.87457930402321,127.41475102038355 +0.0,0.0,0.8130000000000001,0.684,0.0,0.0,0.737,91.88,2023-07-10,richmond/petersburg smm food,-30.34626292809824,119.7593847688967,89.41312184079845 +0.757,0.964,0.0,0.0,0.0,0.667,0.0,50.98,2023-07-10,sacramento/stockton/modesto smm food,-44.827275118197626,119.9925629567629,75.16528783856526 +0.0,0.0,0.948,0.68,0.0,0.878,0.0,86.47,2023-07-10,salt lake city smm food,-32.689547694016525,119.55887891349509,86.86933121947857 +0.0,0.0,0.0,0.891,0.0,0.71,0.0,78.65,2023-07-10,san diego smm food,-37.700043815451444,118.87098597362228,81.17094215817085 +0.955,0.676,0.5750000000000001,0.0,0.0,0.0,0.0,74.45,2023-07-10,san francisco/oakland/san jose smm food,-27.53844371874822,119.96126169026367,92.42281797151546 +0.62,0.659,0.0,0.0,0.0,0.0,0.705,105.56,2023-07-10,seattle/tacoma smm food,-27.669600260363957,119.69305959423168,92.02345933386772 +0.9380000000000001,0.0,0.51,0.9059999999999999,0.0,0.9829999999999999,0.0,85.08,2023-07-10,st. louis smm food,-28.710263235806057,121.47356702560975,92.7633037898037 +0.0,0.544,0.0,0.9899999999999999,0.0,0.0,0.593,172.99,2023-07-10,tampa/ft. myers smm food,56.84084685459594,120.22918401875688,177.07003087335283 +0.66,0.0,0.0,0.881,0.0,0.0,0.0,86.62,2023-07-10,tucson/sierra vista smm food,-53.092110121747545,119.54168765014826,66.44957752840071 +0.989,0.0,0.557,0.62,0.0,0.0,0.0,182.7,2023-07-10,washington dc/hagerstown smm food,56.60701941749206,120.21231666575454,176.8193360832466 +0.708,0.849,0.809,0.7020000000000001,0.0,0.523,0.0,40.27,2023-07-10,yakima/pasco/richland/kennewick smm food,-62.897414399258366,121.9161922014711,59.01877780221274 +0.523,0.779,0.843,0.0,0.0,0.561,0.9440000000000001,61.58,2023-07-17,albany/schenectady/troy smm food,-34.057488325336934,121.38731823019165,87.32982990485472 +0.0,0.0,0.768,0.968,0.0,0.0,0.0,32.04,2023-07-17,albuquerque/santa fe smm food,-45.622227404454875,119.25424714511,73.63201974065512 +0.0,0.0,0.787,0.0,0.0,0.503,0.9560000000000002,172.72,2023-07-17,atlanta smm food,48.833174073915465,119.02096865146407,167.85414272537955 +0.0,0.709,0.9460000000000001,0.653,0.0,0.0,0.0,119.88,2023-07-17,baltimore smm food,-11.133995575951698,119.93142993695399,108.79743436100229 +0.762,0.729,0.0,0.622,0.0,0.0,0.726,83.45,2023-07-17,baton rouge smm food,-65.78611486272575,121.4189643672407,55.63284950451495 +0.0,0.848,0.5700000000000001,0.0,0.0,0.8260000000000001,0.0,82.99,2023-07-17,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,119.06934799346503,64.93050813085227 +0.0,0.0,0.0,0.0,0.0,0.862,0.553,183.31,2023-07-17,boston/manchester smm food,66.92993459998871,117.9143364159927,184.8442710159814 +0.0,0.0,0.0,0.51,0.0,0.538,0.0,78.62,2023-07-17,buffalo smm food,-52.4511634583843,117.92865056220597,65.47748710382167 +0.9969999999999999,0.893,0.846,0.0,0.0,0.849,0.0,106.66,2023-07-17,charlotte smm food,10.686528499937081,121.37690939085631,132.06343789079338 +0.0,0.0,0.497,0.777,0.0,0.0,0.0,166.97,2023-07-17,chicago smm food,60.708498931683316,118.5687081030182,179.27720703470152 +0.0,0.9280000000000002,0.738,0.0,0.0,0.902,0.729,150.79,2023-07-17,cleveland/akron/canton smm food,14.676717884071213,120.48153593015063,135.15825381422184 +0.0,0.541,0.812,0.8200000000000001,0.0,0.0,0.0,136.83,2023-07-17,columbus oh smm food,-12.49362207652284,119.86891850095027,107.37529642442743 +0.0,0.768,0.5630000000000001,0.808,0.0,0.0,0.98,153.81,2023-07-17,dallas/ft. worth smm food,-11.137199584849201,121.35479149172231,110.21759190687311 +0.0,0.0,0.0,0.514,0.0,0.0,0.679,94.45,2023-07-17,des moines/ames smm food,-54.00605940238191,118.46698694929773,64.46092754691583 +0.904,0.501,0.867,0.0,0.0,0.0,0.0,149.0,2023-07-17,detroit smm food,43.90856628677271,119.88415818425146,163.79272447102417 +0.0,0.0,0.864,0.756,0.0,0.854,0.0,149.05,2023-07-17,grand rapids smm food,-6.398790457565139,119.61091006726164,113.2121196096965 +0.71,0.897,0.0,0.0,0.0,0.85,0.744,101.57,2023-07-17,greensboro smm food,-32.84511351029591,121.00825643503542,88.1631429247395 +0.0,0.0,0.918,0.59,0.0,0.0,0.501,89.77,2023-07-17,harrisburg/lancaster smm food,-31.389249071557845,119.33395127819462,87.94470220663678 +0.687,0.0,0.728,0.738,0.0,0.9280000000000002,0.0,132.14,2023-07-17,hartford/new haven smm food,-3.8036265251073567,120.81867918365376,117.0150526585464 +0.0,0.0,0.9560000000000002,0.0,0.0,0.0,0.49200000000000005,212.16,2023-07-17,houston smm food,51.232085221846255,118.12049940922324,169.3525846310695 +0.0,0.0,0.0,0.7010000000000001,0.0,0.762,0.0,107.45,2023-07-17,indianapolis smm food,-27.3931217903632,118.51426872683234,91.12114693646915 +0.0,0.5650000000000001,0.0,0.752,0.0,0.0,0.0,68.08,2023-07-17,jacksonville smm food,-30.11446677612209,118.914064468608,88.79959769248592 +0.863,0.924,0.0,0.0,0.0,0.988,0.0,100.19,2023-07-17,kansas city smm food,-35.92065625455669,120.39609405791151,84.47543780335482 +0.0,0.8260000000000001,0.0,0.9210000000000002,0.0,0.0,0.885,104.9,2023-07-17,knoxville smm food,-47.01133837972032,120.96068841376976,73.94935003404944 +0.803,0.0,0.6950000000000001,0.514,0.0,0.0,0.91,60.72,2023-07-17,las vegas smm food,-43.338372299245414,121.07742626413244,77.73905396488703 +0.8220000000000001,0.0,0.0,0.783,0.0,0.715,0.0,46.66,2023-07-17,little rock/pine bluff smm food,-58.710785610175435,120.236189548644,61.52540393846857 +0.0,0.597,0.0,0.0,0.0,0.0,0.892,217.99,2023-07-17,los angeles smm food,37.56221942851599,118.66206746347953,156.22428689199552 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.7,2023-07-17,madison wi smm food,-63.99517148799614,116.41435676616771,52.419185278171575 +0.602,0.0,0.0,0.0,0.0,0.595,0.0,176.38,2023-07-17,miami/west palm beach smm food,67.70745756991558,118.06638557061294,185.77384314052853 +0.6920000000000001,0.548,0.0,0.0,0.0,0.0,0.0,106.53,2023-07-17,milwaukee smm food,-48.26118428614204,118.6424323235848,70.38124803744276 +0.8290000000000001,0.973,0.0,0.0,0.0,0.677,0.725,59.84000000000001,2023-07-17,minneapolis/st. paul smm food,-30.66363431628655,121.1923939450205,90.52875962873395 +0.781,0.581,0.752,0.809,0.0,0.5750000000000001,0.86,60.86,2023-07-17,mobile/pensacola smm food,-48.947921889963226,123.0605217053887,74.11259981542547 +0.6890000000000001,0.85,0.876,0.87,0.0,0.773,0.5700000000000001,127.33000000000001,2023-07-17,nashville smm food,-20.942188827432304,123.32593098790488,102.38374216047258 +0.0,0.0,0.0,0.546,0.0,0.0,0.782,85.86,2023-07-17,new orleans smm food,-56.864739449880446,118.68171155360633,61.81697210372589 +0.599,0.0,0.0,0.0,0.0,0.535,0.0,282.96,2023-07-17,new york smm food,173.74740881857215,118.01128537012093,291.7586941886931 +0.722,0.891,0.0,0.839,0.0,0.0,0.0,89.65,2023-07-17,norfolk/portsmouth/newport news smm food,-14.10441751758284,121.0220161166211,106.91759859903826 +0.922,0.0,0.0,0.0,0.0,0.9590000000000001,0.746,53.13,2023-07-17,oklahoma city smm food,-62.80511264619615,120.05168773354774,57.24657508735159 +0.0,0.805,0.543,0.0,0.0,0.579,0.932,36.74,2023-07-17,omaha smm food,-55.53812691614876,120.10236499924092,64.56423808309216 +0.0,0.0,0.727,0.0,0.0,0.8180000000000001,0.503,101.76,2023-07-17,orlando/daytona beach/melborne smm food,16.201025400694412,118.56844858822794,134.76947398892236 +0.0,0.53,0.8280000000000001,0.0,0.0,0.0,0.0,40.47,2023-07-17,paducah ky/cape girardeau mo smm food,-60.85509863333336,118.14386755145414,57.28876891812077 +0.0,0.542,0.785,0.9380000000000001,0.0,0.0,0.0,188.24,2023-07-17,philadelphia smm food,83.32339087166719,120.09032831508034,203.41371918674753 +0.988,0.0,0.859,0.0,0.0,0.528,0.8280000000000001,94.23,2023-07-17,phoenix/prescott smm food,0.5686043532995056,120.84259547680627,121.41119983010577 +0.0,0.0,0.614,0.733,0.0,0.613,0.0,115.14000000000001,2023-07-17,pittsburgh smm food,-11.862124417323331,119.10253530394336,107.24041088662003 +0.0,0.857,0.0,0.0,0.0,0.9269999999999999,0.0,122.88000000000001,2023-07-17,portland or smm food,-29.518047286931516,118.56965724845739,89.05160996152587 +0.895,0.911,0.0,0.0,0.0,0.0,0.546,78.69,2023-07-17,providence ri/new bedford ma smm food,-33.166050408362494,120.40653180679125,87.24048139842876 +0.0,0.0,0.0,0.0,0.0,0.649,0.0,126.78,2023-07-17,raleigh/durham/fayetteville smm food,8.915816009933655,116.94766208288726,125.86347809282091 +0.671,0.866,0.871,0.0,0.0,0.0,0.9759999999999999,304.67,2023-07-17,rem us east north central smm food,190.03931593595715,121.42889040400293,311.4682063399601 +0.754,0.777,0.638,0.0,0.0,0.0,0.0,116.22,2023-07-17,rem us middle atlantic smm food,14.385666495529572,119.80317266277784,134.18883915830742 +0.503,0.884,0.0,0.704,0.0,0.0,0.0,223.43,2023-07-17,rem us mountain smm food,57.543154764893536,120.30369558991269,177.84685035480624 +0.0,0.0,0.0,0.0,0.0,0.0,0.842,177.09,2023-07-17,rem us new england smm food,31.807273846886304,117.61971860365242,149.4269924505387 +0.0,0.502,0.629,0.0,0.0,0.641,0.0,118.29,2023-07-17,rem us pacific smm food,-11.30071256415528,118.41653042168367,107.1158178575284 +0.5660000000000001,0.519,0.0,0.0,0.0,0.0,0.904,280.82,2023-07-17,rem us south atlantic smm food,167.26587359064686,119.64595468169767,286.91182827234456 +0.87,0.0,0.6890000000000001,0.6880000000000001,0.0,0.0,0.5640000000000001,410.11,2023-07-17,rem us south central smm food,283.0169725950787,121.07108113953964,404.08805373461837 +0.7020000000000001,0.0,0.888,0.901,0.0,0.9470000000000001,0.8,106.2,2023-07-17,rem us west north central smm food,9.54017171636033,122.51886263058928,132.0590343469496 +0.67,0.0,0.0,0.0,0.0,0.881,0.0,100.41,2023-07-17,richmond/petersburg smm food,-30.34626292809824,118.43278121398336,88.08651828588512 +0.0,0.706,0.9530000000000001,0.773,0.0,0.0,0.0,77.52,2023-07-17,sacramento/stockton/modesto smm food,-44.827275118197626,120.18616977957542,75.3588946613778 +0.931,0.0,0.514,0.555,0.0,0.9500000000000001,0.71,126.66,2023-07-17,salt lake city smm food,-32.689547694016525,121.71558836092956,89.02604066691303 +0.0,0.0,0.686,0.0,0.0,0.0,0.0,90.64,2023-07-17,san diego smm food,-37.700043815451444,117.13323737003907,79.43319355458763 +0.54,0.0,0.0,0.0,0.0,0.0,0.649,93.56,2023-07-17,san francisco/oakland/san jose smm food,-27.53844371874822,118.3867399101076,90.84829619135937 +0.897,0.0,0.587,0.0,0.0,0.941,0.0,69.33,2023-07-17,seattle/tacoma smm food,-27.669600260363957,119.53579718189431,91.86619692153036 +0.0,0.602,0.0,0.501,0.0,0.0,0.863,128.26,2023-07-17,st. louis smm food,-28.710263235806057,119.68196279261294,90.97169955680688 +0.0,0.621,0.936,0.627,0.0,0.509,0.523,153.21,2023-07-17,tampa/ft. myers smm food,56.84084685459594,120.8901552897113,177.73100214430724 +0.915,0.637,0.0,0.505,0.0,0.0,0.667,58.55,2023-07-17,tucson/sierra vista smm food,-53.092110121747545,121.23453241601399,68.14242229426645 +0.0,0.9350000000000002,0.0,0.0,0.0,0.509,0.0,169.24,2023-07-17,washington dc/hagerstown smm food,56.60701941749206,118.35300694253222,174.96002636002427 +0.0,0.854,0.848,0.9500000000000001,0.0,0.623,0.891,82.32,2023-07-17,yakima/pasco/richland/kennewick smm food,-62.897414399258366,122.4763619495582,59.57894755029983 +0.606,0.0,0.0,0.558,0.0,0.712,0.0,66.64,2023-07-24,albany/schenectady/troy smm food,-34.057488325336934,119.3433706347902,85.28588230945327 +0.0,0.0,0.0,0.857,0.0,0.0,0.784,99.08,2023-07-24,albuquerque/santa fe smm food,-45.622227404454875,119.33840698676049,73.71617958230561 +0.0,0.0,0.0,0.526,0.0,0.744,0.0,178.02,2023-07-24,atlanta smm food,48.833174073915465,118.13156542726624,166.9647395011817 +0.968,0.0,0.682,0.836,0.0,0.636,0.986,91.01,2023-07-24,baltimore smm food,-11.133995575951698,122.69097076481236,111.55697518886066 +0.0,0.0,0.756,0.0,0.0,0.511,0.81,50.54,2023-07-24,baton rouge smm food,-65.78611486272575,118.78605093037348,52.999936067647724 +0.773,1.0,0.0,0.712,0.0,0.0,0.595,30.499999999999996,2023-07-24,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,121.8825648556198,67.74372499300705 +0.541,0.59,0.0,0.653,0.0,0.0,0.764,208.97,2023-07-24,boston/manchester smm food,66.92993459998871,120.88552642248195,187.81546102247066 +0.842,0.0,0.0,0.608,0.0,0.0,0.531,64.15,2023-07-24,buffalo smm food,-52.4511634583843,120.07952979684592,67.62836633846162 +0.0,0.762,0.901,0.0,0.0,0.0,0.0,119.22,2023-07-24,charlotte smm food,10.686528499937081,118.59761776483884,129.28414626477593 +0.788,0.0,0.0,0.749,0.0,0.0,0.81,185.19,2023-07-24,chicago smm food,60.708498931683316,120.67103222087552,181.37953115255883 +0.993,0.705,0.674,0.874,0.0,0.0,0.0,126.44999999999999,2023-07-24,cleveland/akron/canton smm food,14.676717884071213,122.02303943790025,136.69975732197148 +0.0,0.0,0.0,0.521,0.0,0.552,0.862,94.67,2023-07-24,columbus oh smm food,-12.49362207652284,119.19727349986611,106.70365142334327 +0.614,0.86,0.922,0.0,0.0,0.9540000000000001,0.758,132.36,2023-07-24,dallas/ft. worth smm food,-11.137199584849201,121.83430835469616,110.69710876984696 +0.0,0.803,0.867,0.0,0.0,0.0,0.0,46.52,2023-07-24,des moines/ames smm food,-54.00605940238191,118.62865751709415,64.62259811471225 +0.881,0.98,0.52,0.65,0.0,0.882,0.666,121.13999999999999,2023-07-24,detroit smm food,43.90856628677271,123.29969230886614,167.20825859563885 +0.985,0.0,0.584,0.639,0.0,0.0,0.0,91.95,2023-07-24,grand rapids smm food,-6.398790457565139,120.27282732132943,113.87403686376429 +0.0,0.602,0.514,0.0,0.0,0.0,0.642,70.53,2023-07-24,greensboro smm food,-32.84511351029591,118.85094783463009,86.00583432433419 +0.0,0.0,0.975,0.995,0.0,0.925,0.0,85.26,2023-07-24,harrisburg/lancaster smm food,-31.389249071557845,120.28803630256016,88.89878723100232 +0.0,0.557,0.515,0.646,0.0,0.863,0.739,106.58,2023-07-24,hartford/new haven smm food,-3.8036265251073567,120.98495957782914,117.18133305272178 +0.6970000000000001,0.538,0.0,0.523,0.0,0.0,0.78,178.26,2023-07-24,houston smm food,51.232085221846255,120.8519693035501,172.08405452539637 +0.929,0.719,0.0,0.0,0.0,0.911,0.0,88.36,2023-07-24,indianapolis smm food,-27.3931217903632,120.12698916093348,92.73386737057028 +0.707,0.599,0.0,0.0,0.0,0.0,0.9560000000000002,85.78,2023-07-24,jacksonville smm food,-30.11446677612209,120.12290147781007,90.00843470168799 +0.5760000000000001,0.995,0.0,0.0,0.0,0.761,0.6950000000000001,123.19,2023-07-24,kansas city smm food,-35.92065625455669,120.76543711793305,84.84478086337636 +0.0,0.933,0.0,0.0,0.0,0.0,0.5680000000000001,45.61,2023-07-24,knoxville smm food,-47.01133837972032,118.74461040833181,71.73327202861148 +0.763,0.644,0.0,0.0,0.0,0.0,0.0,57.21000000000001,2023-07-24,las vegas smm food,-43.338372299245414,118.93571219813218,75.59733989888676 +0.0,0.0,0.9630000000000002,0.9580000000000001,0.0,0.0,0.0,81.17,2023-07-24,little rock/pine bluff smm food,-58.710785610175435,119.4375701245105,60.726784514335066 +0.5630000000000001,0.9770000000000001,0.0,0.778,0.0,0.87,0.0,139.73,2023-07-24,los angeles smm food,37.56221942851599,121.44132737895848,159.00354680747446 +0.0,0.0,0.545,0.9510000000000001,0.0,0.842,0.601,59.2,2023-07-24,madison wi smm food,-63.99517148799614,120.53707770616703,56.54190621817089 +0.8190000000000001,0.801,0.0,0.0,0.0,0.0,0.5740000000000001,171.27,2023-07-24,miami/west palm beach smm food,67.70745756991558,120.12090978661162,187.8283673565272 +0.5630000000000001,0.0,0.0,0.0,0.0,0.0,0.965,35.83,2023-07-24,milwaukee smm food,-48.26118428614204,118.88354575106342,70.62236146492138 +0.654,0.0,0.629,0.811,0.0,0.0,0.0,68.48,2023-07-24,minneapolis/st. paul smm food,-30.66363431628655,120.04207902651281,89.37844471022626 +0.0,0.0,0.0,0.0,0.0,0.8200000000000001,0.772,63.63999999999999,2023-07-24,mobile/pensacola smm food,-48.947921889963226,118.19333219261792,69.24541030265469 +0.0,0.0,0.0,0.0,0.0,0.0,0.9510000000000001,96.64,2023-07-24,nashville smm food,-20.942188827432304,117.7757571313078,96.8335683038755 +0.0,0.0,0.0,0.758,0.0,0.922,0.6890000000000001,14.9,2023-07-24,new orleans smm food,-56.864739449880446,119.75191565825256,62.88717620837211 +0.8240000000000001,0.807,0.0,0.836,0.0,0.746,0.807,307.51,2023-07-24,new york smm food,173.74740881857215,122.84445892196362,296.5918677405358 +0.794,0.0,0.0,0.8200000000000001,0.0,0.577,0.0,128.96,2023-07-24,norfolk/portsmouth/newport news smm food,-14.10441751758284,120.14647985404943,106.04206233646659 +0.0,0.0,0.705,0.9619999999999999,0.0,0.743,0.834,44.33,2023-07-24,oklahoma city smm food,-62.80511264619615,120.9800711431166,58.17495849692045 +0.527,0.0,0.616,0.894,0.0,0.7020000000000001,0.961,67.09,2023-07-24,omaha smm food,-55.53812691614876,121.91015342664146,66.3720265104927 +0.924,0.787,0.542,0.0,0.0,0.0,0.0,118.18,2023-07-24,orlando/daytona beach/melborne smm food,16.201025400694412,120.04728147823327,136.24830687892768 +0.0,0.0,0.0,0.0,0.0,0.88,0.0,27.13,2023-07-24,paducah ky/cape girardeau mo smm food,-60.85509863333336,117.13748261934677,56.28238398601341 +0.0,0.847,0.0,0.737,0.0,0.856,0.889,175.21,2023-07-24,philadelphia smm food,83.32339087166719,121.31713329828445,204.64052416995162 +0.744,0.668,0.679,0.0,0.0,0.0,0.0,121.54000000000002,2023-07-24,phoenix/prescott smm food,0.5686043532995056,119.64957423243675,120.21817858573625 +0.7020000000000001,0.0,0.0,0.556,0.0,0.0,0.8200000000000001,128.47,2023-07-24,pittsburgh smm food,-11.862124417323331,120.11343647553012,108.25131205820679 +0.965,0.0,0.0,0.0,0.0,0.0,0.79,91.5,2023-07-24,portland or smm food,-29.518047286931516,119.40971129556716,89.89166400863564 +0.0,0.0,0.0,0.635,0.0,0.0,0.594,92.04,2023-07-24,providence ri/new bedford ma smm food,-33.166050408362494,118.59969045871122,85.43364005034873 +0.0,0.9390000000000001,0.0,0.0,0.0,0.0,0.636,109.55,2023-07-24,raleigh/durham/fayetteville smm food,8.915816009933655,118.85171204287651,127.76752805281016 +0.801,0.0,0.843,0.9339999999999999,0.0,0.0,0.0,337.88,2023-07-24,rem us east north central smm food,190.03931593595715,120.80893796813191,310.84825390408906 +0.0,0.0,0.0,0.967,0.0,0.0,0.0,113.38,2023-07-24,rem us middle atlantic smm food,14.385666495529572,118.4473338518712,132.83300034740077 +0.0,0.0,0.0,0.0,0.0,0.605,0.597,171.72,2023-07-24,rem us mountain smm food,57.543154764893536,117.76613882701972,175.30929359191325 +0.0,0.0,0.0,0.9129999999999999,0.0,0.848,0.0,168.01,2023-07-24,rem us new england smm food,31.807273846886304,119.03063706060938,150.83791090749568 +0.0,0.905,0.0,0.0,0.0,0.0,0.0,152.15,2023-07-24,rem us pacific smm food,-11.30071256415528,117.88596188505326,106.58524932089799 +0.0,0.728,0.924,0.0,0.0,0.9450000000000001,0.726,278.76,2023-07-24,rem us south atlantic smm food,167.26587359064686,120.38227439880562,287.64814798945247 +0.0,0.0,0.0,0.8280000000000001,0.0,0.915,0.878,416.89,2023-07-24,rem us south central smm food,283.0169725950787,120.16389057403492,403.18086316911365 +0.598,0.0,0.0,0.0,0.0,0.909,0.0,120.01999999999998,2023-07-24,rem us west north central smm food,9.54017171636033,118.31668180270604,127.85685351906638 +0.0,0.9470000000000001,0.0,0.0,0.0,0.922,0.781,55.28,2023-07-24,richmond/petersburg smm food,-30.34626292809824,119.82993357306616,89.48367064496792 +0.0,0.9520000000000001,0.618,0.503,0.0,0.0,0.0,77.79,2023-07-24,sacramento/stockton/modesto smm food,-44.827275118197626,119.66749354961777,74.84021843142014 +0.0,0.0,0.0,0.0,0.0,0.758,0.0,64.67,2023-07-24,salt lake city smm food,-32.689547694016525,117.03723108061058,84.34768338659406 +0.0,0.0,0.535,0.0,0.0,0.0,0.732,57.7,2023-07-24,san diego smm food,-37.700043815451444,118.02289156641865,80.32284775096721 +0.0,0.735,0.0,0.84,0.0,0.9460000000000001,0.758,37.29,2023-07-24,san francisco/oakland/san jose smm food,-27.53844371874822,121.23797805633005,93.69953433758184 +0.0,0.9500000000000001,0.76,0.0,0.0,0.5730000000000001,0.714,131.78,2023-07-24,seattle/tacoma smm food,-27.669600260363957,120.24854058335536,92.5789403229914 +0.0,0.0,0.0,0.8130000000000001,0.0,0.7030000000000001,0.588,53.44,2023-07-24,st. louis smm food,-28.710263235806057,119.54299928389334,90.83273604808728 +0.0,0.707,0.0,0.747,0.0,0.0,0.799,146.33,2023-07-24,tampa/ft. myers smm food,56.84084685459594,120.27826183534586,177.1191086899418 +0.0,0.8230000000000001,0.67,0.0,0.0,0.0,0.0,42.57,2023-07-24,tucson/sierra vista smm food,-53.092110121747545,118.45473678802162,65.36262666627408 +0.0,0.0,0.709,0.0,0.0,0.613,0.633,199.87,2023-07-24,washington dc/hagerstown smm food,56.60701941749206,118.56723137371061,175.17425079120267 +0.985,0.0,0.0,0.717,0.0,0.0,0.514,78.78,2023-07-24,yakima/pasco/richland/kennewick smm food,-62.897414399258366,120.56063405253795,57.66321965327958 +0.9070000000000001,0.0,0.596,0.0,0.0,0.741,0.0,36.2,2023-07-31,albany/schenectady/troy smm food,-34.057488325336934,119.40020232542567,85.34271400008873 +0.76,0.0,0.0,0.867,0.0,0.509,0.9590000000000001,54.85,2023-07-31,albuquerque/santa fe smm food,-45.622227404454875,121.49657548612498,75.8743480816701 +0.8220000000000001,0.8170000000000001,0.0,0.9129999999999999,0.0,0.792,0.737,184.56,2023-07-31,atlanta smm food,48.833174073915465,122.95632849284263,171.7895025667581 +0.892,0.0,0.8130000000000001,0.0,0.0,0.715,0.0,95.36,2023-07-31,baltimore smm food,-11.133995575951698,119.57725742550716,108.44326184955546 +0.0,0.0,0.0,0.518,0.0,0.0,0.0,50.35,2023-07-31,baton rouge smm food,-65.78611486272575,117.50337654940908,51.71726168668333 +0.0,0.0,0.773,0.0,0.0,0.868,0.0,85.49,2023-07-31,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,117.93767240525001,63.79883254263725 +0.0,0.711,0.0,0.522,0.0,0.0,0.865,171.91,2023-07-31,boston/manchester smm food,66.92993459998871,119.90621838300345,186.83615298299216 +0.0,0.0,0.0,0.599,0.0,0.0,0.0,86.72,2023-07-31,buffalo smm food,-52.4511634583843,117.67366728771518,65.22250382933088 +0.649,0.601,0.0,0.0,0.0,0.589,0.0,101.83,2023-07-31,charlotte smm food,10.686528499937081,119.12953763840036,129.81606613833745 +0.0,0.9070000000000001,0.6970000000000001,0.761,0.0,0.0,0.8240000000000001,189.38,2023-07-31,chicago smm food,60.708498931683316,121.39910790032629,182.1076068320096 +0.999,0.9490000000000002,0.629,0.894,0.0,0.654,0.729,142.56,2023-07-31,cleveland/akron/canton smm food,14.676717884071213,124.0072973376654,138.68401522173662 +0.0,0.0,0.0,0.0,0.0,0.611,0.591,109.47,2023-07-31,columbus oh smm food,-12.49362207652284,117.76247995381244,105.2688578772896 +0.85,0.0,0.0,0.773,0.0,0.941,0.524,115.32,2023-07-31,dallas/ft. worth smm food,-11.137199584849201,121.20510557763791,110.06790599278871 +0.924,0.869,0.971,0.0,0.0,0.0,0.0,59.54,2023-07-31,des moines/ames smm food,-54.00605940238191,120.63018264473229,66.62412324235038 +0.993,0.0,0.7000000000000001,0.0,0.0,0.0,0.732,181.77,2023-07-31,detroit smm food,43.90856628677271,120.11433079735211,164.02289708412482 +0.0,0.0,0.767,0.0,0.0,0.507,0.0,125.15,2023-07-31,grand rapids smm food,-6.398790457565139,117.6347388732052,111.23594841564005 +0.0,0.0,0.0,0.978,0.0,0.0,0.0,104.67,2023-07-31,greensboro smm food,-32.84511351029591,118.47045975460414,85.62534624430822 +0.631,0.0,0.0,0.725,0.0,0.0,0.0,69.79,2023-07-31,harrisburg/lancaster smm food,-31.389249071557845,119.15769070683584,87.768441635278 +0.555,0.0,0.792,0.992,0.0,0.0,0.9689999999999999,96.73,2023-07-31,hartford/new haven smm food,-3.8036265251073567,121.78931273125897,117.98568620615161 +0.0,0.0,0.0,0.0,0.0,0.0,0.612,189.3,2023-07-31,houston smm food,51.232085221846255,117.29046299483831,168.52254821668456 +0.8290000000000001,0.0,0.616,0.887,0.0,0.735,0.0,84.53,2023-07-31,indianapolis smm food,-27.3931217903632,121.13031895101413,93.73719716065094 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,87.04,2023-07-31,jacksonville smm food,-30.11446677612209,116.41435676616771,86.29988999004563 +0.0,0.0,0.502,0.0,0.0,0.0,0.0,108.09,2023-07-31,kansas city smm food,-35.92065625455669,116.9404180827033,81.01976182814661 +0.771,0.0,0.0,0.0,0.0,0.0,0.846,94.43,2023-07-31,knoxville smm food,-47.01133837972032,119.11505920548093,72.1037208257606 +0.0,0.0,0.986,0.0,0.0,0.8989999999999999,0.0,70.91,2023-07-31,las vegas smm food,-43.338372299245414,118.18635544060544,74.84798314136003 +0.578,0.8220000000000001,0.0,0.0,0.0,0.0,0.664,32.97,2023-07-31,little rock/pine bluff smm food,-58.710785610175435,119.81827142212356,61.10748581194812 +0.851,0.0,0.502,0.585,0.0,0.709,0.653,173.08,2023-07-31,los angeles smm food,37.56221942851599,121.33188342771325,158.89410285622924 +0.8200000000000001,0.0,0.0,0.898,0.0,0.968,0.0,46.89,2023-07-31,madison wi smm food,-63.99517148799614,120.68199492269977,56.68682343470363 +0.767,0.0,0.0,0.0,0.0,0.0,0.9759999999999999,182.86,2023-07-31,miami/west palm beach smm food,67.70745756991558,119.29343198170322,187.0008895516188 +0.0,0.0,0.0,0.606,0.0,0.605,0.0,109.91,2023-07-31,milwaukee smm food,-48.26118428614204,118.18553279533307,69.92434850919103 +0.0,0.0,0.581,0.0,0.0,0.0,0.712,120.84,2023-07-31,minneapolis/st. paul smm food,-30.66363431628655,118.04246546574701,87.37883114946047 +0.0,0.895,0.0,0.0,0.0,0.0,0.9380000000000001,107.14,2023-07-31,mobile/pensacola smm food,-48.947921889963226,119.21249132052179,70.26456943055857 +0.9500000000000001,0.61,0.887,0.547,0.0,0.84,0.508,101.51,2023-07-31,nashville smm food,-20.942188827432304,122.73870438076611,101.7965155533338 +0.588,0.0,0.855,0.8280000000000001,0.0,0.758,0.837,15.42,2023-07-31,new orleans smm food,-56.864739449880446,122.00821423378703,65.14347478390658 +0.509,0.609,0.0,0.0,0.0,0.0,0.981,259.45,2023-07-31,new york smm food,173.74740881857215,119.79240406781919,293.53981288639136 +0.0,0.776,0.0,0.662,0.0,0.686,0.786,116.39,2023-07-31,norfolk/portsmouth/newport news smm food,-14.10441751758284,120.75686077744184,106.652443259859 +0.516,0.708,0.9580000000000001,0.0,0.0,0.911,0.0,25.19,2023-07-31,oklahoma city smm food,-62.80511264619615,120.31508133752008,57.509968691323934 +0.0,0.0,0.0,0.523,0.0,0.0,0.0,26.94,2023-07-31,omaha smm food,-55.53812691614876,117.5138883233786,61.97576140722983 +0.666,0.0,0.0,0.6960000000000001,0.0,0.911,0.751,150.6,2023-07-31,orlando/daytona beach/melborne smm food,16.201025400694412,120.98803508828173,137.18906048897614 +0.8180000000000001,0.987,0.652,0.737,0.0,0.742,0.894,79.13,2023-07-31,paducah ky/cape girardeau mo smm food,-60.85509863333336,123.72193693819779,62.86683830486442 +0.0,0.705,0.0,0.541,0.0,0.0,0.0,206.55,2023-07-31,philadelphia smm food,83.32339087166719,118.69811922769571,202.0215100993629 +0.71,0.498,0.747,0.8210000000000001,0.0,0.624,0.0,103.64,2023-07-31,phoenix/prescott smm food,0.5686043532995056,121.61750480741637,122.18610916071587 +0.0,0.9980000000000001,0.0,0.6,0.0,0.726,0.0,83.26,2023-07-31,pittsburgh smm food,-11.862124417323331,119.89517930966664,108.03305489234332 +0.5740000000000001,0.0,0.0,0.0,0.0,0.0,0.0,80.84,2023-07-31,portland or smm food,-29.518047286931516,117.52335634534532,88.0053090584138 +0.559,0.0,0.0,0.0,0.0,0.0,0.0,105.86,2023-07-31,providence ri/new bedford ma smm food,-33.166050408362494,117.49437552010549,84.328325111743 +0.512,0.0,0.0,0.0,0.0,0.834,0.597,142.01,2023-07-31,raleigh/durham/fayetteville smm food,8.915816009933655,118.94352806381737,127.85934407375102 +0.731,0.9500000000000001,0.561,0.846,0.0,0.0,0.0,333.66,2023-07-31,rem us east north central smm food,190.03931593595715,121.73794923276782,311.77726516872497 +0.0,0.0,0.0,0.0,0.0,0.66,0.725,140.7,2023-07-31,rem us middle atlantic smm food,14.385666495529572,117.9945720968791,132.38023859240866 +0.931,0.0,0.0,0.0,0.0,0.86,0.0,146.34,2023-07-31,rem us mountain smm food,57.543154764893536,118.91979116075105,176.4629459256446 +0.25,0.0,0.895,0.613,0.0,0.0,0.9899999999999999,152.78,2023-07-31,rem us new england smm food,31.807273846886304,120.54124283679592,152.34851668368222 +0.778,0.0,0.663,0.877,0.0,0.852,0.0,131.0,2023-07-31,rem us pacific smm food,-11.30071256415528,121.1561562191189,109.85544365496362 +0.706,0.0,0.7010000000000001,0.0,0.0,0.67,0.5730000000000001,281.55,2023-07-31,rem us south atlantic smm food,167.26587359064686,119.88382483387838,287.14969842452524 +0.0,0.0,0.559,0.0,0.0,0.9770000000000001,0.5740000000000001,366.4,2023-07-31,rem us south central smm food,283.0169725950787,118.62469166426457,401.64166425934326 +0.8270000000000001,0.0,0.517,0.0,0.0,0.0,0.515,167.59,2023-07-31,rem us west north central smm food,9.54017171636033,119.29119279908615,128.83136451544647 +0.925,0.0,0.0,0.0,0.0,0.972,0.0,55.29,2023-07-31,richmond/petersburg smm food,-30.34626292809824,119.00023303015064,88.6539701020524 +0.706,0.0,0.645,0.0,0.0,0.0,0.0,77.61,2023-07-31,sacramento/stockton/modesto smm food,-44.827275118197626,118.45430304404043,73.62702792584281 +0.0,0.0,0.764,0.989,0.0,0.0,0.0,104.5,2023-07-31,salt lake city smm food,-32.689547694016525,119.29420487214422,86.6046571781277 +0.717,0.0,0.0,0.981,0.0,0.676,0.0,97.85,2023-07-31,san diego smm food,-37.700043815451444,120.41754239811921,82.71749858266776 +0.0,0.0,0.877,0.496,0.0,0.978,0.0,99.3,2023-07-31,san francisco/oakland/san jose smm food,-27.53844371874822,119.17981592925402,91.6413722105058 +0.0,0.707,0.903,0.0,0.0,0.0,0.0,121.22000000000001,2023-07-31,seattle/tacoma smm food,-27.669600260363957,118.51027906142157,90.8406788010576 +0.0,0.9339999999999999,0.916,0.0,0.0,0.7020000000000001,0.0,78.92,2023-07-31,st. louis smm food,-28.710263235806057,119.46988021991392,90.75961698410786 +0.75,0.0,0.5740000000000001,0.5710000000000001,0.0,0.754,0.25,114.79,2023-07-31,tampa/ft. myers smm food,56.84084685459594,120.64282886755865,177.4836757221546 +0.0,0.0,0.0,0.729,0.0,0.723,0.0,79.53,2023-07-31,tucson/sierra vista smm food,-53.092110121747545,118.54108703802298,65.44897691627543 +0.0,0.539,0.0,0.0,0.0,0.812,0.891,170.1,2023-07-31,washington dc/hagerstown smm food,56.60701941749206,119.23357104944772,175.84059046693977 +0.875,0.0,0.0,0.972,0.0,0.52,0.0,34.98,2023-07-31,yakima/pasco/richland/kennewick smm food,-62.897414399258366,120.57569540534587,57.6782810060875 +0.728,0.607,0.531,0.844,0.0,0.0,0.723,74.21,2023-08-07,albany/schenectady/troy smm food,-34.057488325336934,122.1737718089529,88.11628348361597 +0.0,0.706,0.0,0.91,0.0,0.0,0.0,63.03,2023-08-07,albuquerque/santa fe smm food,-45.622227404454875,119.47551422964995,73.85328682519507 +0.0,0.0,0.0,0.0,0.0,0.727,0.0,320.77,2023-08-07,atlanta smm food,48.833174073915465,117.01175732896449,165.84493140287995 +0.0,0.528,0.0,0.865,0.0,0.975,0.9490000000000002,119.16,2023-08-07,baltimore smm food,-11.133995575951698,121.25119333801506,110.11719776206336 +0.0,0.0,0.9520000000000001,0.0,0.0,0.756,0.664,28.600000000000005,2023-08-07,baton rouge smm food,-65.78611486272575,118.98376446572817,53.19764960300242 +0.735,0.0,0.0,0.6980000000000001,0.0,0.0,0.915,111.9,2023-08-07,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,120.61172555369335,66.47288569108059 +0.7010000000000001,0.9450000000000001,0.893,0.0,0.0,0.0,0.0,222.53,2023-08-07,boston/manchester smm food,66.92993459998871,120.24117807355726,187.17111267354596 +0.704,0.0,0.0,0.8180000000000001,0.0,0.585,0.791,64.99,2023-08-07,buffalo smm food,-52.4511634583843,121.10731704951067,68.65615359112637 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,148.89,2023-08-07,charlotte smm food,10.686528499937081,116.41435676616771,127.1008852661048 +0.601,0.84,0.7020000000000001,0.884,0.0,0.0,0.847,181.51,2023-08-07,chicago smm food,60.708498931683316,122.74808025872647,183.4565791904098 +0.0,0.0,0.972,0.0,0.0,0.0,0.0,143.08,2023-08-07,cleveland/akron/canton smm food,14.676717884071213,117.43294561013704,132.10966349420826 +0.752,0.971,0.732,0.6920000000000001,0.0,0.751,0.888,112.4,2023-08-07,columbus oh smm food,-12.49362207652284,123.55643881466783,111.06281673814499 +0.0,0.687,0.0,0.584,0.0,0.0,0.546,126.9,2023-08-07,dallas/ft. worth smm food,-11.137199584849201,119.54087517415842,108.40367558930922 +0.0,0.65,0.686,0.918,0.0,0.0,0.732,79.87,2023-08-07,des moines/ames smm food,-54.00605940238191,121.1680447873361,67.16198538495419 +0.0,0.724,0.923,0.896,0.0,0.0,0.0,184.74,2023-08-07,detroit smm food,43.90856628677271,120.44259098601968,164.3511572727924 +0.9530000000000001,0.0,0.0,0.0,0.0,0.0,0.0,142.25,2023-08-07,grand rapids smm food,-6.398790457565139,118.2556051964051,111.85681473883996 +0.0,0.623,0.0,0.9590000000000001,0.0,0.0,0.0,92.25,2023-08-07,greensboro smm food,-32.84511351029591,119.4435647251948,86.59845121489889 +0.0,0.0,0.716,0.834,0.0,0.0,0.0,90.56,2023-08-07,harrisburg/lancaster smm food,-31.389249071557845,118.91803919543656,87.52879012387872 +0.0,0.539,0.726,0.634,0.0,0.0,0.0,92.11,2023-08-07,hartford/new haven smm food,-3.8036265251073567,119.3845062850646,115.58087975995724 +0.0,0.5760000000000001,0.0,0.856,0.0,0.776,0.0,228.27999999999997,2023-08-07,houston smm food,51.232085221846255,119.78826180529714,171.0203470271434 +0.0,0.521,0.0,0.0,0.0,0.0,0.9840000000000001,85.73,2023-08-07,indianapolis smm food,-27.3931217903632,118.67018739867888,91.27706560831568 +0.0,0.67,0.859,0.643,0.0,0.0,0.717,152.99,2023-08-07,jacksonville smm food,-30.11446677612209,120.78223773455167,90.66777095842959 +0.58,0.706,0.5670000000000001,0.764,0.0,0.0,0.0,114.54000000000002,2023-08-07,kansas city smm food,-35.92065625455669,120.88333916466252,84.96268291010583 +0.0,0.0,0.785,0.0,0.0,0.878,0.7020000000000001,53.65,2023-08-07,knoxville smm food,-47.01133837972032,118.96341029534956,71.95207191562923 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,98.23,2023-08-07,las vegas smm food,-43.338372299245414,116.41435676616771,73.0759844669223 +0.588,0.765,0.0,0.717,0.0,0.524,0.708,90.33,2023-08-07,little rock/pine bluff smm food,-58.710785610175435,121.74587023399008,63.03508462381464 +0.886,0.598,0.755,0.888,0.0,0.0,0.0,162.77,2023-08-07,los angeles smm food,37.56221942851599,121.75663404050877,159.31885346902476 +0.6990000000000001,0.5650000000000001,0.534,0.0,0.0,0.0,0.0,66.2,2023-08-07,madison wi smm food,-63.99517148799614,119.24319522540718,55.24802373741104 +0.0,0.929,0.541,0.723,0.0,0.96,0.809,455.39,2023-08-07,miami/west palm beach smm food,67.70745756991558,121.95890639760606,189.66636396752165 +0.788,0.96,0.0,0.664,0.0,0.0,0.518,48.18,2023-08-07,milwaukee smm food,-48.26118428614204,121.63536027893412,73.37417599279208 +0.0,0.841,0.0,0.9490000000000002,0.0,0.973,0.91,83.43,2023-08-07,minneapolis/st. paul smm food,-30.66363431628655,121.8792813543127,91.21564703802615 +0.0,0.989,0.0,0.605,0.0,0.0,0.0,95.92,2023-08-07,mobile/pensacola smm food,-48.947921889963226,119.29447750772479,70.34655561776157 +0.0,0.978,0.536,0.6920000000000001,0.0,0.862,0.0,127.75,2023-08-07,nashville smm food,-20.942188827432304,120.72952107174923,99.78733224431693 +0.0,0.0,0.98,0.847,0.0,0.9450000000000001,0.0,49.89,2023-08-07,new orleans smm food,-56.864739449880446,119.99856212609114,63.1338226762107 +0.0,0.759,0.0,0.0,0.0,0.6990000000000001,0.0,301.84,2023-08-07,new york smm food,173.74740881857215,118.22294577934933,291.97035459792147 +0.96,0.903,0.625,0.0,0.0,0.0,0.985,97.26,2023-08-07,norfolk/portsmouth/newport news smm food,-14.10441751758284,121.80251228618945,107.69809476860661 +0.714,0.0,0.624,0.0,0.0,0.0,0.0,56.8,2023-08-07,oklahoma city smm food,-62.80511264619615,118.44775293507024,55.64264028887409 +0.0,0.872,0.0,0.67,0.0,0.0,0.707,74.48,2023-08-07,omaha smm food,-55.53812691614876,120.25298196839817,64.71485505224942 +0.0,0.636,0.248,0.0,0.0,0.8130000000000001,0.9350000000000002,328.95,2023-08-07,orlando/daytona beach/melborne smm food,16.201025400694412,119.71499772984001,135.91602313053443 +0.96,0.9899999999999999,0.0,0.0,0.0,0.0,0.833,16.2,2023-08-07,paducah ky/cape girardeau mo smm food,-60.85509863333336,121.0714296781247,60.21633104479134 +0.6980000000000001,0.0,0.0,0.0,0.0,0.866,0.583,195.74,2023-08-07,philadelphia smm food,83.32339087166719,119.30914413660756,202.63253500827474 +0.0,0.0,0.811,0.0,0.0,0.0,0.0,129.83,2023-08-07,phoenix/prescott smm food,0.5686043532995056,117.26422873371824,117.83283308701775 +0.0,0.0,0.0,0.722,0.0,0.728,0.5060000000000001,136.4,2023-08-07,pittsburgh smm food,-11.862124417323331,119.25484156347704,107.39271714615371 +0.0,0.843,0.608,0.0,0.0,0.0,0.678,75.9,2023-08-07,portland or smm food,-29.518047286931516,119.39287500466159,89.87482771773007 +0.5650000000000001,0.0,0.796,0.0,0.0,0.0,0.0,40.18,2023-08-07,providence ri/new bedford ma smm food,-33.166050408362494,118.34012085411045,85.17407044574796 +0.707,0.0,0.0,0.0,0.0,0.0,0.9450000000000001,86.79,2023-08-07,raleigh/durham/fayetteville smm food,8.915816009933655,119.13313075086025,128.0489467607939 +0.761,0.0,0.858,0.751,0.0,0.0,0.0,361.7,2023-08-07,rem us east north central smm food,190.03931593595715,120.36264380384975,310.4019597398069 +0.0,0.905,0.754,0.532,0.0,0.0,0.966,148.72,2023-08-07,rem us middle atlantic smm food,14.385666495529572,121.17742809814136,135.56309459367094 +0.523,0.717,0.0,0.717,0.0,0.5730000000000001,0.0,181.2,2023-08-07,rem us mountain smm food,57.543154764893536,120.56896497932667,178.1121197442202 +0.0,0.0,0.802,0.0,0.0,0.598,0.7000000000000001,148.01,2023-08-07,rem us new england smm food,31.807273846886304,118.74827652982059,150.5555503767069 +0.873,0.503,0.591,0.0,0.0,0.735,0.838,97.67,2023-08-07,rem us pacific smm food,-11.30071256415528,121.34189780093367,110.04118523677839 +0.0,0.0,0.659,0.0,0.0,0.9430000000000001,0.0,381.39,2023-08-07,rem us south atlantic smm food,167.26587359064686,117.87983832587963,285.14571191652647 +0.0,0.0,0.714,0.641,0.0,0.9899999999999999,0.873,429.99,2023-08-07,rem us south central smm food,283.0169725950787,120.57344521058933,403.59041780566804 +0.774,0.8260000000000001,0.62,0.0,0.0,0.0,0.0,143.83,2023-08-07,rem us west north central smm food,9.54017171636033,119.9026290739382,129.44280079029852 +0.0,0.9000000000000001,0.0,0.0,0.0,0.7000000000000001,0.0,80.34,2023-08-07,richmond/petersburg smm food,-30.34626292809824,118.45304521687878,88.10678228878054 +0.9829999999999999,0.0,0.596,0.0,0.0,0.856,0.0,46.71,2023-08-07,sacramento/stockton/modesto smm food,-44.827275118197626,119.64153790790854,74.81426278971091 +0.883,0.0,0.0,0.0,0.0,0.543,0.917,92.78,2023-08-07,salt lake city smm food,-32.689547694016525,119.87929066293492,87.1897429689184 +0.994,0.0,0.0,0.5730000000000001,0.0,0.668,0.0,93.77,2023-08-07,san diego smm food,-37.700043815451444,120.08838701024347,82.38834319479201 +0.53,0.725,0.961,0.0,0.0,0.802,0.535,110.41,2023-08-07,san francisco/oakland/san jose smm food,-27.53844371874822,121.04922549084604,93.51078177209783 +0.759,0.0,0.0,0.0,0.0,0.649,0.9460000000000001,89.73,2023-08-07,seattle/tacoma smm food,-27.669600260363957,119.76833447453649,92.09873421417254 +0.584,0.0,0.919,0.635,0.0,0.0,0.0,82.01,2023-08-07,st. louis smm food,-28.710263235806057,119.8407206954025,91.13045745959644 +0.8320000000000001,0.876,0.955,0.8300000000000001,0.0,0.519,0.0,441.07,2023-08-07,tampa/ft. myers smm food,56.84084685459594,122.61848365527015,179.4593305098661 +0.878,0.6960000000000001,0.684,0.512,0.0,0.923,0.0,87.09,2023-08-07,tucson/sierra vista smm food,-53.092110121747545,121.79410564963854,68.701995527891 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,174.88,2023-08-07,washington dc/hagerstown smm food,56.60701941749206,116.41435676616771,173.02137618365978 +0.532,0.0,0.988,0.0,0.0,0.0,0.0,59.720000000000006,2023-08-07,yakima/pasco/richland/kennewick smm food,-62.897414399258366,118.47756577319404,55.58015137393568 +0.9199999999999999,0.736,0.521,0.0,0.0,0.74,0.612,36.84,2023-08-14,albany/schenectady/troy smm food,-34.057488325336934,121.4188058083325,87.36131748299556 +0.0,0.588,0.0,0.0,0.0,0.0,0.0,58.74,2023-08-14,albuquerque/santa fe smm food,-45.622227404454875,117.37049357269225,71.74826616823738 +0.559,0.0,0.583,0.0,0.0,0.0,0.0,157.65,2023-08-14,atlanta smm food,48.833174073915465,118.10531924030519,166.93849331422066 +0.0,0.764,0.0,0.0,0.0,0.0,0.0,119.07,2023-08-14,baltimore smm food,-11.133995575951698,117.65668418144789,106.52268860549619 +0.0,0.0,0.0,0.9129999999999999,0.0,0.73,0.853,73.2,2023-08-14,baton rouge smm food,-65.78611486272575,120.15478130243224,54.36866643970649 +0.584,0.577,0.803,0.532,0.0,0.9400000000000001,0.0,72.71,2023-08-14,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,121.21329794823667,67.07445808562392 +0.0,0.0,0.665,0.0,0.0,0.9490000000000002,0.0,216.09,2023-08-14,boston/manchester smm food,66.92993459998871,117.89105631488064,184.82099091486936 +0.0,0.0,0.916,0.555,0.0,0.0,0.729,48.58,2023-08-14,buffalo smm food,-52.4511634583843,119.58466551515272,67.13350205676842 +0.898,0.727,0.758,0.5630000000000001,0.0,0.0,0.658,142.35,2023-08-14,charlotte smm food,10.686528499937081,122.25141924339798,132.93794774333506 +0.0,0.758,0.0,0.0,0.0,0.0,0.804,198.21,2023-08-14,chicago smm food,60.708498931683316,118.79789076814625,179.50638969982955 +0.0,0.598,0.922,0.835,0.0,0.0,0.704,122.05000000000001,2023-08-14,cleveland/akron/canton smm food,14.676717884071213,121.11622142633745,135.79293931040866 +0.0,0.715,0.0,0.9000000000000001,0.0,0.0,0.0,117.4,2023-08-14,columbus oh smm food,-12.49362207652284,119.46912542874956,106.97550335222672 +0.659,0.0,0.729,0.0,0.0,0.5750000000000001,0.0,118.46999999999998,2023-08-14,dallas/ft. worth smm food,-11.137199584849201,118.92401966101994,107.78682007617074 +0.582,0.0,0.621,0.0,0.0,0.589,0.0,35.15,2023-08-14,des moines/ames smm food,-54.00605940238191,118.67357916150694,64.66751975912503 +0.8200000000000001,0.0,0.0,0.0,0.0,0.0,0.0,151.4,2023-08-14,detroit smm food,43.90856628677271,117.99864187927858,161.9072081660513 +0.0,0.0,0.0,0.891,0.0,0.0,0.749,132.34,2023-08-14,grand rapids smm food,-6.398790457565139,119.35978293536841,112.96099247780327 +0.0,0.6890000000000001,0.0,0.62,0.0,0.8280000000000001,0.536,98.88,2023-08-14,greensboro smm food,-32.84511351029591,120.28589234062225,87.44077883032634 +0.5630000000000001,0.681,0.6880000000000001,0.51,0.0,0.0,0.0,122.25,2023-08-14,harrisburg/lancaster smm food,-31.389249071557845,120.40264367667363,89.01339460511579 +0.0,0.0,0.0,0.0,0.0,0.965,0.0,149.32,2023-08-14,hartford/new haven smm food,-3.8036265251073567,117.20733000289246,113.4037034777851 +0.723,0.852,0.0,0.601,0.0,0.0,0.917,161.89,2023-08-14,houston smm food,51.232085221846255,121.77289829040151,173.00498351224778 +0.948,0.0,0.0,0.0,0.0,0.634,0.791,118.41999999999999,2023-08-14,indianapolis smm food,-27.3931217903632,119.89927721427918,92.50615542391598 +0.897,0.0,0.877,0.915,0.0,0.0,0.0,51.34,2023-08-14,jacksonville smm food,-30.11446677612209,120.99010015950344,90.87563338338136 +0.993,0.0,0.24250000000000002,0.605,0.0,0.0,0.0,99.9,2023-08-14,kansas city smm food,-35.92065625455669,119.85893529289314,83.93827903833645 +0.0,0.9540000000000001,0.9829999999999999,0.9969999999999999,0.0,0.0,0.0,65.73,2023-08-14,knoxville smm food,-47.01133837972032,121.09180376575729,74.08046538603696 +0.0,0.8150000000000001,0.0,0.0,0.0,0.0,0.784,52.09,2023-08-14,las vegas smm food,-43.338372299245414,118.86194657688539,75.52357427763997 +0.0,0.0,0.79,0.795,0.0,0.719,0.0,46.32,2023-08-14,little rock/pine bluff smm food,-58.710785610175435,119.5044209371767,60.79363532700127 +0.0,0.878,0.656,0.0,0.0,0.8140000000000001,0.0,190.42,2023-08-14,los angeles smm food,37.56221942851599,119.19839173471631,156.76061116323228 +0.0,0.805,0.0,0.0,0.0,0.712,0.734,72.69,2023-08-14,madison wi smm food,-63.99517148799614,119.3591829945143,55.36401150651816 +0.843,0.671,0.0,0.811,0.0,0.0,0.598,136.25,2023-08-14,miami/west palm beach smm food,67.70745756991558,121.69525516129863,189.4027127312142 +0.716,0.0,0.686,0.501,0.0,0.0,0.974,79.2,2023-08-14,milwaukee smm food,-48.26118428614204,120.96419443925362,72.70301015311158 +0.0,0.6890000000000001,0.0,0.766,0.0,0.532,0.0,107.04,2023-08-14,minneapolis/st. paul smm food,-30.66363431628655,119.58229417585872,88.91865985957217 +0.0,0.0,0.724,0.605,0.0,0.0,0.619,66.94,2023-08-14,mobile/pensacola smm food,-48.947921889963226,119.33111044645595,70.38318855649273 +0.678,0.793,0.0,0.0,0.0,0.0,0.0,121.51000000000002,2023-08-14,nashville smm food,-20.942188827432304,119.01377388941285,98.07158506198054 +0.925,0.0,0.655,0.93,0.0,0.9759999999999999,0.0,65.69,2023-08-14,new orleans smm food,-56.864739449880446,121.64510466985493,64.78036521997448 +0.0,0.0,0.0,0.87,0.0,0.0,0.9430000000000001,334.14,2023-08-14,new york smm food,173.74740881857215,119.59335343300054,293.3407622515727 +0.754,0.9380000000000001,0.0,0.0,0.0,0.0,0.0,83.82,2023-08-14,norfolk/portsmouth/newport news smm food,-14.10441751758284,119.39639210625056,105.29197458866771 +0.0,0.737,0.0,0.68,0.0,0.776,0.618,81.44,2023-08-14,oklahoma city smm food,-62.80511264619615,120.56474223068385,57.7596295844877 +0.779,0.505,0.0,0.994,0.0,0.0,0.0,54.86,2023-08-14,omaha smm food,-55.53812691614876,120.83034020593009,65.29221328978133 +0.0,0.0,0.0,0.753,0.0,0.0,0.532,103.46,2023-08-14,orlando/daytona beach/melborne smm food,16.201025400694412,118.7590124646244,134.9600378653188 +0.0,0.59,0.9910000000000001,0.72,0.0,0.0,0.637,56.44,2023-08-14,paducah ky/cape girardeau mo smm food,-60.85509863333336,120.83783560336158,59.98273697002822 +0.0,0.0,0.0,0.9140000000000001,0.0,0.0,0.0,188.46,2023-08-14,philadelphia smm food,83.32339087166719,118.33590904779439,201.65929991946157 +0.0,0.593,0.0,0.561,0.0,0.598,0.0,144.64,2023-08-14,phoenix/prescott smm food,0.5686043532995056,119.04944191368503,119.61804626698454 +0.0,0.8310000000000001,0.0,0.0,0.0,0.0,0.6890000000000001,119.09,2023-08-14,pittsburgh smm food,-11.862124417323331,118.7519670230526,106.88984260572927 +0.0,0.558,0.636,0.0,0.0,0.734,0.0,97.67,2023-08-14,portland or smm food,-29.518047286931516,118.59134784122837,89.07330055429685 +0.0,0.89,0.0,0.654,0.0,0.0,0.9269999999999999,94.4,2023-08-14,providence ri/new bedford ma smm food,-33.166050408362494,120.56355393333435,87.39750352497185 +0.0,0.0,0.0,0.0,0.0,0.527,0.528,149.2,2023-08-14,raleigh/durham/fayetteville smm food,8.915816009933655,117.60326689829824,126.5190829082319 +0.613,0.808,0.623,0.525,0.0,0.73,0.0,302.09,2023-08-14,rem us east north central smm food,190.03931593595715,121.26904454638269,311.3083604823398 +0.839,0.0,0.0,0.804,0.0,0.0,0.0,168.59,2023-08-14,rem us middle atlantic smm food,14.385666495529572,119.72564417887979,134.11131067440937 +0.0,0.783,0.621,0.613,0.0,0.515,0.9770000000000001,229.16,2023-08-14,rem us mountain smm food,57.543154764893536,121.44890187724162,178.99205664213517 +0.8160000000000001,0.61,0.707,0.0,0.0,0.0,0.644,152.48,2023-08-14,rem us new england smm food,31.807273846886304,120.64562714948258,152.4529009963689 +0.0,0.0,0.96,0.708,0.0,0.774,0.602,139.66,2023-08-14,rem us pacific smm food,-11.30071256415528,120.40665045795237,109.10593789379709 +0.9840000000000001,0.985,0.5670000000000001,0.8210000000000001,0.0,0.514,0.537,301.08,2023-08-14,rem us south atlantic smm food,167.26587359064686,123.42851227881748,290.6943858694643 +0.8180000000000001,0.782,0.896,0.0,0.0,0.0,0.9440000000000001,461.6600000000001,2023-08-14,rem us south central smm food,283.0169725950787,121.55670031571957,404.5736729107983 +0.9450000000000001,0.0,0.0,0.508,0.0,0.0,0.0,104.2,2023-08-14,rem us west north central smm food,9.54017171636033,119.30814499157954,128.84831670793986 +0.0,0.671,0.0,0.931,0.0,0.0,0.785,78.9,2023-08-14,richmond/petersburg smm food,-30.34626292809824,120.58651448351544,90.2402515554172 +0.0,0.871,0.0,0.0,0.0,0.922,0.601,43.69,2023-08-14,sacramento/stockton/modesto smm food,-44.827275118197626,119.44867296218969,74.62139784399207 +0.996,0.0,0.751,0.5690000000000001,0.0,0.758,0.924,82.16,2023-08-14,salt lake city smm food,-32.689547694016525,122.26754248700796,89.57799479299143 +0.5640000000000001,0.869,0.747,0.0,0.0,0.0,0.0,102.52,2023-08-14,san diego smm food,-37.700043815451444,119.6999063152632,81.99986249981177 +0.0,0.625,0.0,0.0,0.0,0.66,0.784,103.38,2023-08-14,san francisco/oakland/san jose smm food,-27.53844371874822,119.09533519595392,91.55689147720571 +0.496,0.601,0.892,0.772,0.0,0.0,0.0,91.7,2023-08-14,seattle/tacoma smm food,-27.669600260363957,120.90770421178573,93.23810395142178 +0.0,0.0,0.901,0.0,0.0,0.0,0.516,98.75,2023-08-14,st. louis smm food,-28.710263235806057,118.0972203162111,89.38695708040504 +0.0,0.0,0.739,0.0,0.0,0.0,0.0,153.0,2023-08-14,tampa/ft. myers smm food,56.84084685459594,117.18877770823904,174.02962456283498 +0.777,0.871,0.0,0.0,0.0,0.0,0.804,75.27,2023-08-14,tucson/sierra vista smm food,-53.092110121747545,120.48284489505474,67.3907347733072 +0.0,0.0,0.719,0.0,0.0,0.0,0.0,159.74,2023-08-14,washington dc/hagerstown smm food,56.60701941749206,117.16781909005037,173.77483850754243 +0.637,0.5060000000000001,0.0,0.0,0.0,0.0,0.0,14.41,2023-08-14,yakima/pasco/richland/kennewick smm food,-62.897414399258366,118.46787381152508,55.570459412266715 +0.796,0.0,0.0,0.842,0.0,0.0,0.7020000000000001,54.44,2023-08-21,albany/schenectady/troy smm food,-34.057488325336934,120.72740067530623,86.6699123499693 +0.551,0.0,0.0,0.593,0.0,0.0,0.781,97.65,2023-08-21,albuquerque/santa fe smm food,-45.622227404454875,119.84365299660432,74.22142559214944 +0.0,0.0,0.503,0.863,0.0,0.636,0.687,166.27,2023-08-21,atlanta smm food,48.833174073915465,120.26189316452358,169.09506723843904 +0.625,0.0,0.975,0.0,0.0,0.9759999999999999,0.56,121.45000000000002,2023-08-21,baltimore smm food,-11.133995575951698,120.24730192790396,109.11330635195226 +0.762,0.0,0.0,0.0,0.0,0.0,0.637,21.16,2023-08-21,baton rouge smm food,-65.78611486272575,118.79847757015378,53.012362707428025 +0.0,0.0,0.557,0.0,0.0,0.0,0.915,70.7,2023-08-21,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,118.3079189873522,64.16907912473943 +0.0,0.502,0.586,0.623,0.0,0.671,0.0,202.21,2023-08-21,boston/manchester smm food,66.92993459998871,119.70588844690117,186.63582304688987 +0.0,0.0,0.999,0.0,0.0,0.886,0.639,65.57,2023-08-21,buffalo smm food,-52.4511634583843,119.1040539754683,66.652890517084 +0.579,0.0,0.0,0.5060000000000001,0.0,0.612,0.0,136.73,2023-08-21,charlotte smm food,10.686528499937081,119.09970930766887,129.78623780760594 +0.0,0.0,0.716,0.0,0.0,0.0,0.0,182.49,2023-08-21,chicago smm food,60.708498931683316,117.16467529732206,177.87317422900537 +0.0,0.5720000000000001,0.0,0.581,0.0,0.9700000000000001,0.675,122.82999999999998,2023-08-21,cleveland/akron/canton smm food,14.676717884071213,120.32931992078902,135.00603780486023 +0.542,0.926,0.0,0.0,0.0,0.986,0.0,92.95,2023-08-21,columbus oh smm food,-12.49362207652284,119.77751309593955,107.28389101941671 +0.512,0.538,0.0,0.0,0.0,0.0,0.0,120.38,2023-08-21,dallas/ft. worth smm food,-11.137199584849201,118.27840159066388,107.14120200581468 +0.8290000000000001,0.0,0.897,0.2485,0.0,0.0,0.902,106.26,2023-08-21,des moines/ames smm food,-54.00605940238191,120.76971417147043,66.76365476908852 +0.0,0.0,0.0,0.585,0.0,0.684,0.782,187.47,2023-08-21,detroit smm food,43.90856628677271,119.32576939463043,163.23433568140314 +0.743,0.8160000000000001,0.858,0.0,0.0,0.9440000000000001,0.0,99.92,2023-08-21,grand rapids smm food,-6.398790457565139,120.85159891916413,114.45280846159899 +0.988,0.0,0.53,0.608,0.0,0.0,0.0,46.96,2023-08-21,greensboro smm food,-32.84511351029591,120.15686221865703,87.31174870836111 +0.0,0.0,0.0,0.0,0.0,0.884,0.0,85.04,2023-08-21,harrisburg/lancaster smm food,-31.389249071557845,117.14076955504304,85.7515204834852 +0.0,0.853,0.782,0.619,0.0,0.0,0.729,103.72,2023-08-21,hartford/new haven smm food,-3.8036265251073567,120.96584228276068,117.16221575765331 +0.604,0.724,0.745,0.0,0.0,0.9380000000000001,0.9059999999999999,210.42,2023-08-21,houston smm food,51.232085221846255,121.60707782873884,172.83916305058509 +0.0,1.0,0.865,0.0,0.0,0.55,0.666,63.59,2023-08-21,indianapolis smm food,-27.3931217903632,120.35226338479363,92.95914159443043 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,78.0,2023-08-21,jacksonville smm food,-30.11446677612209,116.41435676616771,86.29988999004563 +0.0,0.905,0.0,0.5650000000000001,0.0,0.925,0.0,92.61,2023-08-21,kansas city smm food,-35.92065625455669,119.83389622337012,83.91323996881343 +0.729,0.0,0.857,0.0,0.0,0.532,0.0,64.29,2023-08-21,knoxville smm food,-47.01133837972032,119.15806410981176,72.14672573009145 +0.551,0.599,0.0,0.0,0.0,0.612,0.0,80.4,2023-08-21,las vegas smm food,-43.338372299245414,118.9558439610784,75.61747166183298 +0.847,0.538,0.0,0.0,0.0,0.0,0.0,51.09,2023-08-21,little rock/pine bluff smm food,-58.710785610175435,118.92564002102014,60.21485441084471 +0.612,0.988,0.0,0.0,0.0,0.0,0.0,202.88,2023-08-21,los angeles smm food,37.56221942851599,119.2033444441948,156.7655638727108 +0.537,0.668,0.9390000000000001,0.0,0.0,0.0,0.9460000000000001,27.73,2023-08-21,madison wi smm food,-63.99517148799614,120.87634351509344,56.8811720270973 +0.615,0.0,0.833,0.0,0.0,0.0,0.0,136.25,2023-08-21,miami/west palm beach smm food,67.70745756991558,118.47549704855894,186.18295461847453 +0.685,0.0,0.0,0.501,0.0,0.9759999999999999,0.552,56.87,2023-08-21,milwaukee smm food,-48.26118428614204,120.38331997490847,72.12213568876643 +0.961,0.0,0.63,0.0,0.0,0.0,0.0,98.88,2023-08-21,minneapolis/st. paul smm food,-30.66363431628655,118.93125810947609,88.26762379318954 +0.749,0.0,0.0,0.0,0.0,0.0,0.739,67.25,2023-08-21,mobile/pensacola smm food,-48.947921889963226,118.91937855972435,69.97145666976112 +0.745,0.0,0.0,0.896,0.0,0.0,0.742,117.56,2023-08-21,nashville smm food,-20.942188827432304,120.79965487337267,99.85746604594037 +0.0,0.994,0.593,0.619,0.0,0.875,0.915,97.05,2023-08-21,new orleans smm food,-56.864739449880446,121.98234580734369,65.11760635746325 +0.811,0.0,0.635,0.0,0.0,0.0,0.0,285.49,2023-08-21,new york smm food,173.74740881857215,118.64668951162493,292.3940983301971 +0.0,0.0,0.0,0.673,0.0,0.865,0.0,104.82,2023-08-21,norfolk/portsmouth/newport news smm food,-14.10441751758284,118.540041386782,104.43562386919915 +0.0,0.577,0.8989999999999999,0.968,0.0,0.0,0.0,58.89000000000001,2023-08-21,oklahoma city smm food,-62.80511264619615,120.3297759877231,57.524663341526946 +0.0,0.0,0.0,0.525,0.0,0.889,0.0,97.49,2023-08-21,omaha smm food,-55.53812691614876,118.24861449146206,62.7104875753133 +0.0,0.53,0.8250000000000001,0.0,0.0,0.0,0.873,124.80000000000001,2023-08-21,orlando/daytona beach/melborne smm food,16.201025400694412,119.39046352609417,135.59148892678857 +0.0,0.853,0.627,0.719,0.0,0.9400000000000001,0.0,46.27,2023-08-21,paducah ky/cape girardeau mo smm food,-60.85509863333336,120.74248123448359,59.88738260115023 +0.0,0.0,0.0,0.735,0.0,0.0,0.656,173.1,2023-08-21,philadelphia smm food,83.32339087166719,118.89868179786873,202.22207266953592 +0.0,0.882,0.885,0.889,0.0,0.67,0.918,109.2,2023-08-21,phoenix/prescott smm food,0.5686043532995056,122.50969531471308,123.07829966801259 +0.837,0.96,0.0,0.0,0.0,0.549,0.981,131.22,2023-08-21,pittsburgh smm food,-11.862124417323331,121.44800517188337,109.58588075456004 +0.584,0.0,0.504,0.738,0.0,0.925,0.0,63.9,2023-08-21,portland or smm food,-29.518047286931516,120.38247579152161,90.8644285045901 +0.0,0.547,0.0,0.801,0.0,0.687,0.9420000000000002,68.98,2023-08-21,providence ri/new bedford ma smm food,-33.166050408362494,120.9008580152786,87.7348076069161 +0.0,0.0,0.0,0.955,0.0,0.777,0.603,114.28999999999999,2023-08-21,raleigh/durham/fayetteville smm food,8.915816009933655,119.92381516688761,128.83963117682126 +0.0,0.0,0.592,0.0,0.0,0.0,0.747,329.96,2023-08-21,rem us east north central smm food,190.03931593595715,118.10409682013554,308.1434127560927 +0.542,0.0,0.582,0.683,0.0,0.0,0.55,152.33,2023-08-21,rem us middle atlantic smm food,14.385666495529572,120.2946850672625,134.68035156279208 +0.0,0.0,0.0,0.0,0.0,0.0,0.894,206.41,2023-08-21,rem us mountain smm food,57.543154764893536,117.69415900216691,175.23731376706044 +0.0,0.0,0.721,0.661,0.0,0.0,0.9460000000000001,152.3,2023-08-21,rem us new england smm food,31.807273846886304,119.91381410515233,151.72108795203863 +0.604,0.0,0.663,0.712,0.0,0.9140000000000001,0.0,114.24000000000001,2023-08-21,rem us pacific smm food,-11.30071256415528,120.52403760863511,109.22332504447984 +0.0,0.0,0.737,0.0,0.0,0.0,0.0,296.04,2023-08-21,rem us south atlantic smm food,167.26587359064686,117.18668184642017,284.452555437067 +0.0,0.0,0.0,0.662,0.0,0.0,0.867,438.14,2023-08-21,rem us south central smm food,283.0169725950787,119.04726613034768,402.0642387254264 +0.74,0.0,0.621,0.609,0.0,0.0,0.0,149.84,2023-08-21,rem us west north central smm food,9.54017171636033,119.77517664224413,129.31534835860447 +0.0,0.0,0.8150000000000001,0.0,0.0,0.0,0.504,120.38,2023-08-21,richmond/petersburg smm food,-30.34626292809824,117.98991970449647,87.64365677639823 +0.0,0.0,0.886,0.0,0.0,0.0,0.911,87.09,2023-08-21,sacramento/stockton/modesto smm food,-44.827275118197626,118.64696207205469,73.81968695385706 +0.0,0.0,0.708,0.741,0.0,0.77,0.0,48.52,2023-08-21,salt lake city smm food,-32.689547694016525,119.34687187385985,86.65732417984333 +0.8140000000000001,0.8250000000000001,0.704,0.781,0.0,0.524,0.0,49.39,2023-08-21,san diego smm food,-37.700043815451444,122.1388390582147,84.43879524276326 +0.0,0.0,0.619,0.0,0.0,0.871,0.646,101.05,2023-08-21,san francisco/oakland/san jose smm food,-27.53844371874822,118.70353504389954,91.16509132515131 +0.756,0.0,0.0,0.78,0.0,0.0,0.877,126.19,2023-08-21,seattle/tacoma smm food,-27.669600260363957,120.77029304936852,93.10069278900457 +0.603,0.0,0.541,0.0,0.0,0.0,0.0,120.62,2023-08-21,st. louis smm food,-28.710263235806057,118.1463165628125,89.43605332700645 +0.0,0.0,0.0,0.713,0.0,0.845,0.0,150.5,2023-08-21,tampa/ft. myers smm food,56.84084685459594,118.60770090005673,175.44854775465268 +0.0,0.618,0.0,0.0,0.0,0.766,0.0,38.82,2023-08-21,tucson/sierra vista smm food,-53.092110121747545,118.04872424865646,64.9566141269089 +0.894,0.0,0.0,0.0,0.0,0.0,0.0,191.76,2023-08-21,washington dc/hagerstown smm food,56.60701941749206,118.14161395046176,174.74863336795383 +0.6920000000000001,0.521,0.5680000000000001,0.0,0.0,0.898,0.846,50.55,2023-08-21,yakima/pasco/richland/kennewick smm food,-62.897414399258366,121.14275792482516,58.245343525566796 +0.713,0.0,0.618,0.0,0.0,0.0,0.844,66.47,2023-08-28,albany/schenectady/troy smm food,-34.057488325336934,119.6477582243329,85.59026989899597 +0.0,0.0,0.0,0.0,0.0,0.986,0.0,48.59,2023-08-28,albuquerque/santa fe smm food,-45.622227404454875,117.22458641529788,71.602359010843 +0.0,0.0,0.9070000000000001,0.0,0.0,0.0,0.0,183.03,2023-08-28,atlanta smm food,48.833174073915465,117.36483010102386,166.1980041749393 +0.79,0.838,0.249,0.0,0.0,0.0,0.7000000000000001,105.05,2023-08-28,baltimore smm food,-11.133995575951698,120.56635487054086,109.43235929458916 +0.0,0.636,0.719,0.0,0.0,0.583,0.882,72.76,2023-08-28,baton rouge smm food,-65.78611486272575,119.94370244100796,54.157587578282204 +0.0,0.0,0.5680000000000001,0.607,0.0,0.663,0.0,63.190000000000005,2023-08-28,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,118.83052047428109,64.69168061166832 +0.0,0.621,0.5690000000000001,0.0,0.0,0.0,0.5710000000000001,186.12,2023-08-28,boston/manchester smm food,66.92993459998871,118.83783983683573,185.76777443682442 +0.743,0.8240000000000001,0.0,0.81,0.0,0.0,0.0,57.43999999999999,2023-08-28,buffalo smm food,-52.4511634583843,120.89267342164605,68.44150996326175 +0.779,0.0,0.0,0.0,0.0,0.751,0.0,125.98,2023-08-28,charlotte smm food,10.686528499937081,118.53654980059743,129.2230783005345 +0.852,0.9580000000000001,0.9140000000000001,0.0,0.0,0.0,0.839,188.0,2023-08-28,chicago smm food,60.708498931683316,121.77713120823437,182.48563013991767 +0.882,0.535,0.0,0.586,0.0,0.0,0.709,170.03,2023-08-28,cleveland/akron/canton smm food,14.676717884071213,121.23532980961622,135.91204769368744 +0.0,0.0,0.0,0.0,0.0,0.554,0.0,143.27,2023-08-28,columbus oh smm food,-12.49362207652284,116.86959736010088,104.37597528357804 +0.616,0.0,0.0,0.0,0.0,0.0,0.0,125.26,2023-08-28,dallas/ft. worth smm food,-11.137199584849201,117.60450265601685,106.46730307116765 +0.731,0.835,0.0,0.0,0.0,0.812,0.0,60.52,2023-08-28,des moines/ames smm food,-54.00605940238191,119.85171623778307,65.84565683540116 +0.66,0.993,0.0,0.0,0.0,0.0,0.0,197.71,2023-08-28,detroit smm food,43.90856628677271,119.30421349998373,163.21277978675644 +0.0,0.875,0.0,0.0,0.0,0.932,0.0,92.65,2023-08-28,grand rapids smm food,-6.398790457565139,118.60303541215501,112.20424495458987 +0.0,0.0,0.834,0.9430000000000001,0.0,0.893,0.615,117.93000000000002,2023-08-28,greensboro smm food,-32.84511351029591,120.8850609765234,88.03994746622749 +0.773,0.9630000000000002,0.6940000000000001,0.809,0.0,0.941,0.625,68.6,2023-08-28,harrisburg/lancaster smm food,-31.389249071557845,123.56979025692179,92.18054118536395 +0.711,0.0,0.905,0.0,0.0,0.0,0.0,114.24000000000001,2023-08-28,hartford/new haven smm food,-3.8036265251073567,118.73642535557308,114.93279883046571 +0.0,0.808,0.0,0.0,0.0,0.0,0.0,222.44,2023-08-28,houston smm food,51.232085221846255,117.7282318336368,168.96031705548305 +0.0,0.0,0.0,0.8280000000000001,0.0,0.0,0.0,86.93,2023-08-28,indianapolis smm food,-27.3931217903632,118.1551065355188,90.7619847451556 +0.0,0.961,0.0,0.933,0.0,0.0,0.768,106.04,2023-08-28,jacksonville smm food,-30.11446677612209,121.03794698021858,90.92348020409649 +0.722,0.0,0.872,0.0,0.0,0.8989999999999999,0.706,99.25,2023-08-28,kansas city smm food,-35.92065625455669,120.47250660292076,84.55185034836407 +0.862,0.948,0.0,0.0,0.0,0.8200000000000001,0.0,73.6,2023-08-28,knoxville smm food,-47.01133837972032,120.2951366957553,73.28379831603499 +0.0,0.0,0.0,0.0,0.0,0.973,0.0,73.34,2023-08-28,las vegas smm food,-43.338372299245414,117.21390387428501,73.87553157503959 +0.0,0.0,0.594,0.635,0.0,0.0,0.0,60.09,2023-08-28,little rock/pine bluff smm food,-58.710785610175435,118.37182302049912,59.66103741032369 +0.0,0.0,0.9380000000000001,0.54,0.0,0.634,0.0,196.05,2023-08-28,los angeles smm food,37.56221942851599,119.05356685578207,156.61578628429805 +0.0,0.0,0.923,0.0,0.0,0.773,0.0,24.97,2023-08-28,madison wi smm food,-63.99517148799614,118.01679731887867,54.021625830882535 +0.645,0.0,0.729,0.809,0.0,0.0,0.67,132.4,2023-08-28,miami/west palm beach smm food,67.70745756991558,121.08441481666121,188.79187238657678 +0.53,0.932,0.867,0.0,0.0,0.653,0.0,51.61,2023-08-28,milwaukee smm food,-48.26118428614204,120.39900363553791,72.13781934939587 +0.0,0.638,0.9689999999999999,0.721,0.0,0.509,0.65,71.77,2023-08-28,minneapolis/st. paul smm food,-30.66363431628655,121.33180812933281,90.66817381304627 +0.0,0.9380000000000001,0.0,0.0,0.0,0.0,0.5750000000000001,56.669999999999995,2023-08-28,mobile/pensacola smm food,-48.947921889963226,118.76276164623023,69.814839756267 +0.0,0.0,0.883,0.0,0.0,0.9969999999999999,0.0,106.52,2023-08-28,nashville smm food,-20.942188827432304,118.15894848149236,97.21675965406006 +0.8190000000000001,0.544,0.889,0.0,0.0,0.545,0.0,57.40999999999999,2023-08-28,new orleans smm food,-56.864739449880446,120.26075454570113,63.39601509582069 +0.0,0.0,0.582,0.0,0.0,0.982,0.0,264.69,2023-08-28,new york smm food,173.74740881857215,117.83119526889189,291.57860408746404 +0.0,0.0,0.615,0.0,0.0,0.0,0.0,91.81,2023-08-28,norfolk/portsmouth/newport news smm food,-14.10441751758284,117.0588342754693,102.95441675788645 +0.709,0.0,0.0,0.0,0.0,0.911,0.0,40.72,2023-08-28,oklahoma city smm food,-62.80511264619615,118.53278337732894,55.72767073113279 +0.5760000000000001,0.0,0.0,0.0,0.0,0.0,0.559,52.78,2023-08-28,omaha smm food,-55.53812691614876,118.32745473940811,62.78932782325935 +0.0,0.0,0.0,0.725,0.0,0.619,0.0,116.71999999999998,2023-08-28,orlando/daytona beach/melborne smm food,16.201025400694412,118.44721729074439,134.6482426914388 +0.0,0.734,0.0,0.0,0.0,0.0,0.0,39.63,2023-08-28,paducah ky/cape girardeau mo smm food,-60.85509863333336,117.60790169131909,56.75280305798572 +0.6940000000000001,0.646,0.634,0.9450000000000001,0.0,0.636,0.0,215.49,2023-08-28,philadelphia smm food,83.32339087166719,121.97938882056268,205.30277969222988 +0.865,0.0,0.772,0.0,0.0,0.76,0.771,100.48,2023-08-28,phoenix/prescott smm food,0.5686043532995056,120.62282686196161,121.19143121526112 +0.964,0.0,0.0,0.0,0.0,0.663,0.926,123.88,2023-08-28,pittsburgh smm food,-11.862124417323331,120.14727910524557,108.28515468792224 +0.65,0.562,0.849,0.0,0.0,0.715,0.9350000000000002,103.74,2023-08-28,portland or smm food,-29.518047286931516,121.39977989992599,91.88173261299447 +0.0,0.0,0.851,0.0,0.0,0.0,0.9390000000000001,61.22,2023-08-28,providence ri/new bedford ma smm food,-33.166050408362494,118.65036778173233,85.48431737336983 +0.0,0.609,0.654,0.866,0.0,0.529,0.0,99.81,2023-08-28,raleigh/durham/fayetteville smm food,8.915816009933655,120.34532462790276,129.2611406378364 +0.523,0.5700000000000001,0.525,0.734,0.0,0.0,0.896,394.56,2023-08-28,rem us east north central smm food,190.03931593595715,121.72764632640373,311.7669622623609 +0.613,0.0,0.735,0.0,0.0,0.0,0.6900000000000001,121.27000000000001,2023-08-28,rem us middle atlantic smm food,14.385666495529572,119.3567025358448,133.74236903137438 +0.0,0.0,0.0,0.8170000000000001,0.0,0.777,0.782,213.3,2023-08-28,rem us mountain smm food,57.543154764893536,119.88993696175399,177.43309172664752 +0.0,0.922,0.519,0.608,0.0,0.0,0.988,159.84,2023-08-28,rem us new england smm food,31.807273846886304,121.15008072459018,152.9573545714765 +0.0,0.878,0.0,0.0,0.0,0.0,0.509,132.98,2023-08-28,rem us pacific smm food,-11.30071256415528,118.57071462170421,107.27000205754894 +0.8210000000000001,0.9580000000000001,0.894,0.0,0.0,0.685,0.54,308.09,2023-08-28,rem us south atlantic smm food,167.26587359064686,121.83113433107768,289.0970079217245 +0.8290000000000001,0.6890000000000001,0.0,0.805,0.0,0.77,0.679,423.37,2023-08-28,rem us south central smm food,283.0169725950787,122.43355211406791,405.45052470914663 +0.932,0.9129999999999999,0.0,0.0,0.0,0.0,0.672,123.4,2023-08-28,rem us west north central smm food,9.54017171636033,120.66164482017653,130.20181653653685 +0.6970000000000001,0.755,0.801,0.0,0.0,0.5750000000000001,0.0,84.6,2023-08-28,richmond/petersburg smm food,-30.34626292809824,120.30058144534826,89.95431851725002 +0.8220000000000001,0.9199999999999999,0.0,0.8170000000000001,0.0,0.886,0.724,92.07,2023-08-28,sacramento/stockton/modesto smm food,-44.827275118197626,122.98062187130392,78.15334675310629 +0.931,0.9570000000000001,0.579,0.886,0.0,0.0,0.637,121.10000000000001,2023-08-28,salt lake city smm food,-32.689547694016525,123.15059464692409,90.46104695290757 +0.0,0.514,0.0,0.896,0.0,0.0,0.614,68.24,2023-08-28,san diego smm food,-37.700043815451444,120.01284264663212,82.31279883118069 +0.0,0.0,0.848,0.865,0.0,0.792,0.0,86.73,2023-08-28,san francisco/oakland/san jose smm food,-27.53844371874822,119.77235234195389,92.23390862320568 +0.973,0.0,0.594,0.9980000000000001,0.0,0.809,0.0,144.08,2023-08-28,seattle/tacoma smm food,-27.669600260363957,121.67965008581311,94.01004982544916 +0.0,0.0,0.8300000000000001,0.9530000000000001,0.0,0.0,0.556,85.02,2023-08-28,st. louis smm food,-28.710263235806057,120.08362318524132,91.37335994943527 +0.0,0.0,0.653,0.0,0.0,0.883,0.968,109.04,2023-08-28,tampa/ft. myers smm food,56.84084685459594,119.20998335424883,176.0508302088448 +0.995,0.602,0.0,0.0,0.0,0.0,0.0,105.41,2023-08-28,tucson/sierra vista smm food,-53.092110121747545,119.31565347566126,66.22354335391373 +0.0,0.738,0.0,0.0,0.0,0.687,0.96,200.81,2023-08-28,washington dc/hagerstown smm food,56.60701941749206,119.55322150943795,176.16024092693002 +0.0,0.6960000000000001,0.754,0.0,0.0,0.0,0.788,55.97,2023-08-28,yakima/pasco/richland/kennewick smm food,-62.897414399258366,119.46430878958842,56.56689439033005 +1.0,0.0,0.0,0.898,0.0,0.508,0.8270000000000001,53.95,2023-09-04,albany/schenectady/troy smm food,-34.057488325336934,121.8356558661124,87.77816754077547 +0.9470000000000001,0.879,0.86,0.557,0.0,0.0,0.795,55.97,2023-09-04,albuquerque/santa fe smm food,-45.622227404454875,122.883651198996,77.26142379454113 +0.908,0.8310000000000001,0.98,0.972,0.0,0.612,0.9510000000000001,163.97,2023-09-04,atlanta smm food,48.833174073915465,124.45470037484037,173.28787444875584 +0.861,0.554,0.741,0.864,0.0,0.736,0.687,91.79,2023-09-04,baltimore smm food,-11.133995575951698,123.15992582131432,112.02593024536262 +0.857,0.732,0.799,0.545,0.0,0.51,0.512,30.61,2023-09-04,baton rouge smm food,-65.78611486272575,122.39553675074397,56.60942188801822 +0.521,0.0,0.607,0.0,0.0,0.0,0.797,86.89,2023-09-04,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,119.19799375337118,65.05915389075841 +0.716,0.992,0.636,0.865,0.0,0.0,0.87,224.62999999999997,2023-09-04,boston/manchester smm food,66.92993459998871,123.14124858199246,190.07118318198116 +0.525,0.0,0.0,0.0,0.0,0.5750000000000001,0.632,85.44,2023-09-04,buffalo smm food,-52.4511634583843,118.80591980707662,66.35475634869232 +0.0,0.0,0.761,0.6900000000000001,0.0,0.0,0.0,90.33,2023-09-04,charlotte smm food,10.686528499937081,118.66245699603914,129.34898549597622 +0.686,0.837,0.781,0.7000000000000001,0.0,0.0,0.0,152.88,2023-09-04,chicago smm food,60.708498931683316,121.39086037772879,182.0993593094121 +0.0,0.0,0.0,0.0,0.0,0.839,0.0,131.97,2023-09-04,cleveland/akron/canton smm food,14.676717884071213,117.10379152846001,131.78050941253122 +0.0,0.0,0.586,0.0,0.0,0.0,0.0,146.47,2023-09-04,columbus oh smm food,-12.49362207652284,117.02844427909572,104.53482220257288 +0.617,0.0,0.91,0.0,0.0,0.0,0.735,128.72,2023-09-04,dallas/ft. worth smm food,-11.137199584849201,119.61223824069715,108.47503865584795 +0.0,0.917,0.0,0.5660000000000001,0.0,0.63,0.0,77.71,2023-09-04,des moines/ames smm food,-54.00605940238191,119.61310006661576,65.60704066423385 +0.662,0.978,0.73,0.0,0.0,0.0,0.0,215.68,2023-09-04,detroit smm food,43.90856628677271,120.04867592883774,163.95724221561045 +0.0,0.0,0.0,0.0,0.0,0.0,0.912,185.48,2023-09-04,grand rapids smm food,-6.398790457565139,117.71992683242192,111.32113637485678 +0.0,0.0,0.545,0.5660000000000001,0.0,0.911,0.0,67.65,2023-09-04,greensboro smm food,-32.84511351029591,118.92401152998276,86.07889801968685 +0.0,0.9840000000000001,0.972,0.0,0.0,0.985,0.0,93.88,2023-09-04,harrisburg/lancaster smm food,-31.389249071557845,119.84241920156786,88.45317013001002 +0.0,0.754,0.0,0.96,0.0,0.0,0.9980000000000001,145.42,2023-09-04,hartford/new haven smm food,-3.8036265251073567,121.08736698657933,117.28374046147196 +0.628,0.9280000000000002,0.0,0.0,0.0,0.605,0.0,166.12,2023-09-04,houston smm food,51.232085221846255,119.63384136825363,170.8659265900999 +0.0,0.966,0.0,0.936,0.0,0.0,0.9910000000000001,117.37,2023-09-04,indianapolis smm food,-27.3931217903632,121.37161924555892,93.97849745519572 +0.727,0.0,0.507,0.0,0.0,0.764,0.0,70.1,2023-09-04,jacksonville smm food,-30.11446677612209,118.97806645186164,88.86359967573955 +0.845,0.634,0.534,0.0,0.0,0.514,0.0,74.65,2023-09-04,kansas city smm food,-35.92065625455669,120.05984622200829,84.1391899674516 +0.632,0.0,0.658,0.0,0.0,0.0,0.737,81.09,2023-09-04,knoxville smm food,-47.01133837972032,119.38000356901031,72.36866518929 +0.0,0.0,0.668,0.878,0.0,0.514,0.0,44.95,2023-09-04,las vegas smm food,-43.338372299245414,119.38261335968593,76.04424106044053 +0.729,0.675,0.912,0.965,0.0,0.0,0.0,41.78,2023-09-04,little rock/pine bluff smm food,-58.710785610175435,121.90491626624066,63.19413065606523 +0.0,0.0,0.0,0.0,0.0,0.0,0.852,181.77,2023-09-04,los angeles smm food,37.56221942851599,117.6340340649052,155.19625349342118 +0.758,0.9829999999999999,0.845,0.505,0.0,0.715,0.908,58.07000000000001,2023-09-04,madison wi smm food,-63.99517148799614,123.31186848836069,59.31669700036455 +0.539,0.0,0.0,0.9840000000000001,0.0,0.637,0.903,233.02,2023-09-04,miami/west palm beach smm food,67.70745756991558,121.340582197743,189.04803976765857 +0.9540000000000001,0.653,0.0,0.597,0.0,0.5710000000000001,0.0,70.55,2023-09-04,milwaukee smm food,-48.26118428614204,121.04368533582667,72.78250104968463 +0.0,0.0,0.72,0.604,0.0,0.727,0.876,53.35,2023-09-04,minneapolis/st. paul smm food,-30.66363431628655,120.29012428501773,89.62648996873118 +0.0,0.0,0.682,0.249,0.0,0.9450000000000001,0.517,83.04,2023-09-04,mobile/pensacola smm food,-48.947921889963226,119.16917989509552,70.2212580051323 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,137.62,2023-09-04,nashville smm food,-20.942188827432304,116.41435676616771,95.47216793873541 +0.536,0.603,0.638,0.0,0.0,0.805,0.0,69.77,2023-09-04,new orleans smm food,-56.864739449880446,119.76054203541925,62.8958025855388 +0.536,0.0,0.888,0.0,0.0,0.925,0.0,346.65,2023-09-04,new york smm food,173.74740881857215,119.14060478207672,292.8880136006489 +0.5720000000000001,0.0,0.0,0.615,0.0,0.0,0.857,112.20999999999998,2023-09-04,norfolk/portsmouth/newport news smm food,-14.10441751758284,120.03927546292712,105.93485794534428 +0.738,0.0,0.0,0.0,0.0,0.0,0.961,48.25,2023-09-04,oklahoma city smm food,-62.80511264619615,119.21592919436036,56.410816548164206 +0.0,0.671,0.0,0.0,0.0,0.663,0.0,35.12,2023-09-04,omaha smm food,-55.53812691614876,118.0502680537051,62.512141137556334 +0.809,0.767,0.0,0.853,0.0,0.807,0.527,162.4,2023-09-04,orlando/daytona beach/melborne smm food,16.201025400694412,122.43546766233845,138.63649306303287 +0.663,0.775,0.0,0.0,0.0,0.968,0.629,47.71,2023-09-04,paducah ky/cape girardeau mo smm food,-60.85509863333336,120.65140452139302,59.796305888059656 +0.861,0.628,0.0,0.0,0.0,0.0,0.0,223.29,2023-09-04,philadelphia smm food,83.32339087166719,119.0990362616304,202.4224271332976 +0.974,0.797,0.0,0.756,0.0,0.0,0.0,131.92,2023-09-04,phoenix/prescott smm food,0.5686043532995056,121.18154673035285,121.75015108365236 +0.0,0.0,0.0,0.789,0.0,0.0,0.929,100.9,2023-09-04,pittsburgh smm food,-11.862124417323331,119.40302104894056,107.54089663161723 +0.6970000000000001,0.0,0.804,0.0,0.0,0.5,0.0,82.01,2023-09-04,portland or smm food,-29.518047286931516,119.01440252553,89.49635523859848 +0.0,0.0,0.96,0.673,0.0,0.775,0.0,103.73,2023-09-04,providence ri/new bedford ma smm food,-33.166050408362494,119.47209900667207,86.30604859830957 +0.0,0.543,0.0,0.0,0.0,0.538,0.6,86.06,2023-09-04,raleigh/durham/fayetteville smm food,8.915816009933655,118.59834036381439,127.51415637374804 +0.0,0.718,0.0,0.923,0.0,0.988,0.8270000000000001,388.59,2023-09-04,rem us east north central smm food,190.03931593595715,121.518119600606,311.55743553656316 +0.735,0.522,0.6940000000000001,0.896,0.0,0.0,0.528,103.05,2023-09-04,rem us middle atlantic smm food,14.385666495529572,122.05006283179112,136.4357293273207 +0.849,0.719,0.531,0.656,0.0,0.0,0.0,205.68,2023-09-04,rem us mountain smm food,57.543154764893536,121.15942121253829,178.70257597743182 +0.865,0.0,0.886,0.0,0.0,0.627,0.916,158.08,2023-09-04,rem us new england smm food,31.807273846886304,120.84057456190152,152.6478484087878 +0.8260000000000001,0.675,0.843,0.6990000000000001,0.0,0.0,0.0,134.8,2023-09-04,rem us pacific smm food,-11.30071256415528,121.46079199486266,110.16007943070738 +0.0,0.846,0.0,0.0,0.0,0.0,0.0,270.33,2023-09-04,rem us south atlantic smm food,167.26587359064686,117.79002298779996,285.05589657844683 +0.0,0.759,0.0,0.0,0.0,0.0,0.985,420.88,2023-09-04,rem us south central smm food,283.0169725950787,119.058626699826,402.0755992949047 +0.0,0.0,0.0,0.0,0.0,0.978,0.643,108.55,2023-09-04,rem us west north central smm food,9.54017171636033,118.13849670245958,127.67866841881991 +0.0,0.537,0.577,0.511,0.0,0.0,0.792,115.9,2023-09-04,richmond/petersburg smm food,-30.34626292809824,120.1003073051212,89.75404437702296 +0.0,0.6970000000000001,0.0,0.0,0.0,0.937,0.7020000000000001,69.43,2023-09-04,sacramento/stockton/modesto smm food,-44.827275118197626,119.32264668695679,74.49537156875917 +0.0,0.783,0.0,0.0,0.0,0.0,0.0,61.97,2023-09-04,salt lake city smm food,-32.689547694016525,117.68757975852947,84.99803206451294 +0.736,0.0,0.676,0.0,0.0,0.0,0.93,133.17,2023-09-04,san diego smm food,-37.700043815451444,119.87608844922175,82.17604463377032 +0.6990000000000001,0.0,0.0,0.0,0.0,0.0,0.8280000000000001,108.56,2023-09-04,san francisco/oakland/san jose smm food,-27.53844371874822,118.95018341407473,91.4117396953265 +0.609,0.0,0.0,0.5760000000000001,0.0,0.0,0.892,113.76,2023-09-04,seattle/tacoma smm food,-27.669600260363957,120.07887377594128,92.40927351557733 +0.843,0.9590000000000001,0.9460000000000001,0.0,0.0,0.714,0.0,135.68,2023-09-04,st. louis smm food,-28.710263235806057,121.18055340787168,92.47029017206563 +0.0,0.657,0.0,0.0,0.0,0.9400000000000001,0.607,224.18,2023-09-04,tampa/ft. myers smm food,56.84084685459594,119.12407168665577,175.9649185412517 +0.0,0.0,0.0,0.5640000000000001,0.0,0.723,0.709,66.24,2023-09-04,tucson/sierra vista smm food,-53.092110121747545,119.20916469985173,66.11705457810419 +0.0,0.0,0.635,0.0,0.0,0.941,0.0,143.51,2023-09-04,washington dc/hagerstown smm food,56.60701941749206,117.8530445162051,174.46006393369717 +0.0,0.924,0.705,0.8270000000000001,0.0,0.637,0.0,31.91,2023-09-04,yakima/pasco/richland/kennewick smm food,-62.897414399258366,120.91774067747336,58.020326278214995 +0.508,0.0,0.937,0.989,0.0,0.0,0.685,73.8,2023-09-11,albany/schenectady/troy smm food,-34.057488325336934,121.4375899634145,87.38010163807756 +0.0,0.0,0.0,0.0,0.0,0.0,0.68,85.65,2023-09-11,albuquerque/santa fe smm food,-45.622227404454875,117.38780813135726,71.76558072690239 +0.866,0.0,0.866,0.989,0.0,0.513,0.0,215.55,2023-09-11,atlanta smm food,48.833174073915465,121.49580297179921,170.32897704571468 +0.551,0.0,0.507,0.539,0.0,0.9689999999999999,0.0,90.51,2023-09-11,baltimore smm food,-11.133995575951698,119.9396494573947,108.80565388144299 +0.84,0.0,0.0,0.0,0.0,0.623,0.0,22.52,2023-09-11,baton rouge smm food,-65.78611486272575,118.54922321429217,52.763108351566416 +0.9380000000000001,0.0,0.0,0.86,0.0,0.0,0.0,86.12,2023-09-11,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,120.03464949392121,65.89580963130845 +0.961,0.0,0.0,0.904,0.0,0.0,0.0,212.24,2023-09-11,boston/manchester smm food,66.92993459998871,120.17159037022066,187.10152497020937 +0.0,0.0,0.0,0.547,0.0,0.617,0.0,44.08,2023-09-11,buffalo smm food,-52.4511634583843,118.07135466958167,65.62019121119737 +0.785,0.0,0.9070000000000001,0.5690000000000001,0.0,0.617,0.0,169.98,2023-09-11,charlotte smm food,10.686528499937081,120.58474299745491,131.27127149739198 +0.743,0.0,0.562,0.639,0.0,0.734,0.0,217.68,2023-09-11,chicago smm food,60.708498931683316,120.38536822771785,181.09386715940116 +0.737,0.0,0.682,0.978,0.0,0.0,0.54,140.73,2023-09-11,cleveland/akron/canton smm food,14.676717884071213,121.38210808927207,136.0588259733433 +0.0,0.0,0.0,0.971,0.0,0.0,0.0,103.41,2023-09-11,columbus oh smm food,-12.49362207652284,118.45574327104681,105.96212119452397 +0.0,0.862,0.871,0.902,0.0,0.0,0.8220000000000001,174.53,2023-09-11,dallas/ft. worth smm food,-11.137199584849201,121.80184307706416,110.66464349221496 +0.8160000000000001,0.9199999999999999,0.884,0.0,0.0,0.556,0.0,73.79,2023-09-11,des moines/ames smm food,-54.00605940238191,120.87016500888507,66.86410560650316 +0.0,0.61,0.0,0.9619999999999999,0.0,0.644,0.0,185.85,2023-09-11,detroit smm food,43.90856628677271,119.9579293576199,163.86649564439261 +0.501,0.804,0.676,0.0,0.0,0.0,0.685,97.44,2023-09-11,grand rapids smm food,-6.398790457565139,120.37869745522299,113.97990699765785 +0.93,0.0,0.0,0.616,0.0,0.0,0.0,109.66,2023-09-11,greensboro smm food,-32.84511351029591,119.50621848408115,86.66110497378523 +0.0,0.0,0.0,0.0,0.0,0.0,0.617,90.15,2023-09-11,harrisburg/lancaster smm food,-31.389249071557845,117.2976207254647,85.90837165390685 +0.732,0.0,0.933,0.0,0.0,0.512,0.0,162.39,2023-09-11,hartford/new haven smm food,-3.8036265251073567,119.22706834549533,115.42344182038796 +0.0,0.0,0.0,0.846,0.0,0.0,0.528,180.25,2023-09-11,houston smm food,51.232085221846255,118.9488052759562,170.18089049780247 +0.0,0.9380000000000001,0.735,0.0,0.0,0.532,0.0,121.57,2023-09-11,indianapolis smm food,-27.3931217903632,119.14701429023224,91.75389249986904 +0.0,0.846,0.0,0.0,0.0,0.529,0.9420000000000002,41.41,2023-09-11,jacksonville smm food,-30.11446677612209,119.57323668364401,89.45876990752193 +0.625,0.9210000000000002,0.757,0.594,0.0,0.0,0.0,88.42,2023-09-11,kansas city smm food,-35.92065625455669,121.16159604413409,85.2409397895774 +0.9390000000000001,0.872,0.794,0.676,0.0,0.0,0.0,114.12,2023-09-11,knoxville smm food,-47.01133837972032,121.89974978869323,74.8884114089729 +0.0,0.964,0.765,0.971,0.0,0.0,0.0,90.13,2023-09-11,las vegas smm food,-43.338372299245414,120.82495443290227,77.48658213365687 +0.0,0.0,0.0,0.597,0.0,0.516,0.717,46.93,2023-09-11,little rock/pine bluff smm food,-58.710785610175435,119.11989585477086,60.409110244595425 +0.0,0.594,0.0,0.0,0.0,0.552,0.585,163.43,2023-09-11,los angeles smm food,37.56221942851599,118.6713016800911,156.23352110860708 +0.782,0.0,0.637,0.782,0.0,0.0,0.901,40.52,2023-09-11,madison wi smm food,-63.99517148799614,121.52662028568783,57.53144879769169 +0.705,0.833,0.0,0.0,0.0,0.0,0.584,176.93,2023-09-11,miami/west palm beach smm food,67.70745756991558,119.96700563217907,187.67446320209464 +0.0,0.855,0.926,0.609,0.0,0.522,0.0,104.26,2023-09-11,milwaukee smm food,-48.26118428614204,120.48432093482349,72.22313664868145 +0.0,0.0,0.0,0.595,0.0,0.749,0.0,98.15,2023-09-11,minneapolis/st. paul smm food,-30.66363431628655,118.28073657766583,87.61710226137929 +0.8280000000000001,0.855,0.936,0.882,0.0,0.0,0.0,104.43,2023-09-11,mobile/pensacola smm food,-48.947921889963226,122.23953954752889,73.29161765756567 +0.974,0.0,0.549,0.0,0.0,0.0,0.0,74.65,2023-09-11,nashville smm food,-20.942188827432304,118.87149242101982,97.92930359358752 +0.0,0.607,0.0,0.0,0.0,0.0,0.84,38.08,2023-09-11,new orleans smm food,-56.864739449880446,118.60388789500796,61.73914844512751 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,336.68,2023-09-11,new york smm food,173.74740881857215,116.41435676616771,290.1617655847399 +0.0,0.638,0.964,0.614,0.0,0.708,0.0,136.12,2023-09-11,norfolk/portsmouth/newport news smm food,-14.10441751758284,120.33463658129628,106.23021906371343 +0.722,0.0,0.8130000000000001,0.851,0.0,0.0,0.727,33.57,2023-09-11,oklahoma city smm food,-62.80511264619615,121.49110627976954,58.68599363357339 +0.526,0.638,0.9530000000000001,0.0,0.0,0.0,0.989,93.63,2023-09-11,omaha smm food,-55.53812691614876,120.88253593590781,65.34440901975904 +0.0,0.0,0.8130000000000001,0.765,0.0,0.0,0.0,103.07,2023-09-11,orlando/daytona beach/melborne smm food,16.201025400694412,118.87462601287235,135.07565141356676 +0.0,0.9570000000000001,0.713,0.761,0.0,0.0,0.0,64.04,2023-09-11,paducah ky/cape girardeau mo smm food,-60.85509863333336,120.31758493786221,59.462486304528845 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,197.57,2023-09-11,philadelphia smm food,83.32339087166719,116.41435676616771,199.7377476378349 +0.79,0.7010000000000001,0.858,0.982,0.0,0.0,0.9580000000000001,152.34,2023-09-11,phoenix/prescott smm food,0.5686043532995056,123.41562273073157,123.98422708403108 +0.9490000000000002,0.0,0.512,0.502,0.0,0.917,0.0,123.34,2023-09-11,pittsburgh smm food,-11.862124417323331,120.59332971687955,108.73120529955622 +0.504,0.0,0.764,0.709,0.0,0.0,0.551,91.53,2023-09-11,portland or smm food,-29.518047286931516,120.46808317293855,90.95003588600703 +0.511,0.905,0.79,0.0,0.0,0.0,0.0,108.98,2023-09-11,providence ri/new bedford ma smm food,-33.166050408362494,119.701107416676,86.5350570083135 +0.678,0.884,0.0,0.51,0.0,0.0,0.0,153.58,2023-09-11,raleigh/durham/fayetteville smm food,8.915816009933655,120.2339483876937,129.14976439762737 +0.883,0.0,0.0,0.772,0.0,0.658,0.661,355.24,2023-09-11,rem us east north central smm food,190.03931593595715,121.23033215702382,311.26964809298096 +0.502,0.0,0.0,0.525,0.0,0.0,0.0,147.9,2023-09-11,rem us middle atlantic smm food,14.385666495529572,118.48798465099281,132.87365114652238 +0.725,0.0,0.5650000000000001,0.0,0.0,0.729,0.0,156.7,2023-09-11,rem us mountain smm food,57.543154764893536,119.00622164723445,176.549376412128 +0.0,0.848,0.578,0.761,0.0,0.739,0.0,146.63,2023-09-11,rem us new england smm food,31.807273846886304,120.6061325875063,152.41340643439258 +0.504,0.789,0.0,0.0,0.0,0.581,0.966,88.81,2023-09-11,rem us pacific smm food,-11.30071256415528,120.53139295151585,109.23068038736058 +0.0,0.0,0.0,0.0,0.0,0.851,0.836,306.86,2023-09-11,rem us south atlantic smm food,167.26587359064686,118.31042489628184,285.5762984869287 +0.0,0.0,0.9570000000000001,0.0,0.0,0.995,0.0,460.51,2023-09-11,rem us south central smm food,283.0169725950787,118.2348519009423,401.251824496021 +0.0,0.714,0.9580000000000001,0.0,0.0,0.0,0.0,158.07,2023-09-11,rem us west north central smm food,9.54017171636033,118.57929784247048,128.11946955883082 +0.9350000000000002,0.7000000000000001,0.9420000000000002,0.0,0.0,0.0,0.917,54.97,2023-09-11,richmond/petersburg smm food,-30.34626292809824,121.65896502268961,91.31270209459137 +0.728,0.0,0.0,0.781,0.0,0.0,0.0,74.87,2023-09-11,sacramento/stockton/modesto smm food,-44.827275118197626,119.46283191184527,74.63555679364765 +0.9770000000000001,0.8230000000000001,0.933,0.581,0.0,0.0,0.719,69.69,2023-09-11,salt lake city smm food,-32.689547694016525,122.86871016715638,90.17916247313985 +0.833,0.0,0.614,0.0,0.0,0.0,0.0,42.93,2023-09-11,san diego smm food,-37.700043815451444,118.66718817287858,80.96714435742714 +0.0,0.93,0.6940000000000001,0.838,0.0,0.0,0.54,71.85,2023-09-11,san francisco/oakland/san jose smm food,-27.53844371874822,121.18868623624806,93.65024251749983 +0.594,0.0,0.546,0.583,0.0,0.0,0.0,83.82,2023-09-11,seattle/tacoma smm food,-27.669600260363957,119.35984056706079,91.69024030669684 +0.619,0.0,0.562,0.0,0.0,0.0,0.0,42.58,2023-09-11,st. louis smm food,-28.710263235806057,118.19923599216642,89.48897275636037 +0.93,0.611,0.0,0.68,0.0,0.595,0.0,179.03,2023-09-11,tampa/ft. myers smm food,56.84084685459594,121.1232375913341,177.96408444593004 +0.66,0.9980000000000001,0.5,0.0,0.0,0.0,0.0,20.09,2023-09-11,tucson/sierra vista smm food,-53.092110121747545,119.83630936972193,66.7441992479744 +0.49499999999999994,0.0,0.0,0.731,0.0,0.0,0.808,200.33,2023-09-11,washington dc/hagerstown smm food,56.60701941749206,120.06423462264999,176.67125404014206 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.83,2023-09-11,yakima/pasco/richland/kennewick smm food,-62.897414399258366,116.41435676616771,53.51694236690935 +0.734,0.734,0.0,0.857,0.0,0.0,0.742,82.53,2023-09-18,albany/schenectady/troy smm food,-34.057488325336934,121.88995535638598,87.83246703104905 +0.503,0.0,0.0,0.5060000000000001,0.0,0.0,0.653,66.32,2023-09-18,albuquerque/santa fe smm food,-45.622227404454875,119.38477158473168,73.7625441802768 +0.678,0.973,0.0,0.0,0.0,0.836,0.9560000000000002,144.93,2023-09-18,atlanta smm food,48.833174073915465,121.36199648647224,170.1951705603877 +0.777,0.811,0.0,0.0,0.0,0.0,0.601,140.25,2023-09-18,baltimore smm food,-11.133995575951698,120.09467605136555,108.96068047541385 +0.0,0.719,0.0,0.752,0.0,0.629,0.808,71.34,2023-09-18,baton rouge smm food,-65.78611486272575,120.83804115873262,55.05192629600687 +0.589,0.635,0.0,0.0,0.0,0.898,0.0,70.1,2023-09-18,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,119.32281694212374,65.18397707951098 +0.512,0.0,0.0,0.9440000000000001,0.0,0.0,0.0,266.36,2023-09-18,boston/manchester smm food,66.92993459998871,119.38819185979776,186.31812645978647 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,56.42,2023-09-18,buffalo smm food,-52.4511634583843,116.41435676616771,63.96319330778341 +0.509,0.0,0.0,0.0,0.0,0.532,0.796,128.83,2023-09-18,charlotte smm food,10.686528499937081,118.97444593263161,129.66097443256868 +0.734,0.0,0.544,0.0,0.0,0.0,0.0,201.51,2023-09-18,chicago smm food,60.708498931683316,118.40255956263533,179.11105849431866 +0.683,0.537,0.0,0.721,0.0,0.505,0.0,146.63,2023-09-18,cleveland/akron/canton smm food,14.676717884071213,120.5379303534511,135.2146482375223 +0.0,0.7010000000000001,0.801,0.0,0.0,0.0,0.654,149.1,2023-09-18,columbus oh smm food,-12.49362207652284,119.3298647765659,106.83624270004306 +0.896,0.0,0.496,0.0,0.0,0.0,0.49900000000000005,121.04,2023-09-18,dallas/ft. worth smm food,-11.137199584849201,119.37959330808681,108.24239372323761 +0.527,0.504,0.925,0.994,0.0,0.0,0.0,61.870000000000005,2023-09-18,des moines/ames smm food,-54.00605940238191,121.31117235012255,67.30511294774064 +0.0,0.0,0.0,0.525,0.0,0.734,0.0,183.72,2023-09-18,detroit smm food,43.90856628677271,118.12124573323166,162.02981202000439 +0.0,0.0,0.728,0.0,0.0,0.0,0.0,167.19,2023-09-18,grand rapids smm food,-6.398790457565139,117.17725046823527,110.77846001067013 +0.804,0.0,0.0,0.0,0.0,0.0,0.8170000000000001,59.05,2023-09-18,greensboro smm food,-32.84511351029591,119.13730218337548,86.29218867307958 +0.0,0.63,0.534,0.936,0.0,0.685,0.0,67.03,2023-09-18,harrisburg/lancaster smm food,-31.389249071557845,120.52907598958853,89.13982691803069 +0.0,0.98,0.0,0.9070000000000001,0.0,0.972,0.626,164.13,2023-09-18,hartford/new haven smm food,-3.8036265251073567,121.60962715706235,117.80600063195499 +0.9430000000000001,0.965,0.0,0.525,0.0,0.0,0.849,174.3,2023-09-18,houston smm food,51.232085221846255,122.1245736725487,173.35665889439497 +0.9580000000000001,0.0,0.0,0.0,0.0,0.936,0.0,133.52,2023-09-18,indianapolis smm food,-27.3931217903632,119.03440842441185,91.64128663404865 +0.863,0.0,0.0,0.755,0.0,0.579,0.724,53.5,2023-09-18,jacksonville smm food,-30.11446677612209,121.18122145109898,91.06675467497689 +0.0,0.874,0.545,0.901,0.0,0.712,0.0,102.88,2023-09-18,kansas city smm food,-35.92065625455669,120.88597188080313,84.96531562624644 +0.0,0.9840000000000001,0.0,0.0,0.0,0.0,0.0,36.44,2023-09-18,knoxville smm food,-47.01133837972032,118.01442244239244,71.00308406267212 +0.5660000000000001,0.9619999999999999,0.735,0.0,0.0,0.0,0.676,70.48,2023-09-18,las vegas smm food,-43.338372299245414,120.8101461544697,77.47177385522428 +0.667,0.9759999999999999,0.0,0.6960000000000001,0.0,0.548,0.0,93.75,2023-09-18,little rock/pine bluff smm food,-58.710785610175435,121.20364360096742,62.49285799079199 +0.882,0.741,0.0,0.995,0.0,0.9700000000000001,0.0,181.57,2023-09-18,los angeles smm food,37.56221942851599,122.21228172272916,159.77450115124515 +0.549,0.7010000000000001,0.0,0.0,0.0,0.0,0.0,65.63,2023-09-18,madison wi smm food,-63.99517148799614,118.6149391559553,54.61976766795916 +0.0,0.724,0.607,0.5,0.0,0.0,0.0,188.75,2023-09-18,miami/west palm beach smm food,67.70745756991558,119.2789123202534,186.986369890169 +0.5640000000000001,0.844,0.0,0.714,0.0,0.0,0.0,45.44,2023-09-18,milwaukee smm food,-48.26118428614204,120.3775311736553,72.11634688751326 +0.0,0.684,0.0,0.606,0.0,0.0,0.0,105.98,2023-09-18,minneapolis/st. paul smm food,-30.66363431628655,118.80062454620919,88.13699022992265 +0.903,0.0,0.0,0.965,0.0,0.0,0.0,52.25,2023-09-18,mobile/pensacola smm food,-48.947921889963226,120.18777482172135,71.23985293175812 +0.675,0.918,0.941,0.725,0.0,0.0,0.834,127.04,2023-09-18,nashville smm food,-20.942188827432304,122.91545777974005,101.97326895230775 +0.851,0.747,0.834,0.0,0.0,0.0,0.0,55.35,2023-09-18,new orleans smm food,-56.864739449880446,120.14719396744893,63.28245451756848 +0.727,0.679,0.0,0.795,0.0,0.905,0.653,588.76,2023-09-18,new york smm food,173.74740881857215,122.2729120049469,296.02032082351906 +0.0,0.8170000000000001,0.0,0.0,0.0,0.9580000000000001,0.0,109.49,2023-09-18,norfolk/portsmouth/newport news smm food,-14.10441751758284,118.53008767993173,104.42567016234888 +0.0,0.668,0.9770000000000001,0.0,0.0,0.522,0.0,59.91,2023-09-18,oklahoma city smm food,-62.80511264619615,118.95335381991525,56.1482411737191 +0.0,0.0,0.606,0.833,0.0,0.0,0.0,69.94,2023-09-18,omaha smm food,-55.53812691614876,118.80066444060499,63.26253752445623 +0.5740000000000001,0.547,0.662,0.0,0.0,0.705,0.9560000000000002,110.99,2023-09-18,orlando/daytona beach/melborne smm food,16.201025400694412,121.05443452297256,137.25545992366696 +0.8300000000000001,0.554,0.0,0.887,0.0,0.542,0.0,41.5,2023-09-18,paducah ky/cape girardeau mo smm food,-60.85509863333336,121.22898090285271,60.37388226951935 +0.0,0.0,0.0,0.524,0.0,0.727,0.646,274.69,2023-09-18,philadelphia smm food,83.32339087166719,119.03817003789935,202.36156090956655 +0.0,0.0,0.0,0.9969999999999999,0.0,0.793,0.911,130.27,2023-09-18,phoenix/prescott smm food,0.5686043532995056,120.46617801760242,121.03478237090192 +0.0,0.0,0.0,0.0,0.0,0.631,0.634,118.23999999999998,2023-09-18,pittsburgh smm food,-11.862124417323331,117.84047111568077,105.97834669835744 +0.721,0.843,0.642,0.0,0.0,0.0,0.607,111.06,2023-09-18,portland or smm food,-29.518047286931516,120.7198765472155,91.20182926028399 +0.0,0.0,0.0,0.0,0.0,0.6990000000000001,0.924,63.09,2023-09-18,providence ri/new bedford ma smm food,-33.166050408362494,118.31149739884818,85.14544699048568 +0.648,0.676,0.665,0.922,0.0,0.988,0.7030000000000001,160.45,2023-09-18,raleigh/durham/fayetteville smm food,8.915816009933655,123.21905574523123,132.13487175516488 +0.0,0.941,0.0,0.0,0.0,0.0,0.744,390.16,2023-09-18,rem us east north central smm food,190.03931593595715,119.00957119041522,309.0488871263724 +0.0,0.8310000000000001,0.0,0.0,0.0,0.548,0.0,163.03,2023-09-18,rem us middle atlantic smm food,14.385666495529572,118.21594193312433,132.6016084286539 +0.758,0.0,0.9969999999999999,0.806,0.0,0.0,0.0,183.85,2023-09-18,rem us mountain smm food,57.543154764893536,120.61813954887765,178.16129431377118 +0.0,0.0,0.5730000000000001,0.0,0.0,0.645,0.609,170.32,2023-09-18,rem us new england smm food,31.807273846886304,118.41665114859111,150.22392499547743 +0.9059999999999999,0.9490000000000002,0.0,0.0,0.0,0.992,0.0,109.89,2023-09-18,rem us pacific smm food,-11.30071256415528,120.52311143440265,109.22239887024737 +0.527,0.719,0.863,0.0,0.0,0.0,0.0,273.74,2023-09-18,rem us south atlantic smm food,167.26587359064686,119.5060678145219,286.7719414051688 +0.5680000000000001,0.798,0.868,0.734,0.0,0.0,0.59,396.49,2023-09-18,rem us south central smm food,283.0169725950787,122.1067229147025,405.1236955097812 +0.922,0.0,0.9759999999999999,0.757,0.0,0.7000000000000001,0.0,108.97,2023-09-18,rem us west north central smm food,9.54017171636033,121.38518838434747,130.9253601007078 +0.765,0.0,0.772,0.578,0.0,0.533,0.0,88.17,2023-09-18,richmond/petersburg smm food,-30.34626292809824,120.35452676788509,90.00826383978685 +0.0,0.5630000000000001,0.0,0.0,0.0,0.8310000000000001,0.91,76.72,2023-09-18,sacramento/stockton/modesto smm food,-44.827275118197626,119.31540936248834,74.4881342442907 +0.5060000000000001,0.0,0.681,0.522,0.0,0.648,0.0,49.91,2023-09-18,salt lake city smm food,-32.689547694016525,119.73553033879473,87.0459826447782 +0.8300000000000001,0.0,0.532,0.0,0.0,0.0,0.0,104.5,2023-09-18,san diego smm food,-37.700043815451444,118.57546167325707,80.87541785780562 +0.56,0.0,0.0,0.0,0.0,0.646,0.972,102.09,2023-09-18,san francisco/oakland/san jose smm food,-27.53844371874822,119.41861052383976,91.88016680509153 +0.539,0.685,0.0,0.887,0.0,0.784,0.6890000000000001,114.15,2023-09-18,seattle/tacoma smm food,-27.669600260363957,122.0649646567037,94.39536439633974 +0.0,0.0,0.889,0.0,0.0,0.0,0.894,53.68,2023-09-18,st. louis smm food,-28.710263235806057,118.62576958065326,89.9155063448472 +0.787,0.0,0.0,0.0,0.0,0.0,0.0,150.76,2023-09-18,tampa/ft. myers smm food,56.84084685459594,117.93488406375094,174.77573091834688 +0.0,0.781,0.0,0.599,0.0,0.0,0.0,82.95,2023-09-18,tucson/sierra vista smm food,-53.092110121747545,118.94363811406835,65.8515279923208 +0.631,0.0,0.753,0.6960000000000001,0.0,0.0,0.0,232.64,2023-09-18,washington dc/hagerstown smm food,56.60701941749206,119.88581439261606,176.49283381010812 +0.0,0.0,0.887,0.0,0.0,0.0,0.88,46.46,2023-09-18,yakima/pasco/richland/kennewick smm food,-62.897414399258366,118.60363207308048,55.70621767382211 +0.657,0.0,0.989,0.557,0.0,0.93,0.624,69.52,2023-09-25,albany/schenectady/troy smm food,-34.057488325336934,121.54862953286198,87.49114120752505 +0.9570000000000001,0.662,0.684,0.0,0.0,0.0,0.0,76.73,2023-09-25,albuquerque/santa fe smm food,-45.622227404454875,120.05658510736379,74.43435770290891 +0.0,0.5760000000000001,0.0,0.0,0.0,0.728,0.0,187.98,2023-09-25,atlanta smm food,48.833174073915465,117.94920287336159,166.78237694727704 +0.845,0.68,0.0,0.884,0.0,0.0,0.0,124.09,2023-09-25,baltimore smm food,-11.133995575951698,121.01116133540744,109.87716575945574 +0.68,0.849,0.0,0.858,0.0,0.807,0.583,41.4,2023-09-25,baton rouge smm food,-65.78611486272575,122.41024972861307,56.624134865887314 +0.0,0.0,0.0,0.0,0.0,0.5660000000000001,0.0,69.5,2023-09-25,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,116.8794581671897,62.740618304576934 +0.554,0.0,0.607,0.9580000000000001,0.0,0.0,0.674,234.65,2023-09-25,boston/manchester smm food,66.92993459998871,121.09972728804789,188.0296618880366 +0.0,0.51,0.0,0.533,0.0,0.0,0.0,54.7,2023-09-25,buffalo smm food,-52.4511634583843,118.36421420350726,65.91305074512296 +0.0,0.0,0.653,0.844,0.0,0.974,0.848,163.64,2023-09-25,charlotte smm food,10.686528499937081,120.887363052359,131.5738915522961 +0.788,0.0,0.762,0.0,0.0,0.0,0.874,164.17,2023-09-25,chicago smm food,60.708498931683316,119.98651078524884,180.69500971693216 +0.0,0.0,0.0,0.0,0.0,0.58,0.517,143.31,2023-09-25,cleveland/akron/canton smm food,14.676717884071213,117.63107178889574,132.30778967296695 +0.0,0.0,0.802,0.847,0.0,0.0,0.0,93.69,2023-09-25,columbus oh smm food,-12.49362207652284,119.03549186596857,106.54186978944573 +0.905,0.628,0.0,0.745,0.0,0.929,0.615,95.41,2023-09-25,dallas/ft. worth smm food,-11.137199584849201,122.39409268629586,111.25689310144666 +0.0,0.0,0.562,0.0,0.0,0.9590000000000001,0.0,43.88,2023-09-25,des moines/ames smm food,-54.00605940238191,117.79133677044967,63.78527736806777 +0.937,0.0,0.519,0.0,0.0,0.635,0.0,185.86,2023-09-25,detroit smm food,43.90856628677271,119.29036949992785,163.19893578670056 +0.613,0.67,0.0,0.0,0.0,0.9070000000000001,0.635,155.31,2023-09-25,grand rapids smm food,-6.398790457565139,120.34252656252634,113.9437361049612 +0.0,0.63,0.0,0.0,0.0,0.707,0.0,62.89,2023-09-25,greensboro smm food,-32.84511351029591,118.01975494318802,85.17464143289212 +0.808,0.798,0.936,0.53,0.0,0.895,0.0,120.5,2023-09-25,harrisburg/lancaster smm food,-31.389249071557845,122.10363469055085,90.714385618993 +0.0,0.606,0.59,0.0,0.0,0.0,0.0,114.96000000000001,2023-09-25,hartford/new haven smm food,-3.8036265251073567,118.01804230333528,114.21441577822792 +0.5650000000000001,0.653,0.9700000000000001,0.0,0.0,0.965,0.517,228.12,2023-09-25,houston smm food,51.232085221846255,121.11737561764934,172.3494608394956 +0.534,0.0,0.923,0.9689999999999999,0.0,0.0,0.924,119.68000000000002,2023-09-25,indianapolis smm food,-27.3931217903632,121.77324478916171,94.38012299879851 +0.872,0.743,0.0,0.0,0.0,0.6990000000000001,0.9700000000000001,63.05,2023-09-25,jacksonville smm food,-30.11446677612209,121.2702801667433,91.15581339062122 +0.742,0.0,0.5,0.901,0.0,0.0,0.587,84.1,2023-09-25,kansas city smm food,-35.92065625455669,121.10644628759275,85.18579003303606 +0.903,0.659,0.0,0.744,0.0,0.0,0.0,97.41,2023-09-25,knoxville smm food,-47.01133837972032,120.7947431120983,73.78340473237799 +0.759,0.9199999999999999,0.0,0.887,0.0,0.5060000000000001,0.669,65.03,2023-09-25,las vegas smm food,-43.338372299245414,122.61507331283396,79.27670101358854 +0.706,0.743,0.0,0.0,0.0,0.543,0.771,64.86,2023-09-25,little rock/pine bluff smm food,-58.710785610175435,120.5364908630042,61.82570525282877 +0.0,0.558,0.0,0.0,0.0,0.0,0.9899999999999999,163.62,2023-09-25,los angeles smm food,37.56221942851599,118.7389417465894,156.3011611751054 +0.681,0.0,0.986,0.7000000000000001,0.0,0.0,0.0,18.9,2023-09-25,madison wi smm food,-63.99517148799614,120.2349944644891,56.23982297649297 +0.0,0.8130000000000001,0.0,0.674,0.0,0.0,0.0,120.84,2023-09-25,miami/west palm beach smm food,67.70745756991558,119.15334937974839,186.86080694966398 +0.509,0.67,0.0,0.0,0.0,0.0,0.999,81.66,2023-09-25,milwaukee smm food,-48.26118428614204,119.9173629613361,71.65617867519406 +0.737,0.0,0.0,0.862,0.0,0.7010000000000001,0.6970000000000001,84.33,2023-09-25,minneapolis/st. paul smm food,-30.66363431628655,121.22433427538559,90.56069995909904 +0.9140000000000001,0.536,0.0,0.975,0.0,0.743,0.0,52.36,2023-09-25,mobile/pensacola smm food,-48.947921889963226,121.71217977071937,72.76425788075615 +0.0,0.732,0.0,0.0,0.0,0.994,0.885,114.47,2023-09-25,nashville smm food,-20.942188827432304,119.68837136670489,98.74618253927258 +0.606,0.0,0.0,0.9560000000000002,0.0,0.0,0.656,45.95,2023-09-25,new orleans smm food,-56.864739449880446,120.53412754701039,63.66938809712994 +0.9199999999999999,0.0,0.0,0.529,0.0,0.5630000000000001,0.0,309.73,2023-09-25,new york smm food,173.74740881857215,119.76662926610153,293.5140380846737 +0.8200000000000001,0.0,0.0,0.687,0.0,0.937,0.0,114.21000000000001,2023-09-25,norfolk/portsmouth/newport news smm food,-14.10441751758284,120.21292430954031,106.10850679195747 +0.0,0.0,0.798,0.0,0.0,0.0,0.882,61.519999999999996,2023-09-25,oklahoma city smm food,-62.80511264619615,118.51322931439147,55.708116668195316 +0.0,0.9910000000000001,0.0,0.8160000000000001,0.0,0.0,0.0,20.42,2023-09-25,omaha smm food,-55.53812691614876,119.74132653524676,64.203199619098 +0.782,0.755,0.669,0.0,0.0,0.916,0.0,123.68,2023-09-25,orlando/daytona beach/melborne smm food,16.201025400694412,120.60669050976898,136.8077159104634 +0.876,0.0,0.0,0.802,0.0,0.5750000000000001,0.516,45.78,2023-09-25,paducah ky/cape girardeau mo smm food,-60.85509863333336,121.00410031186598,60.14900167853262 +0.0,0.875,0.0,0.0,0.0,0.0,0.0,205.78,2023-09-25,philadelphia smm food,83.32339087166719,117.83717939492446,201.16057026659166 +0.859,0.8240000000000001,0.0,0.0,0.0,0.0,0.0,89.63,2023-09-25,phoenix/prescott smm food,0.5686043532995056,119.41388442043993,119.98248877373943 +0.0,0.791,0.971,0.49200000000000005,0.0,0.523,0.0,99.53,2023-09-25,pittsburgh smm food,-11.862124417323331,120.18225473651071,108.32013031918738 +0.883,0.0,0.0,0.0,0.0,0.577,0.0,101.29,2023-09-25,portland or smm food,-29.518047286931516,118.59450181947258,89.07645453254106 +0.716,0.0,0.841,0.0,0.0,0.5660000000000001,0.579,88.66,2023-09-25,providence ri/new bedford ma smm food,-33.166050408362494,119.97298466000764,86.80693425164515 +0.0,0.668,0.601,0.9490000000000002,0.0,0.537,0.0,155.64,2023-09-25,raleigh/durham/fayetteville smm food,8.915816009933655,120.56679250624252,129.48260851617619 +0.9770000000000001,0.0,0.0,0.0,0.0,0.0,0.988,353.91,2023-09-25,rem us east north central smm food,190.03931593595715,119.71634208856422,309.7556580245214 +0.0,0.0,0.0,0.0,0.0,0.6960000000000001,0.8150000000000001,135.2,2023-09-25,rem us middle atlantic smm food,14.385666495529572,118.1529936694206,132.53866016495016 +0.0,0.0,0.687,0.707,0.0,0.0,0.0,171.38,2023-09-25,rem us mountain smm food,57.543154764893536,118.62065014023742,176.16380490513095 +0.0,0.0,0.0,0.903,0.0,0.0,0.0,153.6,2023-09-25,rem us new england smm food,31.807273846886304,118.31278314506146,150.12005699194776 +0.0,0.867,0.776,0.0,0.0,0.0,0.734,86.96,2023-09-25,rem us pacific smm food,-11.30071256415528,119.68811997256508,108.3874074084098 +0.9400000000000001,0.0,0.0,0.617,0.0,0.864,0.0,353.37,2023-09-25,rem us south atlantic smm food,167.26587359064686,120.23761949942892,287.5034930900758 +0.0,0.9440000000000001,0.74,0.511,0.0,0.0,0.0,443.48,2023-09-25,rem us south central smm food,283.0169725950787,119.79915129488552,402.8161238899642 +0.999,0.52,0.862,0.9400000000000001,0.0,0.0,0.599,118.78,2023-09-25,rem us west north central smm food,9.54017171636033,122.9270689686149,132.46724068497522 +0.964,0.877,0.0,0.0,0.0,0.512,0.775,93.03,2023-09-25,richmond/petersburg smm food,-30.34626292809824,121.23310861255969,90.88684568446145 +0.0,0.0,0.8320000000000001,0.0,0.0,0.6960000000000001,0.767,101.77,2023-09-25,sacramento/stockton/modesto smm food,-44.827275118197626,118.95615797205585,74.12888285385822 +0.75,0.0,0.0,0.9280000000000002,0.0,0.964,0.747,92.05,2023-09-25,salt lake city smm food,-32.689547694016525,121.67589973528457,88.98635204126805 +0.0,0.0,0.0,0.8250000000000001,0.0,0.551,0.646,65.74,2023-09-25,san diego smm food,-37.700043815451444,119.52635366022812,81.82630984477669 +0.0,0.0,0.52,0.9070000000000001,0.0,0.0,0.874,91.82,2023-09-25,san francisco/oakland/san jose smm food,-27.53844371874822,120.1172879506361,92.57884423188787 +0.874,0.0,0.0,0.988,0.0,0.0,0.0,84.67,2023-09-25,seattle/tacoma smm food,-27.669600260363957,120.18009938651743,92.51049912615346 +0.0,0.759,0.626,0.987,0.0,0.0,0.0,127.13999999999999,2023-09-25,st. louis smm food,-28.710263235806057,120.37958269731331,91.66931946150726 +0.0,0.856,0.0,0.9460000000000001,0.0,0.0,0.5720000000000001,157.25,2023-09-25,tampa/ft. myers smm food,56.84084685459594,120.61395583653386,177.4548026911298 +0.0,0.0,0.87,0.618,0.0,0.845,0.0,83.26,2023-09-25,tucson/sierra vista smm food,-53.092110121747545,119.31967708584313,66.22756696409559 +0.0,0.8160000000000001,0.6990000000000001,0.6970000000000001,0.0,0.599,0.616,243.65999999999997,2023-09-25,washington dc/hagerstown smm food,56.60701941749206,121.31313652840292,177.92015594589498 +0.0,0.591,0.0,0.0,0.0,0.0,0.68,66.61,2023-09-25,yakima/pasco/richland/kennewick smm food,-62.897414399258366,118.34882318689468,55.45140878763631 +0.0,0.844,0.847,0.9400000000000001,0.0,0.596,0.651,111.83,2023-10-02,albany/schenectady/troy smm food,-34.057488325336934,122.0722717546501,88.01478342931317 +0.0,0.593,0.0,0.0,0.0,0.0,0.8310000000000001,56.39,2023-10-02,albuquerque/santa fe smm food,-45.622227404454875,118.56823881782036,72.94601141336548 +0.0,0.0,0.772,0.0,0.0,0.0,0.0,188.61,2023-10-02,atlanta smm food,48.833174073915465,117.22335942825035,166.05653350216582 +0.902,0.0,0.583,0.799,0.0,0.803,0.0,152.95,2023-10-02,baltimore smm food,-11.133995575951698,121.10764793214317,109.97365235619147 +0.659,0.657,0.0,0.735,0.0,0.0,0.718,44.36,2023-10-02,baton rouge smm food,-65.78611486272575,121.32899844699347,55.54288358426771 +0.9400000000000001,0.9910000000000001,0.806,0.0,0.0,0.6890000000000001,0.788,92.23,2023-10-02,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,122.38080207185727,68.24196220924452 +0.746,0.743,0.606,0.0,0.0,0.877,0.779,225.97,2023-10-02,boston/manchester smm food,66.92993459998871,121.53473069440109,188.46466529438982 +0.0,0.0,0.0,0.0,0.0,0.988,0.0,108.59,2023-10-02,buffalo smm food,-52.4511634583843,117.22622988314602,64.77506642476172 +0.0,0.0,0.804,0.0,0.0,0.0,0.0,125.19,2023-10-02,charlotte smm food,10.686528499937081,117.25689321735221,127.9434217172893 +0.0,0.726,0.53,0.0,0.0,0.58,0.9530000000000001,207.86,2023-10-02,chicago smm food,60.708498931683316,119.99116554263404,180.69966447431736 +0.0,0.9689999999999999,0.9619999999999999,0.767,0.0,0.0,0.759,127.61,2023-10-02,cleveland/akron/canton smm food,14.676717884071213,121.69719036821263,136.37390825228385 +0.0,0.0,0.777,0.0,0.0,0.0,0.732,103.29,2023-10-02,columbus oh smm food,-12.49362207652284,118.27649084650155,105.7828687699787 +0.0,0.578,0.0,0.587,0.0,0.848,0.523,140.94,2023-10-02,dallas/ft. worth smm food,-11.137199584849201,120.03384399779962,108.89664441295042 +0.0,0.676,0.0,0.0,0.0,0.0,0.0,94.45,2023-10-02,des moines/ames smm food,-54.00605940238191,117.51358887707008,63.50752947468817 +0.0,0.6920000000000001,0.0,0.0,0.0,0.0,0.967,172.94,2023-10-02,detroit smm food,43.90856628677271,118.92391130828331,162.83247759505602 +0.628,0.8270000000000001,0.843,0.638,0.0,0.0,0.0,129.87,2023-10-02,grand rapids smm food,-6.398790457565139,121.19716607592143,114.79837561835629 +0.801,0.0,0.88,0.0,0.0,0.496,0.0,92.52,2023-10-02,greensboro smm food,-32.84511351029591,119.29169206061351,86.44657855031761 +0.0,0.0,0.0,0.869,0.0,0.904,0.852,83.18,2023-10-02,harrisburg/lancaster smm food,-31.389249071557845,120.20382784816292,88.81457877660507 +0.9350000000000002,0.805,0.669,0.797,0.0,0.0,0.552,132.22,2023-10-02,hartford/new haven smm food,-3.8036265251073567,122.69668103487845,118.89305450977109 +0.772,0.0,0.0,0.9000000000000001,0.0,0.539,0.0,209.48,2023-10-02,houston smm food,51.232085221846255,120.24093713809533,171.47302235994158 +0.777,0.0,0.5700000000000001,0.0,0.0,0.0,0.0,96.47,2023-10-02,indianapolis smm food,-27.3931217903632,118.51288413196812,91.11976234160493 +0.852,0.0,0.533,0.955,0.0,0.0,0.726,98.16,2023-10-02,jacksonville smm food,-30.11446677612209,121.66606612964729,91.5515993535252 +0.542,0.617,0.0,0.0,0.0,0.0,0.592,59.97999999999999,2023-10-02,kansas city smm food,-35.92065625455669,119.31229910464774,83.39164285009105 +0.974,0.869,0.612,0.0,0.0,0.63,0.0,72.97,2023-10-02,knoxville smm food,-47.01133837972032,120.8682705712074,73.85693219148709 +0.753,0.858,0.0,0.0,0.0,0.643,0.0,96.52,2023-10-02,las vegas smm food,-43.338372299245414,119.79274832406622,76.45437602482082 +0.0,0.723,0.918,0.612,0.0,0.0,0.987,73.2,2023-10-02,little rock/pine bluff smm food,-58.710785610175435,121.25159251265008,62.54080690247464 +0.861,0.0,0.0,0.0,0.0,0.555,0.931,177.5,2023-10-02,los angeles smm food,37.56221942851599,119.86668790542586,157.42890733394185 +0.8989999999999999,0.0,0.0,0.9269999999999999,0.0,0.0,0.0,83.85,2023-10-02,madison wi smm food,-63.99517148799614,120.1001571194891,56.10498563149296 +0.0,0.793,0.0,0.0,0.0,0.603,0.0,163.9,2023-10-02,miami/west palm beach smm food,67.70745756991558,118.19934614478487,185.90680371470046 +0.9560000000000002,0.0,0.0,0.0,0.0,0.0,0.0,63.05,2023-10-02,milwaukee smm food,-48.26118428614204,118.26140136145307,70.00021707531103 +0.0,0.0,0.666,0.871,0.0,0.9380000000000001,0.0,96.47,2023-10-02,minneapolis/st. paul smm food,-30.66363431628655,119.71421619811422,89.05058188182767 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.78,2023-10-02,mobile/pensacola smm food,-48.947921889963226,116.41435676616771,67.46643487620449 +0.0,0.89,0.0,0.6940000000000001,0.0,0.0,0.0,125.03,2023-10-02,nashville smm food,-20.942188827432304,119.32060486695704,98.37841603952474 +0.0,0.863,0.67,0.0,0.0,0.964,0.0,25.7,2023-10-02,new orleans smm food,-56.864739449880446,119.31193161099404,62.44719216111359 +0.0,0.756,0.0,0.6900000000000001,0.0,0.0,0.985,349.27,2023-10-02,new york smm food,173.74740881857215,120.50437325860567,294.25178207717784 +0.767,0.0,0.639,0.608,0.0,0.0,0.536,138.04,2023-10-02,norfolk/portsmouth/newport news smm food,-14.10441751758284,120.61141125240113,106.50699373481828 +0.0,0.0,0.531,0.0,0.0,0.0,0.0,73.34,2023-10-02,oklahoma city smm food,-62.80511264619615,116.97080807907687,54.165695432880725 +0.0,0.0,0.0,0.641,0.0,0.0,0.0,91.28,2023-10-02,omaha smm food,-55.53812691614876,117.76196618905907,62.223839272910304 +0.552,0.513,0.6980000000000001,0.0,0.0,0.0,0.0,158.18,2023-10-02,orlando/daytona beach/melborne smm food,16.201025400694412,119.04648749098065,135.24751289167506 +0.777,0.0,0.0,0.536,0.0,0.501,0.0,81.0,2023-10-02,paducah ky/cape girardeau mo smm food,-60.85509863333336,119.4541143790803,58.59901574574693 +0.0,0.0,0.0,0.561,0.0,0.0,0.525,177.62,2023-10-02,philadelphia smm food,83.32339087166719,118.34533952131824,201.66873039298542 +0.0,0.0,0.0,0.0,0.0,0.933,0.0,118.89,2023-10-02,phoenix/prescott smm food,0.5686043532995056,117.18103451732232,117.74963887062182 +0.746,0.592,0.0,0.9390000000000001,0.0,0.0,0.648,85.68,2023-10-02,pittsburgh smm food,-11.862124417323331,121.72006398729197,109.85793956996864 +0.0,0.89,0.0,0.0,0.0,0.0,0.523,69.8,2023-10-02,portland or smm food,-29.518047286931516,118.61026926350965,89.09222197657813 +0.529,0.9460000000000001,0.632,0.8280000000000001,0.0,0.614,0.0,111.41,2023-10-02,providence ri/new bedford ma smm food,-33.166050408362494,121.88227512517763,88.71622471681513 +0.0,0.0,0.0,0.973,0.0,0.677,0.0,181.18,2023-10-02,raleigh/durham/fayetteville smm food,8.915816009933655,119.01626184722805,127.9320778571617 +0.0,0.0,0.8170000000000001,0.0,0.0,0.533,0.512,307.53,2023-10-02,rem us east north central smm food,190.03931593595715,118.44145211684533,308.4807680528025 +0.0,0.676,0.0,0.647,0.0,0.678,0.908,152.89,2023-10-02,rem us middle atlantic smm food,14.385666495529572,120.73079191099542,135.116458406525 +0.673,0.0,0.0,0.919,0.0,0.0,0.0,235.20000000000002,2023-10-02,rem us mountain smm food,57.543154764893536,119.6466938475244,177.18984861241793 +0.8260000000000001,0.0,0.0,0.0,0.0,0.807,0.0,127.72,2023-10-02,rem us new england smm food,31.807273846886304,118.67337348609666,150.48064733298298 +0.517,0.0,0.0,0.0,0.0,0.749,0.915,103.96,2023-10-02,rem us pacific smm food,-11.30071256415528,119.33857262319026,108.03786005903498 +0.931,0.804,0.0,0.5060000000000001,0.0,0.901,0.0,343.57,2023-10-02,rem us south atlantic smm food,167.26587359064686,121.32464451280426,288.59051810345113 +0.0,0.723,0.779,0.0,0.0,0.617,0.618,426.11,2023-10-02,rem us south central smm food,283.0169725950787,119.79805829329219,402.81503088837087 +0.687,0.0,0.0,0.0,0.0,0.0,0.5700000000000001,167.16,2023-10-02,rem us west north central smm food,9.54017171636033,118.55765985356093,128.09783156992125 +0.687,0.96,0.0,0.782,0.0,0.858,0.0,124.78000000000002,2023-10-02,richmond/petersburg smm food,-30.34626292809824,121.6518074019549,91.30554447385666 +0.0,0.0,0.0,0.618,0.0,0.9269999999999999,0.0,80.95,2023-10-02,sacramento/stockton/modesto smm food,-44.827275118197626,118.47535937640953,73.6480842582119 +0.58,0.687,0.0,0.538,0.0,0.8230000000000001,0.674,112.78,2023-10-02,salt lake city smm food,-32.689547694016525,121.42428368645535,88.73473599243883 +0.592,0.992,0.775,0.512,0.0,0.6910000000000001,0.719,50.58,2023-10-02,san diego smm food,-37.700043815451444,122.65685959078687,84.95681577533543 +0.644,0.0,0.0,0.804,0.0,0.0,0.0,108.54,2023-10-02,san francisco/oakland/san jose smm food,-27.53844371874822,119.34889345076196,91.81044973201375 +0.522,0.875,0.636,0.0,0.0,0.844,0.782,90.71,2023-10-02,seattle/tacoma smm food,-27.669600260363957,121.32520867355093,93.65560841318697 +0.0,0.967,0.0,0.708,0.0,0.801,0.589,77.16,2023-10-02,st. louis smm food,-28.710263235806057,120.9766357663692,92.26637253056315 +0.0,0.0,0.0,0.56,0.0,0.836,0.0,169.33,2023-10-02,tampa/ft. myers smm food,56.84084685459594,118.27864501127308,175.119491865869 +0.584,0.0,0.811,0.932,0.0,0.0,0.0,42.95,2023-10-02,tucson/sierra vista smm food,-53.092110121747545,120.35194353097265,67.25983340922511 +0.0,0.0,0.858,0.0,0.0,0.0,0.757,205.22,2023-10-02,washington dc/hagerstown smm food,56.60701941749206,118.39716190329763,175.00418132078968 +0.0,0.0,0.0,0.0,0.0,0.89,0.0,44.32,2023-10-02,yakima/pasco/richland/kennewick smm food,-62.897414399258366,117.14569995858743,54.24828555932906 +0.0,0.0,0.924,0.834,0.0,0.0,0.8180000000000001,76.79,2023-10-09,albany/schenectady/troy smm food,-34.057488325336934,120.30701355507674,86.2495252297398 +0.61,0.9450000000000001,0.0,0.655,0.0,0.0,0.0,25.78,2023-10-09,albuquerque/santa fe smm food,-45.622227404454875,120.50660115498418,74.8843737505293 +0.754,0.0,0.0,0.0,0.0,0.714,0.0,347.51,2023-10-09,atlanta smm food,48.833174073915465,118.45784427000723,167.2910183439227 +0.0,0.0,0.0,0.787,0.0,0.788,0.663,66.34,2023-10-09,baltimore smm food,-11.133995575951698,119.66555140219347,108.53155582624177 +0.0,0.0,0.0,0.667,0.0,0.663,0.0,43.15,2023-10-09,baton rouge smm food,-65.78611486272575,118.36143700535702,52.575322142631265 +0.8290000000000001,0.897,0.0,0.0,0.0,0.5740000000000001,0.9829999999999999,91.15,2023-10-09,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,121.3535119428372,67.21467208022443 +0.0,0.641,0.989,0.0,0.0,0.6970000000000001,0.0,231.86,2023-10-09,boston/manchester smm food,66.92993459998871,119.06582818642426,185.99576278641297 +0.0,0.5700000000000001,0.0,0.87,0.0,0.521,0.0,35.92,2023-10-09,buffalo smm food,-52.4511634583843,119.5983961237489,67.1472326653646 +0.755,0.0,0.0,0.9840000000000001,0.0,0.7000000000000001,0.787,158.8,2023-10-09,charlotte smm food,10.686528499937081,121.64361596788048,132.33014446781755 +0.0,0.89,0.604,0.0,0.0,0.559,0.0,193.48,2023-10-09,chicago smm food,60.708498931683316,118.95387017284018,179.6623691045235 +0.0,0.738,0.0,0.666,0.0,0.0,0.0,176.92,2023-10-09,cleveland/akron/canton smm food,14.676717884071213,119.01457431607517,133.6912922001464 +0.0,0.49900000000000005,0.532,0.0,0.0,0.514,0.986,110.18,2023-10-09,columbus oh smm food,-12.49362207652284,119.61714714562406,107.12352506910122 +0.0,0.0,0.633,0.0,0.0,0.867,0.0,119.46000000000001,2023-10-09,dallas/ft. worth smm food,-11.137199584849201,117.79014034400527,106.65294075915607 +0.623,0.58,0.0,0.0,0.0,0.9689999999999999,0.0,73.42,2023-10-09,des moines/ames smm food,-54.00605940238191,119.35741535603998,65.35135595365807 +0.0,0.841,0.726,0.798,0.0,0.638,0.616,138.18,2023-10-09,detroit smm food,43.90856628677271,121.6264681952877,165.5350344820604 +0.6900000000000001,0.0,0.505,0.516,0.0,0.0,0.0,103.4,2023-10-09,grand rapids smm food,-6.398790457565139,119.3614949101175,112.96270445255236 +0.0,0.847,0.0,0.596,0.0,0.6940000000000001,0.0,63.160000000000004,2023-10-09,greensboro smm food,-32.84511351029591,119.61493587127256,86.76982236097666 +0.0,0.0,0.0,0.562,0.0,0.0,0.0,99.51,2023-10-09,harrisburg/lancaster smm food,-31.389249071557845,117.59588016034078,86.20663108878294 +0.0,0.0,0.607,0.0,0.0,0.796,0.704,165.94,2023-10-09,hartford/new haven smm food,-3.8036265251073567,118.71235950394747,114.9087329788401 +0.9580000000000001,0.0,0.0,0.0,0.0,0.658,0.0,208.03,2023-10-09,houston smm food,51.232085221846255,118.80596639352119,170.03805161536744 +0.645,0.0,0.887,0.0,0.0,0.0,0.548,111.37,2023-10-09,indianapolis smm food,-27.3931217903632,119.37453424480076,91.98141245443756 +0.718,0.922,0.0,0.0,0.0,0.0,0.0,150.59,2023-10-09,jacksonville smm food,-30.11446677612209,119.30082079760625,89.18635402148416 +0.0,0.0,0.0,0.771,0.0,0.897,0.0,74.76,2023-10-09,kansas city smm food,-35.92065625455669,118.77236764215455,82.85171138759786 +0.0,0.0,0.0,0.891,0.0,0.9420000000000002,0.0,90.01,2023-10-09,knoxville smm food,-47.01133837972032,119.06162824400585,72.05028986428553 +0.0,0.992,0.9350000000000002,0.0,0.0,0.0,0.91,61.81,2023-10-09,las vegas smm food,-43.338372299245414,120.30995348075072,76.97158118150531 +0.0,0.595,0.606,0.0,0.0,0.9380000000000001,0.842,97.59,2023-10-09,little rock/pine bluff smm food,-58.710785610175435,119.99307054309861,61.282284932923176 +0.0,0.757,0.961,0.782,0.0,0.0,0.0,214.07,2023-10-09,los angeles smm food,37.56221942851599,120.29640465321496,157.85862408173097 +0.0,0.742,0.0,0.632,0.0,0.683,0.725,73.73,2023-10-09,madison wi smm food,-63.99517148799614,120.54871379606459,56.55354230806845 +0.605,0.961,0.857,0.767,0.0,0.0,0.912,501.12,2023-10-09,miami/west palm beach smm food,67.70745756991558,122.96206880052867,190.66952637044426 +0.0,0.9530000000000001,0.918,0.727,0.0,0.0,0.0,81.94,2023-10-09,milwaukee smm food,-48.26118428614204,120.45442637928622,72.19324209314418 +0.0,0.0,0.0,0.5670000000000001,0.0,0.0,0.0,63.33,2023-10-09,minneapolis/st. paul smm food,-30.66363431628655,117.6063919343103,86.94275761802375 +0.79,0.0,0.652,0.732,0.0,0.0,0.674,125.98,2023-10-09,mobile/pensacola smm food,-48.947921889963226,121.12771697932385,72.17979508936062 +0.0,0.0,0.0,0.0,0.0,0.894,0.9520000000000001,145.87,2023-10-09,nashville smm food,-20.942188827432304,118.51181880554907,97.56962997811677 +0.0,0.728,0.7030000000000001,0.73,0.0,0.923,0.0,64.67,2023-10-09,new orleans smm food,-56.864739449880446,120.62802003408764,63.763280584207195 +0.9280000000000002,0.839,0.657,0.9129999999999999,0.0,0.0,0.916,349.32,2023-10-09,new york smm food,173.74740881857215,123.49082424669344,297.2382330652656 +0.667,0.534,0.839,0.837,0.0,0.556,0.0,112.9,2023-10-09,norfolk/portsmouth/newport news smm food,-14.10441751758284,121.66713484341716,107.56271732583431 +0.0,0.892,0.5650000000000001,0.0,0.0,0.0,0.0,39.4,2023-10-09,oklahoma city smm food,-62.80511264619615,118.45690376982735,55.6517911236312 +0.0,0.0,0.9510000000000001,0.9630000000000002,0.0,0.577,0.0,72.43,2023-10-09,omaha smm food,-55.53812691614876,119.90964720175353,64.37152028560476 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,414.32,2023-10-09,orlando/daytona beach/melborne smm food,16.201025400694412,116.41435676616771,132.61538216686213 +0.8260000000000001,0.0,0.0,0.0,0.0,0.0,0.9829999999999999,62.45000000000001,2023-10-09,paducah ky/cape girardeau mo smm food,-60.85509863333336,119.41744405052351,58.56234541719015 +0.0,0.661,0.0,0.0,0.0,0.0,0.0,195.47,2023-10-09,philadelphia smm food,83.32339087166719,117.48919763200567,200.81258850367286 +0.0,0.902,0.0,0.0,0.0,0.0,0.0,170.39,2023-10-09,phoenix/prescott smm food,0.5686043532995056,117.88108363604039,118.44968798933989 +0.0,0.0,0.615,0.972,0.0,0.0,0.5700000000000001,83.68,2023-10-09,pittsburgh smm food,-11.862124417323331,119.91830442655117,108.05618000922784 +0.651,0.0,0.9450000000000001,0.0,0.0,0.0,0.611,71.94,2023-10-09,portland or smm food,-29.518047286931516,119.53709397353639,90.01904668660487 +0.0,0.0,0.0,0.513,0.0,0.0,0.995,112.65000000000002,2023-10-09,providence ri/new bedford ma smm food,-33.166050408362494,118.91725317009193,85.75120276172943 +0.96,0.0,0.0,0.0,0.0,0.9199999999999999,0.0,122.02999999999999,2023-10-09,raleigh/durham/fayetteville smm food,8.915816009933655,119.02512479165875,127.9409408015924 +0.9280000000000002,0.891,0.0,0.0,0.0,0.0,0.0,319.45,2023-10-09,rem us east north central smm food,190.03931593595715,119.6561437778308,309.69545971378795 +0.6940000000000001,0.0,0.0,0.973,0.0,0.9560000000000002,0.0,102.66,2023-10-09,rem us middle atlantic smm food,14.385666495529572,120.58637179313904,134.9720382886686 +0.0,0.9339999999999999,0.0,0.687,0.0,0.625,0.0,175.49,2023-10-09,rem us mountain smm food,57.543154764893536,119.89101973813058,177.4341745030241 +0.0,0.0,0.707,0.0,0.0,0.0,0.0,143.57,2023-10-09,rem us new england smm food,31.807273846886304,117.15524391913716,148.96251776602347 +0.63,0.6910000000000001,0.591,0.769,0.0,0.0,0.793,81.57,2023-10-09,rem us pacific smm food,-11.30071256415528,122.12642886353952,110.82571629938424 +0.0,0.783,0.6960000000000001,0.0,0.0,0.9450000000000001,0.762,410.37,2023-10-09,rem us south atlantic smm food,167.26587359064686,120.28431637720097,287.5501899678478 +0.0,0.0,0.5640000000000001,0.686,0.0,0.0,0.529,488.19,2023-10-09,rem us south central smm food,283.0169725950787,119.2048930879776,402.2218656830563 +0.0,0.0,0.0,0.0,0.0,0.0,0.872,153.85,2023-10-09,rem us west north central smm food,9.54017171636033,117.66266498741078,127.20283670377111 +0.749,0.0,0.0,0.0,0.0,0.8250000000000001,0.5060000000000001,126.38000000000001,2023-10-09,richmond/petersburg smm food,-30.34626292809824,119.26375879988977,88.91749587179153 +0.632,0.0,0.511,0.0,0.0,0.0,0.9619999999999999,58.6,2023-10-09,sacramento/stockton/modesto smm food,-44.827275118197626,119.54805560351132,74.7207804853137 +0.835,0.0,0.0,0.0,0.0,0.0,0.0,93.91,2023-10-09,salt lake city smm food,-32.689547694016525,118.02762270451841,85.33807501050188 +0.631,0.0,0.0,0.629,0.0,0.535,0.81,95.32,2023-10-09,san diego smm food,-37.700043815451444,120.55504465747289,82.85500084202144 +0.85,0.724,0.632,0.0,0.0,0.0,0.0,85.15,2023-10-09,san francisco/oakland/san jose smm food,-27.53844371874822,119.89617995962864,92.35773624088043 +0.505,0.591,0.0,0.9630000000000002,0.0,0.0,0.9460000000000001,153.42,2023-10-09,seattle/tacoma smm food,-27.669600260363957,121.72986990582108,94.06026964545711 +0.834,0.86,0.547,0.515,0.0,0.0,0.788,125.02,2023-10-09,st. louis smm food,-28.710263235806057,122.20811130623419,93.49784807042813 +0.0,0.739,0.8160000000000001,0.9400000000000001,0.0,0.892,0.0,513.04,2023-10-09,tampa/ft. myers smm food,56.84084685459594,121.18034389497424,178.02119074957017 +0.839,0.0,0.788,0.552,0.0,0.0,0.561,63.599999999999994,2023-10-09,tucson/sierra vista smm food,-53.092110121747545,120.82471770373137,67.73260758198381 +0.96,0.812,0.0,0.504,0.0,0.583,0.0,201.75,2023-10-09,washington dc/hagerstown smm food,56.60701941749206,121.12816667486115,177.73518609235322 +0.639,0.498,0.756,0.964,0.0,0.9590000000000001,0.8220000000000001,83.23,2023-10-09,yakima/pasco/richland/kennewick smm food,-62.897414399258366,123.24240879453568,60.34499439527731 +0.515,0.0,0.0,0.0,0.0,0.0,0.0,123.05000000000001,2023-10-16,albany/schenectady/troy smm food,-34.057488325336934,117.40936509940198,83.35187677406505 +0.686,0.617,0.857,0.624,0.0,0.896,0.0,95.27,2023-10-16,albuquerque/santa fe smm food,-45.622227404454875,121.68925949752872,76.06703209307385 +0.752,0.0,0.919,0.869,0.0,0.0,0.0,157.22,2023-10-16,atlanta smm food,48.833174073915465,120.65725695986175,169.4904310337772 +0.0,0.8160000000000001,0.602,0.0,0.0,0.0,0.0,99.41,2023-10-16,baltimore smm food,-11.133995575951698,118.37209490515009,107.23809932919839 +0.731,0.0,0.0,0.77,0.0,0.0,0.904,37.06,2023-10-16,baton rouge smm food,-65.78611486272575,120.7396198714123,54.95350500868655 +0.528,0.836,0.0,0.776,0.0,0.787,0.0,56.82,2023-10-16,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,121.0720191245081,66.93317926189533 +0.896,0.618,0.871,0.9380000000000001,0.0,0.901,0.0,194.08,2023-10-16,boston/manchester smm food,66.92993459998871,122.7755362415284,189.70547084151713 +0.968,0.0,0.85,0.0,0.0,0.0,0.786,78.19,2023-10-16,buffalo smm food,-52.4511634583843,120.30052254913245,67.84935909074815 +0.714,0.898,0.794,0.0,0.0,0.0,0.0,99.6,2023-10-16,charlotte smm food,10.686528499937081,120.08612372752943,130.7726522274665 +0.89,0.6920000000000001,0.0,0.8140000000000001,0.0,0.5720000000000001,0.0,247.57999999999998,2023-10-16,chicago smm food,60.708498931683316,121.44048377617167,182.148982707855 +0.0,0.613,0.539,0.0,0.0,0.6970000000000001,0.0,158.84,2023-10-16,cleveland/akron/canton smm food,14.676717884071213,118.548728953059,133.22544683713022 +0.0,0.529,0.0,0.0,0.0,0.0,0.0,109.83,2023-10-16,columbus oh smm food,-12.49362207652284,117.27455467543894,104.7809325989161 +0.856,0.0,0.9199999999999999,0.581,0.0,0.964,0.0,109.34,2023-10-16,dallas/ft. worth smm food,-11.137199584849201,121.04591193459088,109.90871234974168 +0.96,0.861,0.663,0.0,0.0,0.0,0.0,63.41,2023-10-16,des moines/ames smm food,-54.00605940238191,120.36396524116803,66.35790583878612 +0.623,0.526,0.0,0.807,0.0,0.0,0.0,199.98,2023-10-16,detroit smm food,43.90856628677271,120.16994702006625,164.07851330683894 +0.502,0.0,0.0,0.515,0.0,0.0,0.0,160.22,2023-10-16,grand rapids smm food,-6.398790457565139,118.46696110305379,112.06817064548865 +0.0,0.0,0.551,0.0,0.0,0.0,0.834,74.63,2023-10-16,greensboro smm food,-32.84511351029591,118.18567616574802,85.34056265545212 +0.0,0.578,0.0,0.908,0.0,0.0,0.616,110.1,2023-10-16,harrisburg/lancaster smm food,-31.389249071557845,120.14500330868428,88.75575423712644 +0.9140000000000001,0.0,0.0,0.877,0.0,0.537,0.9530000000000001,97.39,2023-10-16,hartford/new haven smm food,-3.8036265251073567,121.8295547796485,118.02592825454114 +0.658,0.9280000000000002,0.735,0.0,0.0,0.0,0.0,182.7,2023-10-16,houston smm food,51.232085221846255,119.96488321310628,171.19696843495254 +0.941,0.557,0.841,0.926,0.0,0.933,0.0,121.76999999999998,2023-10-16,indianapolis smm food,-27.3931217903632,122.73291695474632,95.33979516438312 +0.847,0.0,0.597,0.614,0.0,0.616,0.0,85.0,2023-10-16,jacksonville smm food,-30.11446677612209,120.47345605832338,90.35898928220129 +0.0,0.841,0.6900000000000001,0.664,0.0,0.0,0.973,89.82,2023-10-16,kansas city smm food,-35.92065625455669,121.29382286333488,85.37316660877819 +0.0,0.0,0.528,0.0,0.0,0.644,0.5690000000000001,45.82,2023-10-16,knoxville smm food,-47.01133837972032,118.31141067873139,71.30007229901108 +0.0,0.0,0.0,0.584,0.0,0.683,0.682,70.97,2023-10-16,las vegas smm food,-43.338372299245414,119.17969069338457,75.84131839413917 +0.686,0.889,0.0,0.0,0.0,0.0,0.9570000000000001,38.17,2023-10-16,little rock/pine bluff smm food,-58.710785610175435,120.55532393984468,61.84453832966925 +0.762,0.0,0.5720000000000001,0.0,0.0,0.745,0.0,172.21,2023-10-16,los angeles smm food,37.56221942851599,119.09819094197717,156.66041037049314 +0.5750000000000001,0.924,0.842,0.0,0.0,0.738,0.0,52.22,2023-10-16,madison wi smm food,-63.99517148799614,120.51658655803293,56.52141507003679 +0.53,0.0,0.0,0.536,0.0,0.0,0.67,172.99,2023-10-16,miami/west palm beach smm food,67.70745756991558,119.52434399811018,187.23180156802576 +0.624,0.0,0.0,0.0,0.0,0.798,0.863,90.87,2023-10-16,milwaukee smm food,-48.26118428614204,119.51112707366586,71.24994278752382 +0.0,0.885,0.0,0.861,0.0,0.592,0.0,107.24,2023-10-16,minneapolis/st. paul smm food,-30.66363431628655,120.15003418556498,89.48639986927843 +0.9980000000000001,0.594,0.6900000000000001,0.811,0.0,0.89,0.0,98.0,2023-10-16,mobile/pensacola smm food,-48.947921889963226,122.46786623445844,73.51994434449522 +0.0,0.926,0.783,0.704,0.0,0.0,0.0,99.67,2023-10-16,nashville smm food,-20.942188827432304,120.22069730513701,99.2785084777047 +0.0,0.884,0.8989999999999999,0.0,0.0,0.0,0.557,84.27,2023-10-16,new orleans smm food,-56.864739449880446,119.59127522132404,62.726535771443594 +0.666,0.0,0.8320000000000001,0.0,0.0,0.622,0.596,318.77,2023-10-16,new york smm food,173.74740881857215,119.9373039149008,293.68471273347296 +0.0,0.0,0.807,0.0,0.0,0.8200000000000001,0.0,69.6,2023-10-16,norfolk/portsmouth/newport news smm food,-14.10441751758284,117.93385882781553,103.82944131023268 +0.686,0.8290000000000001,0.0,0.787,0.0,0.0,0.0,69.56,2023-10-16,oklahoma city smm food,-62.80511264619615,120.74232254049642,57.93720989430027 +0.0,0.502,0.0,0.715,0.0,0.595,0.652,44.29,2023-10-16,omaha smm food,-55.53812691614876,120.1561338704648,64.61800695431603 +0.0,0.992,0.0,0.9840000000000001,0.0,0.0,0.673,153.34,2023-10-16,orlando/daytona beach/melborne smm food,16.201025400694412,121.05957876593922,137.26060416663364 +0.9520000000000001,0.0,0.0,0.0,0.0,0.8260000000000001,0.5690000000000001,33.64,2023-10-16,paducah ky/cape girardeau mo smm food,-60.85509863333336,119.74697510795214,58.891876474618776 +0.888,0.0,0.0,0.0,0.0,0.0,0.763,234.06,2023-10-16,philadelphia smm food,83.32339087166719,119.22229131395349,202.54568218562068 +0.0,0.667,0.0,0.0,0.0,0.0,0.501,115.54,2023-10-16,phoenix/prescott smm food,0.5686043532995056,118.21615873879608,118.78476309209559 +0.0,0.0,0.0,0.0,0.0,0.901,0.9380000000000001,156.1,2023-10-16,pittsburgh smm food,-11.862124417323331,118.49752929726363,106.6354048799403 +0.0,0.0,0.897,0.5690000000000001,0.0,0.707,0.0,89.41,2023-10-16,portland or smm food,-29.518047286931516,119.13155655397536,89.61350926704384 +0.0,0.0,0.0,0.0,0.0,0.791,0.0,92.09,2023-10-16,providence ri/new bedford ma smm food,-33.166050408362494,117.0643483001048,83.8982978917423 +0.774,0.0,0.668,0.9339999999999999,0.0,0.879,0.0,153.63,2023-10-16,raleigh/durham/fayetteville smm food,8.915816009933655,121.29568869280435,130.211504702738 +0.884,0.0,0.0,0.863,0.0,0.777,0.0,412.28,2023-10-16,rem us east north central smm food,190.03931593595715,120.57511284643968,310.6144287823968 +0.0,0.0,0.884,0.9210000000000002,0.0,0.736,0.9390000000000001,184.25,2023-10-16,rem us middle atlantic smm food,14.385666495529572,121.22601443504101,135.61168093057057 +0.0,0.0,0.787,0.0,0.0,0.504,0.59,201.91,2023-10-16,rem us mountain smm food,57.543154764893536,118.49784450353611,176.04099926842966 +0.9460000000000001,0.0,0.0,0.722,0.0,0.981,0.0,198.14,2023-10-16,rem us new england smm food,31.807273846886304,120.56610195200045,152.37337579888674 +0.0,0.0,0.636,0.637,0.0,0.5700000000000001,0.0,133.68,2023-10-16,rem us pacific smm food,-11.30071256415528,118.88842916500138,107.58771660084611 +0.0,0.812,0.925,0.671,0.0,0.508,0.849,315.09,2023-10-16,rem us south atlantic smm food,167.26587359064686,121.74757581737609,289.01344940802295 +0.0,0.0,0.0,0.0,0.0,0.785,0.66,404.86,2023-10-16,rem us south central smm food,283.0169725950787,118.00423833924435,401.02121093432305 +0.964,0.0,0.0,0.649,0.0,0.5700000000000001,0.0,146.09,2023-10-16,rem us west north central smm food,9.54017171636033,120.1096743995418,129.64984611590214 +0.0,0.512,0.774,0.0,0.0,0.638,0.0,97.87,2023-10-16,richmond/petersburg smm food,-30.34626292809824,118.58227603182225,88.236013103724 +0.0,0.513,0.0,0.0,0.0,0.0,0.0,101.6,2023-10-16,sacramento/stockton/modesto smm food,-44.827275118197626,117.24853734737025,72.42126222917261 +0.0,0.0,0.0,0.553,0.0,0.5650000000000001,0.8,102.84,2023-10-16,salt lake city smm food,-32.689547694016525,119.18647553451657,86.49692784050005 +0.0,0.0,0.0,0.973,0.0,0.644,0.746,94.89,2023-10-16,san diego smm food,-37.700043815451444,120.05707803719177,82.35703422174032 +0.0,0.0,0.8240000000000001,0.0,0.0,0.653,0.0,100.45,2023-10-16,san francisco/oakland/san jose smm food,-27.53844371874822,117.8144440879567,90.27600036920848 +0.711,0.677,0.891,0.0,0.0,0.636,0.0,94.08,2023-10-16,seattle/tacoma smm food,-27.669600260363957,120.34523529245433,92.67563503209038 +0.0,0.835,0.0,0.551,0.0,0.0,0.0,69.68,2023-10-16,st. louis smm food,-28.710263235806057,118.93053356619288,90.22027033038682 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,189.53,2023-10-16,tampa/ft. myers smm food,56.84084685459594,116.41435676616771,173.25520362076367 +0.0,0.9380000000000001,0.802,0.0,0.0,0.797,0.0,42.94,2023-10-16,tucson/sierra vista smm food,-53.092110121747545,119.43498515104206,66.3428750292945 +0.901,0.72,0.0,0.0,0.0,0.0,0.961,192.14,2023-10-16,washington dc/hagerstown smm food,56.60701941749206,120.70163392505782,177.3086533425499 +0.964,0.76,0.862,0.764,0.0,0.635,0.0,37.07,2023-10-16,yakima/pasco/richland/kennewick smm food,-62.897414399258366,122.54399743309956,59.646583033841196 +0.0,0.0,0.0,0.0,0.0,0.8240000000000001,0.0,129.71,2023-10-23,albany/schenectady/troy smm food,-34.057488325336934,117.09146551959901,83.03397719426208 +0.0,0.0,0.7000000000000001,0.763,0.0,0.9580000000000001,0.533,53.83,2023-10-23,albuquerque/santa fe smm food,-45.622227404454875,120.30224029454841,74.68001289009354 +0.882,0.9560000000000002,0.0,0.0,0.0,0.0,0.854,211.93,2023-10-23,atlanta smm food,48.833174073915465,120.89550503336245,169.7286791072779 +0.775,0.658,0.0,0.8240000000000001,0.0,0.754,0.0,144.18,2023-10-23,baltimore smm food,-11.133995575951698,121.33358974930623,110.19959417335453 +0.748,0.0,0.0,0.687,0.0,0.5060000000000001,0.0,39.79,2023-10-23,baton rouge smm food,-65.78611486272575,119.7196490271162,53.93353416439045 +0.0,0.772,0.0,0.636,0.0,0.0,0.516,79.12,2023-10-23,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,119.74546829504791,65.60662843243514 +0.738,0.0,0.0,0.0,0.0,0.0,0.5760000000000001,232.6,2023-10-23,boston/manchester smm food,66.92993459998871,118.66478393612805,185.59471853611677 +0.0,0.0,0.0,0.842,0.0,0.0,0.561,53.76,2023-10-23,buffalo smm food,-52.4511634583843,118.9876368789148,66.5364734205305 +0.0,0.0,0.0,0.0,0.0,0.653,0.0,159.9,2023-10-23,charlotte smm food,10.686528499937081,116.95094901858353,127.63747751852061 +0.0,0.0,0.72,0.553,0.0,0.0,0.7000000000000001,199.55,2023-10-23,chicago smm food,60.708498931683316,119.33355150968288,180.0420504413662 +0.803,0.858,0.0,0.0,0.0,1.0,0.77,126.14,2023-10-23,cleveland/akron/canton smm food,14.676717884071213,121.28500060222227,135.96171848629348 +0.792,0.0,0.881,0.0,0.0,0.985,0.0,103.56,2023-10-23,columbus oh smm food,-12.49362207652284,119.67717938524785,107.18355730872501 +0.561,0.0,0.505,0.724,0.0,0.968,0.719,166.2,2023-10-23,dallas/ft. worth smm food,-11.137199584849201,121.37426971275897,110.23707012790977 +0.967,0.619,0.635,0.0,0.0,0.0,0.0,37.94,2023-10-23,des moines/ames smm food,-54.00605940238191,119.95463547377682,65.94857607139491 +0.0,0.0,0.859,0.512,0.0,0.621,0.0,255.15000000000003,2023-10-23,detroit smm food,43.90856628677271,118.90123183869468,162.8097981254674 +0.0,0.0,0.529,0.609,0.0,0.7000000000000001,0.642,162.18,2023-10-23,grand rapids smm food,-6.398790457565139,119.74331264602041,113.34452218845527 +0.9380000000000001,0.0,0.0,0.0,0.0,0.9619999999999999,0.0,102.55,2023-10-23,greensboro smm food,-32.84511351029591,119.01713240611781,86.1720188958219 +0.521,0.0,0.0,0.9000000000000001,0.0,0.0,0.2445,90.39,2023-10-23,harrisburg/lancaster smm food,-31.389249071557845,119.6630897716406,88.27384070008276 +0.0,0.0,0.0,0.876,0.0,0.552,0.805,127.84,2023-10-23,hartford/new haven smm food,-3.8036265251073567,119.86201132256053,116.05838479745317 +0.77,0.544,0.0,0.9910000000000001,0.0,0.9840000000000001,0.609,200.64,2023-10-23,houston smm food,51.232085221846255,122.55045965514869,173.78254487699493 +0.655,0.0,0.758,0.736,0.0,0.0,0.0,116.05000000000001,2023-10-23,indianapolis smm food,-27.3931217903632,120.02151755930305,92.62839576893985 +0.505,0.9400000000000001,0.924,0.589,0.0,0.734,0.0,104.17,2023-10-23,jacksonville smm food,-30.11446677612209,121.72829040746811,91.61382363134602 +0.0,0.868,0.6930000000000001,0.0,0.0,0.0,0.0,87.36,2023-10-23,kansas city smm food,-35.92065625455669,118.5520129341318,82.6313566795751 +0.781,0.0,0.0,0.0,0.0,0.0,0.0,73.75,2023-10-23,knoxville smm food,-47.01133837972032,117.923291733655,70.91195335393468 +0.901,0.0,0.607,0.717,0.0,0.929,0.0,113.73,2023-10-23,las vegas smm food,-43.338372299245414,121.06201160028606,77.72363930104063 +0.834,0.787,0.0,0.5720000000000001,0.0,0.0,0.6,31.03,2023-10-23,little rock/pine bluff smm food,-58.710785610175435,121.36689259116068,62.65610698098524 +0.8240000000000001,0.0,0.987,0.0,0.0,0.9969999999999999,0.0,199.02,2023-10-23,los angeles smm food,37.56221942851599,119.85994662924826,157.42216605776423 +0.0,0.0,0.0,0.603,0.0,0.5760000000000001,0.0,54.74,2023-10-23,madison wi smm food,-63.99517148799614,118.15539544715344,54.1602239591573 +0.614,0.0,0.98,0.0,0.0,0.908,0.0,141.91,2023-10-23,miami/west palm beach smm food,67.70745756991558,119.3737452402826,187.0812028101982 +0.52,0.0,0.0,0.0,0.0,0.0,0.0,64.2,2023-10-23,milwaukee smm food,-48.26118428614204,117.41902537448192,69.15784108833988 +0.749,0.518,0.0,0.656,0.0,0.0,0.0,117.35,2023-10-23,minneapolis/st. paul smm food,-30.66363431628655,120.08292171416726,89.41928739788071 +0.0,0.967,0.0,0.0,0.0,0.0,0.0,46.79,2023-10-23,mobile/pensacola smm food,-48.947921889963226,117.98677903131946,69.03885714135623 +0.639,0.847,0.8320000000000001,0.0,0.0,0.77,0.732,133.91,2023-10-23,nashville smm food,-20.942188827432304,121.57873762790547,100.63654880047316 +0.0,0.0,0.738,0.646,0.0,0.552,0.0,89.9,2023-10-23,new orleans smm food,-56.864739449880446,118.99944810027552,62.13470865039507 +0.0,0.6900000000000001,0.519,0.761,0.0,0.0,0.0,299.62,2023-10-23,new york smm food,173.74740881857215,119.68012217928577,293.42753099785796 +0.0,0.0,0.0,0.0,0.0,0.536,0.633,134.34,2023-10-23,norfolk/portsmouth/newport news smm food,-14.10441751758284,117.76097484676912,103.65655732918627 +0.0,0.884,0.0,0.876,0.0,0.545,0.76,60.77000000000001,2023-10-23,oklahoma city smm food,-62.80511264619615,121.2292969852499,58.42418433905375 +0.55,0.597,0.687,0.898,0.0,0.713,0.0,74.68,2023-10-23,omaha smm food,-55.53812691614876,121.64149800608962,66.10337108994085 +0.538,0.625,0.559,0.8310000000000001,0.0,0.0,0.0,152.1,2023-10-23,orlando/daytona beach/melborne smm food,16.201025400694412,120.8029544545592,137.00397985525362 +0.0,0.851,0.0,0.0,0.0,0.707,0.0,21.63,2023-10-23,paducah ky/cape girardeau mo smm food,-60.85509863333336,118.37911928713686,57.5240206538035 +0.75,0.0,0.509,0.6,0.0,0.729,0.0,222.63,2023-10-23,philadelphia smm food,83.32339087166719,120.25725176804727,203.58064263971445 +0.653,0.746,0.509,0.0,0.0,0.0,0.0,107.62,2023-10-23,phoenix/prescott smm food,0.5686043532995056,119.42244344571297,119.99104779901248 +0.509,0.9630000000000002,0.9059999999999999,0.9490000000000002,0.0,0.0,0.675,89.73,2023-10-23,pittsburgh smm food,-11.862124417323331,122.87454444036374,111.0124200230404 +0.775,0.622,0.0,0.903,0.0,0.89,0.0,89.42,2023-10-23,portland or smm food,-29.518047286931516,121.55289260354306,92.03484531661154 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,95.63,2023-10-23,providence ri/new bedford ma smm food,-33.166050408362494,116.41435676616771,83.24830635780522 +0.0,0.989,0.0,0.0,0.0,0.0,0.8170000000000001,118.1,2023-10-23,raleigh/durham/fayetteville smm food,8.915816009933655,119.19212604176664,128.1079420517003 +0.0,0.541,0.0,0.74,0.0,0.496,0.0,428.13,2023-10-23,rem us east north central smm food,190.03931593595715,119.25739024531542,309.29670618127255 +0.712,0.0,0.0,0.0,0.0,0.0,0.89,153.87,2023-10-23,rem us middle atlantic smm food,14.385666495529572,119.06405598904986,133.44972248457944 +0.746,0.0,0.73,0.579,0.0,0.0,0.677,198.01,2023-10-23,rem us mountain smm food,57.543154764893536,120.80707952446495,178.3502342893585 +0.58,0.0,0.0,0.836,0.0,0.987,0.0,147.57,2023-10-23,rem us new england smm food,31.807273846886304,120.10356866619779,151.9108425130841 +0.0,0.781,0.597,0.522,0.0,0.854,0.98,128.35,2023-10-23,rem us pacific smm food,-11.30071256415528,121.51204752179612,110.21133495764084 +0.0,0.0,0.0,0.85,0.0,0.9759999999999999,0.0,347.83,2023-10-23,rem us south atlantic smm food,167.26587359064686,119.00337065087413,286.269244241521 +0.0,0.0,0.0,0.776,0.0,0.0,0.0,484.1,2023-10-23,rem us south central smm food,283.0169725950787,118.04578408623587,401.06275668131457 +0.0,0.644,0.58,0.9269999999999999,0.0,0.0,0.0,139.92,2023-10-23,rem us west north central smm food,9.54017171636033,120.01823704235149,129.5584087587118 +0.889,0.8290000000000001,0.852,0.725,0.0,0.661,0.0,92.12,2023-10-23,richmond/petersburg smm food,-30.34626292809824,122.44018697016587,92.09392404206763 +0.788,0.0,0.0,0.926,0.0,0.538,0.0,71.27,2023-10-23,sacramento/stockton/modesto smm food,-44.827275118197626,120.32568950906855,75.49841439087092 +0.0,0.9280000000000002,0.0,0.9910000000000001,0.0,0.0,0.548,87.22,2023-10-23,salt lake city smm food,-32.689547694016525,120.79128267156192,88.10173497754539 +0.0,0.931,0.981,0.0,0.0,0.9430000000000001,0.0,81.99,2023-10-23,san diego smm food,-37.700043815451444,119.73115535571439,82.03111154026294 +0.616,0.8280000000000001,0.0,0.79,0.0,0.0,0.0,74.09,2023-10-23,san francisco/oakland/san jose smm food,-27.53844371874822,120.61175967075461,93.0733159520064 +0.974,0.0,0.0,0.0,0.0,0.0,0.651,109.02,2023-10-23,seattle/tacoma smm food,-27.669600260363957,119.22811487929732,91.55851461893337 +0.511,0.8,0.0,0.639,0.0,0.0,0.5720000000000001,106.85,2023-10-23,st. louis smm food,-28.710263235806057,120.86475237973576,92.15448914392971 +0.0,0.881,0.0,0.599,0.0,0.9210000000000002,0.708,218.65,2023-10-23,tampa/ft. myers smm food,56.84084685459594,120.87659801526084,177.71744486985676 +0.0,0.804,0.558,0.631,0.0,0.0,0.948,34.28,2023-10-23,tucson/sierra vista smm food,-53.092110121747545,120.99016455080007,67.89805442905254 +0.0,0.791,0.731,0.776,0.0,0.902,0.0,182.02,2023-10-23,washington dc/hagerstown smm food,56.60701941749206,120.83925723693635,177.4462766544284 +0.622,0.887,0.0,0.791,0.0,0.0,0.0,43.12,2023-10-23,yakima/pasco/richland/kennewick smm food,-62.897414399258366,120.72139325289774,57.823978853639375 +0.0,0.0,0.974,0.579,0.0,0.941,0.723,96.09,2023-10-30,albany/schenectady/troy smm food,-34.057488325336934,120.46056436874899,86.40307604341206 +0.8150000000000001,0.0,0.0,0.0,0.0,0.846,0.0,48.75,2023-10-30,albuquerque/santa fe smm food,-45.622227404454875,118.6841685039594,73.06194109950452 +0.0,0.603,0.0,0.526,0.0,0.54,0.0,199.83,2023-10-30,atlanta smm food,48.833174073915465,118.94445975834549,167.77763383226096 +0.0,0.0,0.594,0.608,0.0,0.0,0.0,134.79,2023-10-30,baltimore smm food,-11.133995575951698,118.31505944106377,107.18106386511207 +0.0,0.0,0.0,0.869,0.0,0.0,0.0,57.03999999999999,2023-10-30,baton rouge smm food,-65.78611486272575,118.24130308206878,52.45518821934303 +0.8270000000000001,0.0,0.666,0.561,0.0,0.0,0.787,77.19,2023-10-30,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,121.01613609004673,66.87729622743396 +0.0,0.806,0.8160000000000001,0.0,0.0,0.0,0.0,217.79,2023-10-30,boston/manchester smm food,66.92993459998871,118.58009128972591,185.51002588971463 +0.967,0.0,0.658,0.0,0.0,0.0,0.529,66.53,2023-10-30,buffalo smm food,-52.4511634583843,119.7294804053086,67.2783169469243 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,95.55,2023-10-30,charlotte smm food,10.686528499937081,116.41435676616771,127.1008852661048 +0.0,0.558,0.0,0.0,0.0,0.758,0.6910000000000001,191.71,2023-10-30,chicago smm food,60.708498931683316,118.93378376957392,179.64228270125724 +0.931,0.769,0.778,0.775,0.0,0.0,0.967,116.68,2023-10-30,cleveland/akron/canton smm food,14.676717884071213,123.29247813231302,137.96919601638425 +0.0,0.848,0.87,0.0,0.0,0.0,0.585,115.82999999999998,2023-10-30,columbus oh smm food,-12.49362207652284,119.5424295283037,107.04880745178086 +0.0,0.8230000000000001,0.0,0.842,0.0,0.0,0.929,130.91,2023-10-30,dallas/ft. worth smm food,-11.137199584849201,120.85271216555087,109.71551258070167 +0.0,0.0,0.0,0.9420000000000002,0.0,0.0,0.0,95.29,2023-10-30,des moines/ames smm food,-54.00605940238191,118.39477498202365,64.38871557964174 +0.679,0.542,0.0,0.494,0.0,0.0,0.0,181.27,2023-10-30,detroit smm food,43.90856628677271,119.6461223785389,163.55468866531163 +0.0,0.622,0.0,0.578,0.0,0.61,0.0,133.9,2023-10-30,grand rapids smm food,-6.398790457565139,119.14219915939466,112.74340870182952 +0.658,0.0,0.0,0.0,0.0,0.0,0.0,94.33,2023-10-30,greensboro smm food,-32.84511351029591,117.68564896668838,84.84053545639247 +0.0,0.0,0.0,0.8160000000000001,0.0,0.9430000000000001,0.525,89.55,2023-10-30,harrisburg/lancaster smm food,-31.389249071557845,119.65633508415858,88.26708601260074 +0.0,0.614,0.0,0.0,0.0,0.0,0.7010000000000001,107.6,2023-10-30,hartford/new haven smm food,-3.8036265251073567,118.41628556462427,114.61265903951691 +0.797,0.0,0.583,0.965,0.0,0.0,0.751,192.53,2023-10-30,houston smm food,51.232085221846255,121.66901185031057,172.90109707215683 +0.932,0.0,0.678,0.9129999999999999,0.0,0.0,0.0,80.02,2023-10-30,indianapolis smm food,-27.3931217903632,120.84497912449798,93.45185733413479 +0.0,0.9470000000000001,0.0,0.0,0.0,0.764,0.515,118.9,2023-10-30,jacksonville smm food,-30.11446677612209,119.31930834373941,89.20484156761732 +0.803,0.0,0.668,0.0,0.0,0.0,0.596,95.35,2023-10-30,kansas city smm food,-35.92065625455669,119.51901628217445,83.59836002761776 +0.837,0.686,0.0,0.8280000000000001,0.0,0.0,0.0,94.04,2023-10-30,knoxville smm food,-47.01133837972032,120.88772952484676,73.87639114512643 +0.0,0.0,0.887,0.709,0.0,0.883,0.0,88.46,2023-10-30,las vegas smm food,-43.338372299245414,119.56003208666314,76.22165978741774 +0.9840000000000001,0.581,0.797,0.0,0.0,0.681,0.0,68.94,2023-10-30,little rock/pine bluff smm food,-58.710785610175435,120.65505486450338,61.94426925432795 +0.0,0.782,0.0,0.995,0.0,0.787,0.711,182.43,2023-10-30,los angeles smm food,37.56221942851599,121.44233058877192,159.0045500172879 +0.649,0.6890000000000001,0.0,0.0,0.0,0.651,0.0,91.07,2023-10-30,madison wi smm food,-63.99517148799614,119.32358044607034,55.3284089580742 +0.654,0.746,0.771,0.882,0.0,0.0,0.716,140.04,2023-10-30,miami/west palm beach smm food,67.70745756991558,122.5781973529219,190.28565492283747 +0.9700000000000001,0.0,0.717,0.8160000000000001,0.0,0.512,0.868,66.38,2023-10-30,milwaukee smm food,-48.26118428614204,122.41864791142925,74.1574636252872 +0.903,0.646,0.0,0.0,0.0,0.8320000000000001,0.676,99.72,2023-10-30,minneapolis/st. paul smm food,-30.66363431628655,120.86085987189146,90.19722555560492 +0.0,0.0,0.8270000000000001,0.0,0.0,0.941,0.0,54.9,2023-10-30,mobile/pensacola smm food,-48.947921889963226,118.05424725081633,69.1063253608531 +0.0,0.0,0.0,0.0,0.0,0.0,0.756,157.33,2023-10-30,nashville smm food,-20.942188827432304,117.49660563687844,96.55441680944614 +0.0,0.8989999999999999,0.0,0.0,0.0,0.593,0.6900000000000001,69.09,2023-10-30,new orleans smm food,-56.864739449880446,119.35126043044163,62.48652098056118 +0.882,0.842,0.0,0.0,0.0,0.653,0.8250000000000001,326.26,2023-10-30,new york smm food,173.74740881857215,121.20520898565573,294.9526178042279 +0.932,0.0,0.614,0.0,0.0,0.671,0.706,66.91,2023-10-30,norfolk/portsmouth/newport news smm food,-14.10441751758284,120.42051664695728,106.31609912937444 +0.761,0.761,0.0,0.778,0.0,0.0,0.0,47.59,2023-10-30,oklahoma city smm food,-62.80511264619615,120.7577318292585,57.95261918306235 +0.0,0.0,0.0,0.658,0.0,0.717,0.545,63.209999999999994,2023-10-30,omaha smm food,-55.53812691614876,119.16708208238845,63.628955166239685 +0.0,0.604,0.0,0.714,0.0,0.594,0.9500000000000001,120.85,2023-10-30,orlando/daytona beach/melborne smm food,16.201025400694412,120.74567099351782,136.94669639421224 +0.606,0.0,0.618,0.78,0.0,0.847,0.0,73.5,2023-10-30,paducah ky/cape girardeau mo smm food,-60.85509863333336,120.56864878081545,59.71355014748209 +0.0,0.0,0.0,0.868,0.0,0.836,0.758,236.90999999999997,2023-10-30,philadelphia smm food,83.32339087166719,120.01128225075627,203.33467312242345 +0.535,0.0,0.0,0.0,0.0,0.0,0.866,142.52,2023-10-30,phoenix/prescott smm food,0.5686043532995056,118.68772514421315,119.25632949751265 +0.0,0.9350000000000002,0.65,0.777,0.0,0.896,0.861,122.14000000000001,2023-10-30,pittsburgh smm food,-11.862124417323331,122.218263951005,110.35613953368167 +0.0,0.0,0.0,0.762,0.0,0.0,0.0,82.52,2023-10-30,portland or smm food,-29.518047286931516,118.01635111912124,88.49830383218972 +0.0,0.596,0.858,0.754,0.0,0.841,0.634,76.32,2023-10-30,providence ri/new bedford ma smm food,-33.166050408362494,121.46648094518997,88.30043053682748 +0.0,0.982,0.0,0.612,0.0,0.0,0.0,115.62,2023-10-30,raleigh/durham/fayetteville smm food,8.915816009933655,119.29781141025205,128.2136274201857 +0.894,0.867,0.0,0.0,0.0,0.985,0.925,411.06,2023-10-30,rem us east north central smm food,190.03931593595715,121.68501599627308,311.72433193223026 +0.0,0.0,0.0,0.558,0.0,0.716,0.0,146.31,2023-10-30,rem us middle atlantic smm food,14.385666495529572,118.17583223079723,132.5614987263268 +0.6980000000000001,0.629,0.0,0.0,0.0,0.595,0.544,233.09,2023-10-30,rem us mountain smm food,57.543154764893536,120.05343015400007,177.5965849188936 +0.0,0.9400000000000001,0.525,0.556,0.0,0.9059999999999999,0.0,193.64,2023-10-30,rem us new england smm food,31.807273846886304,120.40643871827056,152.21371256515687 +0.759,0.838,0.795,0.0,0.0,0.723,0.56,115.28,2023-10-30,rem us pacific smm food,-11.30071256415528,121.47232861115737,110.17161604700209 +0.833,0.0,0.0,0.552,0.0,0.0,0.864,239.53,2023-10-30,rem us south atlantic smm food,167.26587359064686,120.42111429296132,287.6869878836082 +0.0,0.592,0.0,0.856,0.0,0.968,0.869,481.85,2023-10-30,rem us south central smm food,283.0169725950787,121.21606562965395,404.23303822473264 +0.0,0.0,0.0,0.0,0.0,0.561,0.0,132.94,2023-10-30,rem us west north central smm food,9.54017171636033,116.87534949756936,126.4155212139297 +0.0,0.0,0.0,0.651,0.0,0.657,0.85,70.55,2023-10-30,richmond/petersburg smm food,-30.34626292809824,119.5396831315971,89.19342020349886 +0.853,0.866,0.0,0.0,0.0,0.0,0.0,99.62,2023-10-30,sacramento/stockton/modesto smm food,-44.827275118197626,119.47058757652432,74.6433124583267 +0.0,0.0,0.93,0.504,0.0,0.0,0.841,90.45,2023-10-30,salt lake city smm food,-32.689547694016525,119.65244961942699,86.96290192541046 +0.842,0.0,0.857,0.686,0.0,0.0,0.0,95.86,2023-10-30,san diego smm food,-37.700043815451444,120.38143926763176,82.68139545218031 +0.0,0.0,0.607,0.0,0.0,0.0,0.0,96.79,2023-10-30,san francisco/oakland/san jose smm food,-27.53844371874822,117.05045082819382,89.51200710944559 +0.0,0.0,0.8160000000000001,0.0,0.0,0.0,0.584,95.01,2023-10-30,seattle/tacoma smm food,-27.669600260363957,118.1054913254282,90.43589106506425 +0.886,0.0,0.6980000000000001,0.0,0.0,0.0,0.0,98.03,2023-10-30,st. louis smm food,-28.710263235806057,118.85761328511839,90.14735004931234 +0.9759999999999999,0.9390000000000001,0.607,0.941,0.0,0.0,0.0,101.03,2023-10-30,tampa/ft. myers smm food,56.84084685459594,122.4413443258925,179.28219118048844 +0.784,0.881,0.5750000000000001,0.849,0.0,0.803,0.607,47.05,2023-10-30,tucson/sierra vista smm food,-53.092110121747545,123.27792735750283,70.18581723575528 +0.8130000000000001,0.0,0.0,0.664,0.0,0.0,0.0,164.83,2023-10-30,washington dc/hagerstown smm food,56.60701941749206,119.38108107731776,175.98810049480983 +0.705,0.876,0.0,0.511,0.0,0.683,0.754,35.28,2023-10-30,yakima/pasco/richland/kennewick smm food,-62.897414399258366,121.91583761248297,59.01842321322461 +0.717,0.596,0.769,0.0,0.0,0.0,0.874,102.9,2023-11-06,albany/schenectady/troy smm food,-34.057488325336934,120.82581586603855,86.76832754070162 +0.0,0.79,0.88,0.0,0.0,0.6930000000000001,0.541,59.53,2023-11-06,albuquerque/santa fe smm food,-45.622227404454875,119.96506960301527,74.34284219856039 +0.0,0.7030000000000001,0.0,0.0,0.0,0.0,0.809,352.98,2023-11-06,atlanta smm food,48.833174073915465,118.71561393353649,167.54878800745195 +0.0,0.883,0.727,0.609,0.0,0.0,0.611,79.85,2023-11-06,baltimore smm food,-11.133995575951698,120.76704258214872,109.63304700619702 +0.9910000000000001,0.0,0.551,0.0,0.0,0.0,0.0,40.99,2023-11-06,baton rouge smm food,-65.78611486272575,118.90643321811051,53.120318355384754 +0.737,0.8280000000000001,0.0,0.0,0.0,0.0,0.0,78.65,2023-11-06,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,119.18467804050647,65.0458381778937 +0.0,0.0,0.0,0.89,0.0,0.0,0.0,223.38,2023-11-06,boston/manchester smm food,66.92993459998871,118.28545253274073,185.21538713272946 +0.793,0.0,0.624,0.0,0.0,0.0,0.558,93.32,2023-11-06,buffalo smm food,-52.4511634583843,119.39918801923889,66.94802456085459 +0.502,0.611,0.0,0.0,0.0,0.0,0.0,122.7,2023-11-06,charlotte smm food,10.686528499937081,118.3777850998174,129.06431359975448 +0.732,0.0,0.904,0.768,0.0,0.0,0.521,167.66,2023-11-06,chicago smm food,60.708498931683316,121.13639459298656,181.84489352466989 +0.8,0.779,0.0,0.0,0.0,0.0,0.732,119.91,2023-11-06,cleveland/akron/canton smm food,14.676717884071213,120.27461120300742,134.95132908707865 +0.0,0.0,0.0,0.894,0.0,0.732,0.855,98.03,2023-11-06,columbus oh smm food,-12.49362207652284,120.11934312144678,107.62572104492394 +0.0,0.0,0.597,0.5,0.0,0.975,0.544,104.85,2023-11-06,dallas/ft. worth smm food,-11.137199584849201,119.67110058416768,108.53390099931848 +0.581,0.84,0.73,0.0,0.0,0.0,0.0,77.65,2023-11-06,des moines/ames smm food,-54.00605940238191,119.66778001795014,65.66172061556823 +0.0,0.638,0.0,0.8320000000000001,0.0,0.0,0.5680000000000001,179.26,2023-11-06,detroit smm food,43.90856628677271,120.01407511059193,163.92264139736466 +0.0,0.0,0.0,0.523,0.0,0.716,0.0,76.9,2023-11-06,grand rapids smm food,-6.398790457565139,118.10224981301064,111.7034593554455 +0.733,0.0,0.514,0.0,0.0,0.0,0.0,58.48,2023-11-06,greensboro smm food,-32.84511351029591,118.36918958033634,85.52407607004042 +0.0,0.511,0.0,0.0,0.0,0.866,0.759,128.23,2023-11-06,harrisburg/lancaster smm food,-31.389249071557845,119.04345026869034,87.6542011971325 +0.0,0.706,0.627,0.0,0.0,0.0,0.0,105.53,2023-11-06,hartford/new haven smm food,-3.8036265251073567,118.21942404741365,114.41579752230629 +0.98,0.683,0.0,0.0,0.0,0.0,0.51,192.18,2023-11-06,houston smm food,51.232085221846255,120.14847389766136,171.3805591195076 +0.0,0.626,0.0,0.543,0.0,0.869,0.0,104.04,2023-11-06,indianapolis smm food,-27.3931217903632,119.28795015995864,91.89482836959544 +0.0,0.796,0.0,0.662,0.0,0.517,0.0,156.86,2023-11-06,jacksonville smm food,-30.11446677612209,119.52531414989127,89.41084737376919 +0.687,0.0,0.0,0.0,0.0,0.972,0.718,50.14,2023-11-06,kansas city smm food,-35.92065625455669,119.56825405429542,83.64759779973873 +0.797,0.0,0.0,0.9510000000000001,0.0,0.0,0.0,69.65,2023-11-06,knoxville smm food,-47.01133837972032,119.95354402291188,72.94220564319156 +0.0,0.0,0.0,0.0,0.0,0.58,0.658,87.16,2023-11-06,las vegas smm food,-43.338372299245414,117.83291979256005,74.49454749331463 +0.0,0.0,0.9070000000000001,0.0,0.0,0.0,0.0,51.83,2023-11-06,little rock/pine bluff smm food,-58.710785610175435,117.36483010102386,58.65404449084842 +0.986,0.775,0.0,0.516,0.0,0.908,0.0,188.15,2023-11-06,los angeles smm food,37.56221942851599,121.41052681696664,158.97274624548263 +0.0,0.525,0.704,0.0,0.0,0.0,0.608,25.89,2023-11-06,madison wi smm food,-63.99517148799614,118.87617374783238,54.881002259836244 +0.0,0.538,0.6990000000000001,0.0,0.0,0.493,0.8300000000000001,467.08000000000004,2023-11-06,miami/west palm beach smm food,67.70745756991558,119.61499123671801,187.3224488066336 +0.883,0.905,0.933,0.0,0.0,0.0,0.905,83.17,2023-11-06,milwaukee smm food,-48.26118428614204,121.8652352460501,73.60405095990807 +0.0,0.0,0.8320000000000001,0.868,0.0,0.0,0.717,84.36,2023-11-06,minneapolis/st. paul smm food,-30.66363431628655,120.13749781574839,89.47386349946184 +0.0,0.0,0.58,0.0,0.0,0.0,0.838,115.53,2023-11-06,mobile/pensacola smm food,-48.947921889963226,118.2217923466227,69.27387045665948 +0.67,0.835,0.0,0.792,0.0,0.0,0.0,123.47,2023-11-06,nashville smm food,-20.942188827432304,120.73167793223585,99.78948910480355 +0.836,0.891,0.644,0.6950000000000001,0.0,0.801,0.0,31.389999999999997,2023-11-06,new orleans smm food,-56.864739449880446,122.27260767697481,65.40786822709437 +0.0,0.554,0.0,0.0,0.0,0.0,0.0,352.89,2023-11-06,new york smm food,173.74740881857215,117.31520675054627,291.0626155691184 +0.0,0.679,0.602,0.766,0.0,0.0,0.628,136.11,2023-11-06,norfolk/portsmouth/newport news smm food,-14.10441751758284,120.65873627236607,106.55431875478322 +0.0,0.0,0.0,0.937,0.0,1.0,0.0,71.76,2023-11-06,oklahoma city smm food,-62.80511264619615,119.20599713212124,56.40088448592509 +0.0,0.785,0.0,0.5650000000000001,0.0,0.0,0.0,60.82,2023-11-06,omaha smm food,-55.53812691614876,118.87866238309284,63.34053546694408 +0.618,0.0,0.0,0.0,0.0,0.0,0.0,429.4,2023-11-06,orlando/daytona beach/melborne smm food,16.201025400694412,117.60836676604883,133.80939216674324 +0.869,0.0,0.0,0.0,0.0,0.887,0.809,59.88000000000001,2023-11-06,paducah ky/cape girardeau mo smm food,-60.85509863333336,119.98031138106005,59.125212747726685 +0.0,0.0,0.515,0.555,0.0,0.764,0.528,210.62,2023-11-06,philadelphia smm food,83.32339087166719,119.50450916727614,202.8279000389433 +0.768,0.898,0.0,0.66,0.0,0.786,0.749,124.72000000000001,2023-11-06,phoenix/prescott smm food,0.5686043532995056,122.46406263242868,123.03266698572818 +0.55,0.0,0.781,0.0,0.0,0.854,0.752,137.29,2023-11-06,pittsburgh smm food,-11.862124417323331,120.07370452259202,108.2115801052687 +0.511,0.9500000000000001,0.781,0.0,0.0,0.0,0.98,118.23,2023-11-06,portland or smm food,-29.518047286931516,121.16776497645748,91.64971768952596 +0.0,0.0,0.0,0.558,0.0,0.597,0.893,50.71,2023-11-06,providence ri/new bedford ma smm food,-33.166050408362494,119.35641658370714,86.19036617534465 +0.0,0.0,0.0,0.856,0.0,0.0,0.592,115.25,2023-11-06,raleigh/durham/fayetteville smm food,8.915816009933655,119.06144777591307,127.97726378584672 +0.0,0.6890000000000001,0.552,0.599,0.0,0.809,0.876,328.58,2023-11-06,rem us east north central smm food,190.03931593595715,121.29131348999508,311.3306294259522 +0.0,0.0,0.503,0.9070000000000001,0.0,0.87,0.5660000000000001,151.42,2023-11-06,rem us middle atlantic smm food,14.385666495529572,120.37346543252826,134.75913192805783 +0.0,0.981,0.8210000000000001,0.602,0.0,0.625,0.746,211.25,2023-11-06,rem us mountain smm food,57.543154764893536,121.71703016795348,179.260184932847 +0.937,0.0,0.781,0.516,0.0,0.578,0.527,181.28,2023-11-06,rem us new england smm food,31.807273846886304,121.35732844620306,153.16460229308936 +0.0,0.74,0.0,0.736,0.0,0.597,0.916,129.58,2023-11-06,rem us pacific smm food,-11.30071256415528,120.9668627210803,109.66615015692503 +0.0,0.747,0.0,0.0,0.0,0.749,0.526,416.92,2023-11-06,rem us south atlantic smm food,167.26587359064686,118.99751274139778,286.26338633204466 +0.0,0.0,0.0,0.58,0.0,0.0,0.0,529.82,2023-11-06,rem us south central smm food,283.0169725950787,117.63372254663103,400.6506951417097 +0.843,0.9430000000000001,0.892,0.676,0.0,0.8310000000000001,0.0,147.55,2023-11-06,rem us west north central smm food,9.54017171636033,122.61528252048737,132.1554542368477 +0.9530000000000001,0.0,0.754,0.725,0.0,0.616,0.0,109.94,2023-11-06,richmond/petersburg smm food,-30.34626292809824,121.0761404249224,90.72987749682416 +0.0,0.0,0.0,0.712,0.0,0.0,0.0,83.77,2023-11-06,sacramento/stockton/modesto smm food,-44.827275118197626,117.91123337942614,73.0839582612285 +0.0,0.93,0.0,0.0,0.0,0.844,0.967,83.02,2023-11-06,salt lake city smm food,-32.689547694016525,120.00446249521778,87.31491480120125 +0.9000000000000001,0.747,0.548,0.0,0.0,0.9700000000000001,0.771,79.67,2023-11-06,san diego smm food,-37.700043815451444,121.84296039206941,84.14291657661798 +0.8170000000000001,0.0,0.859,0.511,0.0,0.0,0.0,82.62,2023-11-06,san francisco/oakland/san jose smm food,-27.53844371874822,119.967321665118,92.4288779463698 +0.8170000000000001,0.778,0.8310000000000001,0.0,0.0,0.0,0.87,108.41,2023-11-06,seattle/tacoma smm food,-27.669600260363957,121.3742140063026,93.70461374593864 +0.9210000000000002,0.658,0.0,0.0,0.0,0.812,0.686,90.61,2023-11-06,st. louis smm food,-28.710263235806057,120.91303064100224,92.20276740519618 +0.9350000000000002,0.0,0.496,0.0,0.0,0.77,0.771,528.14,2023-11-06,tampa/ft. myers smm food,56.84084685459594,120.47705912131786,177.3179059759138 +0.0,0.559,0.0,0.0,0.0,0.98,0.0,30.120000000000005,2023-11-06,tucson/sierra vista smm food,-53.092110121747545,118.12863641115351,65.03652628940597 +0.558,0.861,0.547,0.0,0.0,0.0,0.539,210.62,2023-11-06,washington dc/hagerstown smm food,56.60701941749206,120.23732250077147,176.84434191826352 +0.658,0.0,0.932,0.0,0.0,0.836,0.562,78.89,2023-11-06,yakima/pasco/richland/kennewick smm food,-62.897414399258366,120.15381905720712,57.25640465794875 +0.0,0.966,0.9490000000000002,0.0,0.0,0.0,0.0,105.38,2023-11-13,albany/schenectady/troy smm food,-34.057488325336934,118.9796393813675,84.92215105603057 +0.0,0.0,0.764,0.0,0.0,0.577,0.884,96.88,2023-11-13,albuquerque/santa fe smm food,-45.622227404454875,118.95460322990799,73.33237582545311 +0.0,0.58,0.0,0.0,0.0,0.0,0.9380000000000001,246.56,2023-11-13,atlanta smm food,48.833174073915465,118.70027517416935,167.53344924808482 +0.0,0.932,0.0,0.0,0.0,0.0,0.497,78.1,2023-11-13,baltimore smm food,-11.133995575951698,118.64134455043272,107.50734897448102 +0.8240000000000001,0.795,0.0,0.9380000000000001,0.0,0.905,0.6910000000000001,53.63,2023-11-13,baton rouge smm food,-65.78611486272575,123.00398245828448,57.21786759555873 +0.85,0.0,0.0,0.971,0.0,0.0,0.0,59.17,2023-11-13,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,120.09799003463735,65.95915017202458 +0.988,0.661,0.0,0.0,0.0,0.911,0.971,244.91,2023-11-13,boston/manchester smm food,66.92993459998871,121.53669888027345,188.46663348026215 +0.9630000000000002,0.0,0.0,0.654,0.0,0.0,0.537,66.37,2023-11-13,buffalo smm food,-52.4511634583843,120.41860605105175,67.96744259266745 +0.745,0.647,0.249,0.789,0.0,0.0,0.756,113.42999999999999,2023-11-13,charlotte smm food,10.686528499937081,121.9077550564058,132.59428355634287 +0.0,0.973,0.0,0.786,0.0,0.0,0.863,200.23,2023-11-13,chicago smm food,60.708498931683316,120.88441070346795,181.59290963515127 +0.0,0.902,0.891,0.0,0.0,0.0,0.8140000000000001,138.33,2023-11-13,cleveland/akron/canton smm food,14.676717884071213,119.98006862232249,134.6567865063937 +0.0,0.0,0.929,0.846,0.0,0.0,0.0,169.2,2023-11-13,columbus oh smm food,-12.49362207652284,119.16647673667272,106.67285466014988 +0.0,0.772,0.0,0.0,0.0,0.992,0.0,161.89,2023-11-13,dallas/ft. worth smm food,-11.137199584849201,118.4848528981568,107.3476533133076 +0.786,0.0,0.709,0.896,0.0,0.992,0.0,54.4,2023-11-13,des moines/ames smm food,-54.00605940238191,121.37480497153429,67.36874556915238 +0.966,0.664,0.0,0.8140000000000001,0.0,0.0,0.0,248.16,2023-11-13,detroit smm food,43.90856628677271,121.07175782870024,164.98032411547297 +0.9280000000000002,0.0,0.768,0.0,0.0,0.8230000000000001,0.663,138.92,2023-11-13,grand rapids smm food,-6.398790457565139,120.6375168600173,114.23872640245216 +0.0,0.0,0.0,0.0,0.0,0.0,0.5630000000000001,62.27,2023-11-13,greensboro smm food,-32.84511351029591,117.22031723469965,84.37520372440375 +0.86,0.796,0.894,0.598,0.0,0.859,0.0,121.19000000000001,2023-11-13,harrisburg/lancaster smm food,-31.389249071557845,122.27021399189641,90.88096492033857 +0.8320000000000001,0.0,0.585,0.0,0.0,0.774,0.8280000000000001,162.51,2023-11-13,hartford/new haven smm food,-3.8036265251073567,120.45620837044774,116.65258184534038 +0.0,0.0,0.896,0.0,0.0,0.0,0.654,223.83,2023-11-13,houston smm food,51.232085221846255,118.28953402695238,169.52161924879863 +0.0,0.0,0.674,0.0,0.0,0.709,0.0,93.17,2023-11-13,indianapolis smm food,-27.3931217903632,117.70327155128943,90.31014976092624 +0.849,0.0,0.0,0.0,0.0,0.9440000000000001,0.0,101.46,2023-11-13,jacksonville smm food,-30.11446677612209,118.8303882990616,88.71592152293951 +0.0,0.0,0.8130000000000001,0.669,0.0,0.931,0.0,125.73000000000002,2023-11-13,kansas city smm food,-35.92065625455669,119.4378342359642,83.51717798140751 +0.517,0.9590000000000001,0.0,0.872,0.0,0.54,0.0,78.69,2023-11-13,knoxville smm food,-47.01133837972032,121.24963250983036,74.23829413011003 +0.0,0.0,0.0,0.766,0.0,0.0,0.0,79.81,2023-11-13,las vegas smm food,-43.338372299245414,118.02476053829685,74.68638823905144 +0.0,0.0,0.0,0.0,0.0,0.0,0.652,28.82,2023-11-13,little rock/pine bluff smm food,-58.710785610175435,117.34772483984945,58.63693922967401 +0.0,0.585,0.0,0.522,0.0,0.744,0.0,189.94,2023-11-13,los angeles smm food,37.56221942851599,119.07441456560228,156.63663399411826 +0.61,0.664,0.536,0.0,0.0,0.9510000000000001,0.88,66.21,2023-11-13,madison wi smm food,-63.99517148799614,121.2755499602612,57.28037847226506 +0.909,0.0,0.809,0.6920000000000001,0.0,0.0,0.876,158.92,2023-11-13,miami/west palm beach smm food,67.70745756991558,121.72723480455781,189.4346923744734 +0.551,0.0,0.9759999999999999,0.0,0.0,0.0,0.0,82.74,2023-11-13,milwaukee smm food,-48.26118428614204,118.50169964758463,70.24051536144259 +0.892,0.609,0.0,0.877,0.0,0.895,0.833,64.38,2023-11-13,minneapolis/st. paul smm food,-30.66363431628655,122.89972932869401,92.23609501240746 +0.0,0.0,0.84,0.0,0.0,0.626,0.634,41.44,2023-11-13,mobile/pensacola smm food,-48.947921889963226,118.71662440998455,69.76870252002132 +0.0,0.0,0.681,0.0,0.0,0.682,0.873,150.86,2023-11-13,nashville smm food,-20.942188827432304,118.938160019074,97.9959711916417 +0.53,0.0,0.0,0.768,0.0,0.0,0.0,53.36,2023-11-13,new orleans smm food,-56.864739449880446,119.05295440635875,62.188214956478305 +0.886,0.726,0.0,0.0,0.0,0.0,0.668,550.32,2023-11-13,new york smm food,173.74740881857215,120.26296658313707,294.0103754017092 +0.887,0.9269999999999999,0.0,0.841,0.0,0.757,0.667,142.29,2023-11-13,norfolk/portsmouth/newport news smm food,-14.10441751758284,122.98044273808136,108.87602522049852 +0.642,0.681,0.0,0.75,0.0,0.973,0.657,39.4,2023-11-13,oklahoma city smm food,-62.80511264619615,122.0789376202085,59.273824974012356 +0.0,0.0,0.0,0.79,0.0,0.0,0.0,65.27,2023-11-13,omaha smm food,-55.53812691614876,118.07521705335051,62.53709013720175 +0.538,0.9000000000000001,0.0,0.562,0.0,0.0,0.607,148.89,2023-11-13,orlando/daytona beach/melborne smm food,16.201025400694412,120.96774896085107,137.16877436154547 +0.509,0.0,0.8310000000000001,0.648,0.0,0.0,0.0,76.21,2023-11-13,paducah ky/cape girardeau mo smm food,-60.85509863333336,119.63092926149392,58.775830628160556 +0.752,0.0,0.555,0.724,0.0,0.591,0.555,312.05,2023-11-13,philadelphia smm food,83.32339087166719,121.2511215123655,204.5745123840327 +0.0,0.0,0.9129999999999999,0.0,0.0,0.0,0.672,169.22,2023-11-13,phoenix/prescott smm food,0.5686043532995056,118.33311668266778,118.90172103596728 +0.858,0.0,0.0,0.775,0.0,0.65,0.0,124.60000000000001,2023-11-13,pittsburgh smm food,-11.862124417323331,120.23551198580404,108.37338756848071 +0.0,0.612,0.936,0.0,0.0,0.636,0.0,106.92,2023-11-13,portland or smm food,-29.518047286931516,118.91300567173168,89.39495838480016 +0.0,0.514,0.0,0.0,0.0,0.8140000000000001,0.0,120.04999999999998,2023-11-13,providence ri/new bedford ma smm food,-33.166050408362494,117.91905484456515,84.75300443620266 +0.96,0.878,0.0,0.0,0.0,0.0,0.0,131.75,2023-11-13,raleigh/durham/fayetteville smm food,8.915816009933655,119.69683045928664,128.6126464692203 +0.0,0.843,0.759,0.0,0.0,0.0,0.0,479.11,2023-11-13,rem us east north central smm food,190.03931593595715,118.58052429904706,308.6198402350042 +0.974,0.915,0.91,0.751,0.0,0.643,0.8170000000000001,154.87,2023-11-13,rem us middle atlantic smm food,14.385666495529572,124.01447797600228,138.40014447153186 +0.0,0.746,0.6920000000000001,0.622,0.0,0.0,0.729,309.54,2023-11-13,rem us mountain smm food,57.543154764893536,120.70384468383398,178.2469994487275 +0.933,0.0,0.0,0.9430000000000001,0.0,0.0,0.0,188.62,2023-11-13,rem us new england smm food,31.807273846886304,120.19948466673516,152.00675851362146 +0.0,0.6940000000000001,0.0,0.89,0.0,0.888,0.0,126.05,2023-11-13,rem us pacific smm food,-11.30071256415528,120.14365386229196,108.84294129813668 +0.0,0.759,0.0,0.58,0.0,0.615,0.5660000000000001,301.25,2023-11-13,rem us south atlantic smm food,167.26587359064686,120.18354101709878,287.44941460774567 +0.0,0.971,0.968,0.0,0.0,0.594,0.812,489.64,2023-11-13,rem us south central smm food,283.0169725950787,120.65820588829041,403.6751784833691 +0.718,0.0,0.639,0.686,0.0,0.608,0.9980000000000001,179.37,2023-11-13,rem us west north central smm food,9.54017171636033,121.84171276625364,131.38188448261397 +0.9580000000000001,0.0,0.772,0.0,0.0,0.0,0.0,83.7,2023-11-13,richmond/petersburg smm food,-30.34626292809824,119.07426813356767,88.72800520546943 +0.671,0.0,0.0,0.887,0.0,0.712,0.0,105.59,2023-11-13,sacramento/stockton/modesto smm food,-44.827275118197626,120.16062893802334,75.3333538198257 +0.513,0.0,0.0,0.5730000000000001,0.0,0.0,0.0,118.37999999999998,2023-11-13,salt lake city smm food,-32.689547694016525,118.610150286276,85.92060259225947 +0.806,0.0,0.846,0.592,0.0,0.0,0.7010000000000001,83.32,2023-11-13,san diego smm food,-37.700043815451444,121.10625053024597,83.40620671479454 +0.779,0.0,0.0,0.755,0.0,0.796,0.0,122.20000000000002,2023-11-13,san francisco/oakland/san jose smm food,-27.53844371874822,120.16080569657667,92.62236197782846 +0.528,0.724,0.0,0.0,0.0,0.0,0.0,101.88,2023-11-13,seattle/tacoma smm food,-27.669600260363957,118.61176590971827,90.94216564935431 +0.0,0.638,0.9140000000000001,0.0,0.0,0.0,0.861,102.08,2023-11-13,st. louis smm food,-28.710263235806057,119.6421677879941,90.93190455218804 +0.0,0.0,0.67,0.596,0.0,0.862,0.0,174.29,2023-11-13,tampa/ft. myers smm food,56.84084685459594,119.07780857519971,175.91865542979565 +0.515,0.0,0.661,0.918,0.0,0.0,0.0,52.91,2023-11-13,tucson/sierra vista smm food,-53.092110121747545,120.03200913133978,66.93989900959224 +0.0,0.0,0.514,0.987,0.0,0.0,0.5750000000000001,166.81,2023-11-13,washington dc/hagerstown smm food,56.60701941749206,119.85115645723333,176.45817587472538 +0.0,0.859,0.0,0.626,0.0,0.9199999999999999,0.0,16.43,2023-11-13,yakima/pasco/richland/kennewick smm food,-62.897414399258366,119.88323137798032,56.98581697872196 +0.908,0.0,0.0,0.9829999999999999,0.0,0.9000000000000001,0.862,78.54,2023-11-20,albany/schenectady/troy smm food,-34.057488325336934,122.2088307747422,88.15134244940526 +0.711,0.0,0.0,0.808,0.0,0.577,0.726,74.99,2023-11-20,albuquerque/santa fe smm food,-45.622227404454875,121.0001935171479,75.37796611269303 +0.0,0.735,0.8240000000000001,0.806,0.0,0.0,0.81,269.08,2023-11-20,atlanta smm food,48.833174073915465,121.32707316905756,170.160247242973 +0.0,0.0,0.0,0.836,0.0,0.0,0.779,130.44,2023-11-20,baltimore smm food,-11.133995575951698,119.28709980546215,108.15310422951045 +0.0,0.0,0.0,0.685,0.0,0.0,0.584,45.59,2023-11-20,baton rouge smm food,-65.78611486272575,118.69049273715355,52.904377874427794 +0.0,0.873,0.897,0.9570000000000001,0.0,0.655,0.612,36.95,2023-11-20,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,122.20021674137669,68.06137687876392 +0.663,0.5,0.617,0.769,0.0,0.905,0.0,318.45,2023-11-20,boston/manchester smm food,66.92993459998871,121.51530415282706,188.44523875281578 +0.0,0.886,0.885,0.726,0.0,0.0,0.704,87.97,2023-11-20,buffalo smm food,-52.4511634583843,121.31660321538959,68.86543975700529 +0.9380000000000001,0.0,0.0,0.9980000000000001,0.0,0.0,0.643,153.46,2023-11-20,charlotte smm food,10.686528499937081,121.24525861403396,131.93178711397104 +0.0,0.0,0.844,0.0,0.0,0.0,0.995,237.68,2023-11-20,chicago smm food,60.708498931683316,118.7231988483819,179.4316977800652 +0.8230000000000001,0.0,0.0,0.994,0.0,0.9630000000000002,0.9759999999999999,172.84,2023-11-20,cleveland/akron/canton smm food,14.676717884071213,122.28269749661408,136.9594153806853 +0.0,0.602,0.607,0.0,0.0,0.0,0.758,202.98,2023-11-20,columbus oh smm food,-12.49362207652284,119.11446475973975,106.6208426832169 +0.0,0.868,0.608,0.0,0.0,0.687,0.8210000000000001,223.64,2023-11-20,dallas/ft. worth smm food,-11.137199584849201,120.2027693815179,109.0655697966687 +0.0,0.0,0.6990000000000001,0.878,0.0,0.711,0.919,89.22,2023-11-20,des moines/ames smm food,-54.00605940238191,120.89257169005076,66.88651228766885 +0.0,0.0,0.5750000000000001,0.0,0.0,0.0,0.992,324.05,2023-11-20,detroit smm food,43.90856628677271,118.43701079536847,162.34557708214118 +0.6960000000000001,0.8140000000000001,0.0,0.741,0.0,0.555,0.854,225.40000000000003,2023-11-20,grand rapids smm food,-6.398790457565139,122.31914624391769,115.92035578635254 +0.0,0.0,0.0,0.86,0.0,0.988,0.0,86.6,2023-11-20,greensboro smm food,-32.84511351029591,119.03425500590197,86.18914149560607 +0.852,0.887,0.9910000000000001,0.875,0.0,0.793,0.0,101.88,2023-11-20,harrisburg/lancaster smm food,-31.389249071557845,123.03249824229675,91.64324917073891 +0.541,0.0,0.0,0.0,0.0,0.602,0.0,173.56,2023-11-20,hartford/new haven smm food,-3.8036265251073567,117.95428235210608,114.15065582699872 +0.9759999999999999,0.0,0.0,0.0,0.0,0.889,0.0,273.61,2023-11-20,houston smm food,51.232085221846255,119.03056392026849,170.26264914211475 +0.0,0.515,0.859,0.68,0.0,0.882,0.0,157.78,2023-11-20,indianapolis smm food,-27.3931217903632,120.3063327454629,92.9132109550997 +0.582,0.85,0.0,0.966,0.0,0.0,0.578,79.59,2023-11-20,jacksonville smm food,-30.11446677612209,121.77929173044335,91.66482495432126 +0.0,0.8270000000000001,0.652,0.753,0.0,0.0,0.8310000000000001,115.1,2023-11-20,kansas city smm food,-35.92065625455669,121.21506635358404,85.29441009902735 +0.964,0.0,0.852,0.0,0.0,0.0,0.61,123.44,2023-11-20,knoxville smm food,-47.01133837972032,120.04293807283831,73.03159969311798 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,113.98999999999998,2023-11-20,las vegas smm food,-43.338372299245414,116.41435676616771,73.0759844669223 +0.641,0.0,0.793,0.873,0.0,0.592,0.0,77.84,2023-11-20,little rock/pine bluff smm food,-58.710785610175435,120.8056354607217,62.09484985054627 +0.0,0.0,0.612,0.0,0.0,0.0,0.6950000000000001,242.67,2023-11-20,los angeles smm food,37.56221942851599,118.05061503980971,155.6128344683257 +0.746,0.0,0.0,0.0,0.0,0.0,0.9460000000000001,69.28,2023-11-20,madison wi smm food,-63.99517148799614,119.2099124426091,55.21474095461296 +0.0,0.535,0.0,0.0,0.0,0.0,0.603,180.62,2023-11-20,miami/west palm beach smm food,67.70745756991558,118.14753348700778,185.85499105692335 +0.0,0.0,0.551,0.0,0.0,0.955,0.623,97.35,2023-11-20,milwaukee smm food,-48.26118428614204,118.6683758307983,70.40719154465626 +0.0,0.0,0.0,0.834,0.0,0.0,0.996,113.15,2023-11-20,minneapolis/st. paul smm food,-30.66363431628655,119.59354060505984,88.9299062887733 +0.0,0.592,0.723,0.873,0.0,0.0,0.0,81.42,2023-11-20,mobile/pensacola smm food,-48.947921889963226,119.97000768730649,71.02208579734327 +0.0,0.0,0.0,0.665,0.0,0.0,0.0,119.14,2023-11-20,nashville smm food,-20.942188827432304,117.81242270411272,96.87023387668042 +0.639,0.0,0.0,0.0,0.0,0.52,0.0,97.64,2023-11-20,new orleans smm food,-56.864739449880446,118.0762415618995,61.21150211201905 +0.0,0.653,0.539,0.8310000000000001,0.0,0.988,0.0,464.20000000000005,2023-11-20,new york smm food,173.74740881857215,120.59995367886704,294.3473624974392 +0.0,0.744,0.769,0.632,0.0,0.0,0.0,157.22,2023-11-20,norfolk/portsmouth/newport news smm food,-14.10441751758284,119.75870962046258,105.65429210287974 +0.0,0.538,0.623,0.523,0.0,0.0,0.659,64.7,2023-11-20,oklahoma city smm food,-62.80511264619615,119.98497083282419,57.17985818662804 +0.0,0.0,0.0,0.783,0.0,0.8260000000000001,0.546,94.94,2023-11-20,omaha smm food,-55.53812691614876,119.5208769754748,63.982750059326044 +0.783,0.812,0.96,0.9700000000000001,0.0,0.0,0.0,150.27,2023-11-20,orlando/daytona beach/melborne smm food,16.201025400694412,122.29283306631457,138.49385846700898 +0.0,0.0,0.0,0.854,0.0,0.0,0.556,72.02,2023-11-20,paducah ky/cape girardeau mo smm food,-60.85509863333336,119.00570740581523,58.15060877248187 +0.672,0.6960000000000001,0.9570000000000001,0.0,0.0,0.0,0.0,289.17,2023-11-20,philadelphia smm food,83.32339087166719,119.84732138822827,203.17071225989545 +0.0,0.0,0.842,0.0,0.0,0.0,0.745,205.5,2023-11-20,phoenix/prescott smm food,0.5686043532995056,118.36321645524335,118.93182080854285 +0.885,0.0,0.918,0.978,0.0,0.909,0.677,133.45,2023-11-20,pittsburgh smm food,-11.862124417323331,122.85844188240489,110.99631746508156 +0.533,0.749,0.0,0.0,0.0,0.8160000000000001,0.0,150.68,2023-11-20,portland or smm food,-29.518047286931516,119.33261314194431,89.81456585501279 +0.0,0.9689999999999999,0.0,0.0,0.0,0.0,0.0,140.48,2023-11-20,providence ri/new bedford ma smm food,-33.166050408362494,117.99003119732805,84.82398078896556 +0.651,0.653,0.537,0.0,0.0,0.0,0.743,135.55,2023-11-20,raleigh/durham/fayetteville smm food,8.915816009933655,120.36033445282794,129.2761504627616 +0.0,0.9840000000000001,0.0,0.78,0.0,0.551,0.0,695.56,2023-11-20,rem us east north central smm food,190.03931593595715,120.1070345737972,310.14635050975437 +0.0,0.0,0.0,0.999,0.0,0.9129999999999999,0.0,237.39,2023-11-20,rem us middle atlantic smm food,14.385666495529572,119.26485227794936,133.65051877347892 +0.912,0.0,0.596,0.53,0.0,0.91,0.666,305.46,2023-11-20,rem us mountain smm food,57.543154764893536,121.61639339387679,179.15954815877032 +0.972,0.0,0.746,0.0,0.0,0.673,0.0,233.31,2023-11-20,rem us new england smm food,31.807273846886304,119.6270976310434,151.4343714779297 +0.0,0.0,0.986,0.0,0.0,0.0,0.881,148.21,2023-11-20,rem us pacific smm food,-11.30071256415528,118.70880877923967,107.4080962150844 +0.872,0.0,0.0,0.0,0.0,0.0,0.0,349.78,2023-11-20,rem us south atlantic smm food,167.26587359064686,118.09910874011,285.36498233075685 +0.0,0.0,0.0,0.0,0.0,0.0,0.629,674.62,2023-11-20,rem us south central smm food,283.0169725950787,117.31479927896804,400.33177187404675 +0.0,0.978,0.0,0.903,0.0,0.6910000000000001,0.0,210.47,2023-11-20,rem us west north central smm food,9.54017171636033,120.4709104647908,130.01108218115112 +0.9910000000000001,0.648,0.8170000000000001,0.894,0.0,0.676,0.601,110.81,2023-11-20,richmond/petersburg smm food,-30.34626292809824,123.53424116651246,93.18797823841422 +0.893,0.522,0.772,0.78,0.0,0.0,0.0,67.97,2023-11-20,sacramento/stockton/modesto smm food,-44.827275118197626,121.43733662501334,76.61006150681573 +0.543,0.0,0.0,0.0,0.0,0.0,0.0,152.83,2023-11-20,salt lake city smm food,-32.689547694016525,117.46346263984967,84.77391494583314 +0.593,0.0,0.726,0.725,0.0,0.0,0.904,80.51,2023-11-20,san diego smm food,-37.700043815451444,121.13918815372892,83.43914433827749 +0.713,0.0,0.6950000000000001,0.704,0.0,0.8280000000000001,0.759,97.5,2023-11-20,san francisco/oakland/san jose smm food,-27.53844371874822,121.76722094774534,94.22877722899713 +0.805,0.0,0.768,0.0,0.0,0.0,0.0,171.89,2023-11-20,seattle/tacoma smm food,-27.669600260363957,118.77447199248364,91.10487173211968 +0.0,0.668,0.0,0.0,0.0,0.86,0.0,129.09,2023-11-20,st. louis smm food,-28.710263235806057,118.20727138773343,89.49700815192737 +0.0,0.981,0.0,0.841,0.0,0.0,0.52,176.16,2023-11-20,tampa/ft. myers smm food,56.84084685459594,120.52202856019632,177.36287541479226 +0.0,0.0,0.0,0.592,0.0,0.748,0.0,35.65,2023-11-20,tucson/sierra vista smm food,-53.092110121747545,118.27360777936005,65.18149765761251 +0.0,0.0,0.631,0.598,0.0,0.0,0.9339999999999999,267.73,2023-11-20,washington dc/hagerstown smm food,56.60701941749206,119.66987341778412,176.2768928352762 +0.91,0.53,0.7010000000000001,0.888,0.0,0.0,0.0,62.61999999999999,2023-11-20,yakima/pasco/richland/kennewick smm food,-62.897414399258366,121.63584144749116,58.73842704823279 +0.607,0.0,0.0,0.904,0.0,0.0,0.613,163.79,2023-11-27,albany/schenectady/troy smm food,-34.057488325336934,120.36518066935646,86.30769234401953 +0.775,0.743,0.0,0.72,0.0,0.6960000000000001,0.854,108.14,2023-11-27,albuquerque/santa fe smm food,-45.622227404454875,122.42804172949748,76.8058143250426 +0.0,0.0,0.862,0.55,0.0,0.0,0.598,320.36,2023-11-27,atlanta smm food,48.833174073915465,119.3300329296623,168.16320700357775 +0.645,0.624,0.802,0.0,0.0,0.6970000000000001,0.65,204.3,2023-11-27,baltimore smm food,-11.133995575951698,121.01890216203121,109.88490658607951 +0.0,0.6930000000000001,0.0,0.0,0.0,0.0,0.0,67.66,2023-11-27,baton rouge smm food,-65.78611486272575,117.54123228814306,51.75511742541731 +0.0,0.532,0.794,0.627,0.0,0.0,0.0,41.64,2023-11-27,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,119.4296665223187,65.29082665970594 +0.0,0.654,0.807,0.0,0.0,0.559,0.996,400.26,2023-11-27,boston/manchester smm food,66.92993459998871,120.20866449921955,187.13859909920825 +0.676,0.584,0.604,0.0,0.0,0.738,0.0,100.51,2023-11-27,buffalo smm food,-52.4511634583843,119.90944833674288,67.45828487835858 +0.0,0.616,0.643,0.0,0.0,0.753,0.0,286.1,2023-11-27,charlotte smm food,10.686528499937081,118.70860911640071,129.3951376163378 +0.0,0.679,0.0,0.0,0.0,0.0,0.8250000000000001,329.41,2023-11-27,chicago smm food,60.708498931683316,118.69949267943791,179.40799161112122 +0.0,0.0,0.0,0.795,0.0,0.0,0.0,225.97999999999996,2023-11-27,cleveland/akron/canton smm food,14.676717884071213,118.08572882732003,132.76244671139125 +0.793,0.868,0.8310000000000001,0.0,0.0,0.0,0.87,149.49,2023-11-27,columbus oh smm food,-12.49362207652284,121.47419215630528,108.98057007978244 +0.0,0.6990000000000001,0.0,0.888,0.0,0.773,0.0,237.29999999999998,2023-11-27,dallas/ft. worth smm food,-11.137199584849201,120.0530801664579,108.9158805816087 +0.677,0.0,0.623,0.0,0.0,0.908,0.64,105.73,2023-11-27,des moines/ames smm food,-54.00605940238191,120.03754289180054,66.03148348941863 +0.0,0.0,0.6940000000000001,0.0,0.0,0.0,0.0,326.81,2023-11-27,detroit smm food,43.90856628677271,117.14162081731453,161.05018710408723 +0.0,0.65,0.0,0.0,0.0,0.0,0.9210000000000002,216.46,2023-11-27,grand rapids smm food,-6.398790457565139,118.78976470034017,112.39097424277503 +0.743,0.0,0.892,0.6900000000000001,0.0,0.0,0.49900000000000005,171.62,2023-11-27,greensboro smm food,-32.84511351029591,120.94959433856873,88.10448082827281 +0.8989999999999999,0.974,0.63,0.724,0.0,0.843,0.0,124.65,2023-11-27,harrisburg/lancaster smm food,-31.389249071557845,122.61010211344038,91.22085304188253 +0.875,0.0,0.846,0.0,0.0,0.0,0.763,230.19000000000003,2023-11-27,hartford/new haven smm food,-3.8036265251073567,120.08372414812635,116.28009762301899 +0.0,0.6990000000000001,0.0,0.0,0.0,0.0,0.0,341.92,2023-11-27,houston smm food,51.232085221846255,117.55098878616882,168.78307400801506 +0.0,0.741,0.807,0.737,0.0,0.5630000000000001,0.78,159.74,2023-11-27,indianapolis smm food,-27.3931217903632,121.59364217633511,94.20052038597191 +0.0,0.685,0.848,0.0,0.0,0.0,0.937,97.99,2023-11-27,jacksonville smm food,-30.11446677612209,119.75822775469446,89.64376097857237 +0.888,0.0,0.0,0.542,0.0,0.0,0.769,132.69,2023-11-27,kansas city smm food,-35.92065625455669,120.3703568890002,84.44970063444352 +0.579,0.656,0.678,0.0,0.0,0.9470000000000001,0.919,97.52,2023-11-27,knoxville smm food,-47.01133837972032,121.40399714306034,74.39265876334002 +0.0,0.0,0.0,0.0,0.0,0.891,0.626,116.18000000000002,2023-11-27,las vegas smm food,-43.338372299245414,118.04266956693598,74.70429726769058 +0.5660000000000001,0.0,0.892,0.8270000000000001,0.0,0.0,0.67,51.58,2023-11-27,little rock/pine bluff smm food,-58.710785610175435,121.14043759492598,62.42965198475055 +0.745,0.55,0.5720000000000001,0.635,0.0,0.0,0.611,341.77,2023-11-27,los angeles smm food,37.56221942851599,121.55716986230998,159.11938929082595 +0.789,0.846,0.0,0.0,0.0,0.897,0.0,68.19,2023-11-27,madison wi smm food,-63.99517148799614,120.05150972530336,56.05633823730722 +0.0,0.5700000000000001,0.5750000000000001,0.986,0.0,0.885,0.0,260.2,2023-11-27,miami/west palm beach smm food,67.70745756991558,120.74394070112622,188.4513982710418 +0.9500000000000001,0.0,0.895,0.955,0.0,0.0,0.0,151.04,2023-11-27,milwaukee smm food,-48.26118428614204,121.19545602347675,72.93427173733471 +0.0,0.5670000000000001,0.658,0.988,0.0,0.0,0.79,172.9,2023-11-27,minneapolis/st. paul smm food,-30.66363431628655,121.23393234335495,90.5702980270684 +0.877,0.0,0.8210000000000001,0.0,0.0,0.0,0.875,75.17,2023-11-27,mobile/pensacola smm food,-48.947921889963226,120.2217231514537,71.27380126149048 +0.0,0.0,0.0,0.0,0.0,0.0,0.91,119.1,2023-11-27,nashville smm food,-20.942188827432304,117.71706374017137,96.77487491273907 +0.519,0.0,0.0,0.0,0.0,0.796,0.8190000000000001,115.6,2023-11-27,new orleans smm food,-56.864739449880446,119.24362979962663,62.378890349746186 +0.0,0.0,0.0,0.0,0.0,0.523,0.854,701.65,2023-11-27,new york smm food,173.74740881857215,118.06666399944285,291.814072818015 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,178.9,2023-11-27,norfolk/portsmouth/newport news smm food,-14.10441751758284,116.41435676616771,102.30993924858487 +0.0,0.774,0.0,0.524,0.0,0.0,0.0,44.37,2023-11-27,oklahoma city smm food,-62.80511264619615,118.77457892349561,55.96946627729946 +0.595,0.5670000000000001,0.655,0.586,0.0,0.0,0.0,76.16,2023-11-27,omaha smm food,-55.53812691614876,120.40429321902108,64.86616630287233 +0.671,0.0,0.498,0.81,0.0,0.961,0.979,221.58,2023-11-27,orlando/daytona beach/melborne smm food,16.201025400694412,122.1267126155313,138.3277380162257 +0.714,0.75,0.0,0.765,0.0,0.9199999999999999,0.0,56.84,2023-11-27,paducah ky/cape girardeau mo smm food,-60.85509863333336,121.37770292828081,60.52260429494745 +0.0,0.812,0.658,0.583,0.0,0.0,0.597,414.4,2023-11-27,philadelphia smm food,83.32339087166719,120.50458058569761,203.8279714573648 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,198.79,2023-11-27,phoenix/prescott smm food,0.5686043532995056,116.41435676616771,116.98296111946722 +0.557,0.0,0.0,0.887,0.0,0.0,0.734,181.78,2023-11-27,pittsburgh smm food,-11.862124417323331,120.40605496821942,108.54393055089609 +0.0,0.78,0.9210000000000002,0.0,0.0,0.0,0.905,141.89,2023-11-27,portland or smm food,-29.518047286931516,119.94339512048207,90.42534783355055 +0.0,0.672,0.0,0.594,0.0,0.0,0.0,149.69,2023-11-27,providence ri/new bedford ma smm food,-33.166050408362494,118.75588329263084,85.58983288426835 +0.862,0.726,0.751,0.8140000000000001,0.0,0.89,0.647,263.68,2023-11-27,raleigh/durham/fayetteville smm food,8.915816009933655,123.41619090176319,132.33200691169685 +0.0,0.713,0.5650000000000001,0.778,0.0,0.0,0.0,655.48,2023-11-27,rem us east north central smm food,190.03931593595715,119.80146694171479,309.8407828776719 +0.0,0.0,0.0,0.0,0.0,0.685,0.77,257.88,2023-11-27,rem us middle atlantic smm food,14.385666495529572,118.07953502061831,132.46520151614789 +0.5730000000000001,0.0,0.0,0.0,0.0,0.0,0.0,376.61,2023-11-27,rem us mountain smm food,57.543154764893536,117.52142429032934,175.06457905522288 +0.0,0.9450000000000001,0.0,0.771,0.0,0.0,0.498,274.47,2023-11-27,rem us new england smm food,31.807273846886304,120.28483072171245,152.09210456859876 +0.0,0.0,0.0,0.912,0.0,0.0,0.0,199.26,2023-11-27,rem us pacific smm food,-11.30071256415528,118.33170433820658,107.0309917740513 +0.684,0.0,0.0,0.616,0.0,0.682,0.0,558.66,2023-11-27,rem us south atlantic smm food,167.26587359064686,119.59135548636165,286.8572290770085 +0.0,0.0,0.598,0.0,0.0,0.778,0.9070000000000001,883.76,2023-11-27,rem us south central smm food,283.0169725950787,118.97874077856093,401.99571337363966 +0.54,0.0,0.619,0.0,0.0,0.0,0.0,196.56,2023-11-27,rem us west north central smm food,9.54017171636033,118.10633570774101,127.64650742410134 +0.781,0.765,0.0,0.0,0.0,0.0,0.0,133.09,2023-11-27,richmond/petersburg smm food,-30.34626292809824,119.16724523193948,88.82098230384123 +0.0,0.0,0.0,0.0,0.0,0.0,0.597,68.13,2023-11-27,sacramento/stockton/modesto smm food,-44.827275118197626,117.26898980295913,72.44171468476151 +0.835,0.0,0.9339999999999999,0.0,0.0,0.0,0.739,89.11,2023-11-27,salt lake city smm food,-32.689547694016525,120.06430276051024,87.37475506649372 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,81.46,2023-11-27,san diego smm food,-37.700043815451444,116.41435676616771,78.71431295071628 +0.502,0.0,0.616,0.0,0.0,0.0,0.9759999999999999,155.11,2023-11-27,san francisco/oakland/san jose smm food,-27.53844371874822,119.42696284267718,91.88851912392897 +0.748,0.769,0.941,0.734,0.0,0.776,0.0,177.16,2023-11-27,seattle/tacoma smm food,-27.669600260363957,122.27688867800624,94.60728841764228 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,122.13,2023-11-27,st. louis smm food,-28.710263235806057,116.41435676616771,87.70409353036166 +0.0,0.655,0.0,0.0,0.0,0.891,0.765,264.93,2023-11-27,tampa/ft. myers smm food,56.84084685459594,119.30673884616193,176.14758570075787 +0.587,0.0,0.757,0.93,0.0,0.0,0.0,51.68,2023-11-27,tucson/sierra vista smm food,-53.092110121747545,120.29694671732341,67.20483659557587 +0.0,0.859,0.0,0.0,0.0,0.0,0.0,385.39,2023-11-27,washington dc/hagerstown smm food,56.60701941749206,117.81116206685577,174.41818148434783 +0.924,0.995,0.0,0.5710000000000001,0.0,0.561,0.714,63.290000000000006,2023-11-27,yakima/pasco/richland/kennewick smm food,-62.897414399258366,122.50108944238225,59.603675043123886 +0.638,0.9700000000000001,0.743,0.544,0.0,0.0,0.0,126.9,2023-12-04,albany/schenectady/troy smm food,-34.057488325336934,121.14660205412511,87.08911372878818 +0.9490000000000002,0.0,0.716,0.9969999999999999,0.0,0.0,0.994,83.63,2023-12-04,albuquerque/santa fe smm food,-45.622227404454875,122.51720008554312,76.89497268108825 +0.0,0.614,0.0,0.642,0.0,0.885,0.0,332.07,2023-12-04,atlanta smm food,48.833174073915465,119.48971803128852,168.32289210520398 +0.743,0.0,0.0,0.9899999999999999,0.0,0.604,0.0,111.48,2023-12-04,baltimore smm food,-11.133995575951698,120.4275321791472,109.2935366031955 +0.797,0.792,0.6950000000000001,0.0,0.0,0.9500000000000001,0.0,70.54,2023-12-04,baton rouge smm food,-65.78611486272575,120.75102156323123,54.96490670050548 +0.0,0.0,0.0,0.0,0.0,0.788,0.9500000000000001,71.0,2023-12-04,birmingham/anniston/tuscaloosa smm food,-54.13883986261276,118.42185191734738,64.28301205473463 +0.987,0.0,0.886,0.0,0.0,0.898,0.0,271.89,2023-12-04,boston/manchester smm food,66.92993459998871,119.98767891651902,186.91761351650774 +0.0,0.0,0.798,0.6890000000000001,0.0,0.0,0.0,115.97999999999999,2023-12-04,buffalo smm food,-52.4511634583843,118.69912808489427,66.24796462650997 +0.639,0.791,0.0,0.919,0.0,0.9430000000000001,0.753,180.59,2023-12-04,charlotte smm food,10.686528499937081,122.72008495610704,133.4066134560441 +0.0,0.0,0.0,0.0,0.0,0.527,0.844,228.0,2023-12-04,chicago smm food,60.708498931683316,118.05563547388633,178.76413440556965 +0.0,0.601,0.0,0.0,0.0,0.515,0.0,95.54,2023-12-04,cleveland/akron/canton smm food,14.676717884071213,117.81482562264262,132.49154350671384 +0.0,0.0,0.776,0.534,0.0,0.73,0.718,104.45,2023-12-04,columbus oh smm food,-12.49362207652284,119.97792449435102,107.48430241782818 +0.792,0.735,0.717,0.0,0.0,0.0,0.667,171.57,2023-12-04,dallas/ft. worth smm food,-11.137199584849201,120.84592307461126,109.70872348976206 +0.0,0.0,0.0,0.747,0.0,0.0,0.0,91.67,2023-12-04,des moines/ames smm food,-54.00605940238191,117.9848157972127,63.978756394830796 +0.671,0.559,0.966,0.0,0.0,0.0,0.0,165.11,2023-12-04,detroit smm food,43.90856628677271,119.63204733980898,163.5406136265817 +0.502,0.628,0.898,0.0,0.0,0.0,0.886,124.47,2023-12-04,grand rapids smm food,-6.398790457565139,120.6148203345586,114.21602987699346 +0.922,0.0,0.0,0.0,0.0,0.0,0.0,99.61,2023-12-04,greensboro smm food,-32.84511351029591,118.19571149090945,85.35059798061354 +0.0,0.994,0.0,0.0,0.0,0.799,0.0,81.05,2023-12-04,harrisburg/lancaster smm food,-31.389249071557845,118.687248677765,87.29799960620716 +0.7010000000000001,0.0,0.0,0.0,0.0,0.974,0.0,155.29,2023-12-04,hartford/new haven smm food,-3.8036265251073567,118.56909617441727,114.7654696493099 +0.721,0.8250000000000001,0.8250000000000001,0.601,0.0,0.718,0.0,219.32,2023-12-04,houston smm food,51.232085221846255,121.8669501001358,173.09903532198206 +0.653,0.986,0.0,0.687,0.0,0.87,0.0,131.91,2023-12-04,indianapolis smm food,-27.3931217903632,121.438532791191,94.0454110008278 +0.0,0.0,0.862,0.621,0.0,0.0,0.0,172.89,2023-12-04,jacksonville smm food,-30.11446677612209,118.62323553711266,88.50876876099058 +0.747,0.538,0.525,0.0,0.0,0.0,0.523,77.21,2023-12-04,kansas city smm food,-35.92065625455669,120.0312968703946,84.11064061583791 +0.898,0.905,0.529,0.9070000000000001,0.0,0.916,0.0,115.88000000000001,2023-12-04,knoxville smm food,-47.01133837972032,122.83484681301638,75.82350843329607 +0.0,0.0,0.0,0.6970000000000001,0.0,0.775,0.0,45.85,2023-12-04,las vegas smm food,-43.338372299245414,118.5165418486696,75.17816954942418 +0.0,0.861,0.0,0.0,0.0,0.0,0.674,26.15,2023-12-04,little rock/pine bluff smm food,-58.710785610175435,118.77927632130222,60.068490711126785 +0.0,0.759,0.732,0.0,0.0,0.0,0.8150000000000001,230.17000000000002,2023-12-04,los angeles smm food,37.56221942851599,119.5823492842339,157.1445687127499 +0.0,0.0,0.0,0.0,0.0,0.705,0.0,68.92,2023-12-04,madison wi smm food,-63.99517148799614,116.99367918263502,52.99850769463888 +0.609,0.0,0.0,0.0,0.0,0.599,0.9980000000000001,417.15,2023-12-04,miami/west palm beach smm food,67.70745756991558,119.5118799244493,187.21933749436488 +0.0,0.0,0.0,0.749,0.0,0.0,0.0,83.64,2023-12-04,milwaukee smm food,-48.26118428614204,117.98902050680051,69.72783622065847 +0.0,0.0,0.0,0.0,0.0,0.9440000000000001,0.86,96.99,2023-12-04,minneapolis/st. paul smm food,-30.66363431628655,118.42120325822678,87.75756894194024 +0.667,0.0,0.0,0.5060000000000001,0.0,0.0,0.65,87.55,2023-12-04,mobile/pensacola smm food,-48.947921889963226,119.69733396897801,70.74941207901479 +0.862,0.0,0.0,0.497,0.0,0.0,0.0,148.48,2023-12-04,nashville smm food,-20.942188827432304,119.12465852251954,98.18246969508724 +0.0,0.0,0.0,0.0,0.0,0.904,0.504,65.03,2023-12-04,new orleans smm food,-56.864739449880446,117.87870348066485,61.01396403078441 +0.9490000000000002,0.799,0.5660000000000001,0.0,0.0,0.0,0.0,345.53,2023-12-04,new york smm food,173.74740881857215,120.14024619151093,293.8876550100831 +0.536,0.0,0.628,0.0,0.0,0.0,0.0,148.72,2023-12-04,norfolk/portsmouth/newport news smm food,-14.10441751758284,118.10803886586196,104.00362134827911 +0.796,0.96,0.797,0.0,0.0,0.0,0.967,56.650000000000006,2023-12-04,oklahoma city smm food,-62.80511264619615,121.73281828097954,58.92770563478339 +0.539,0.734,0.632,0.767,0.0,0.0,0.0,51.91,2023-12-04,omaha smm food,-55.53812691614876,120.92407780662207,65.38595089047331 +0.0,0.663,0.992,0.0,0.0,0.511,0.809,369.8,2023-12-04,orlando/daytona beach/melborne smm food,16.201025400694412,120.11002411072103,136.31104951141543 +0.5690000000000001,0.55,0.0,0.0,0.0,0.0,0.0,85.57,2023-12-04,paducah ky/cape girardeau mo smm food,-60.85509863333336,118.40804172262675,57.552943089293386 +0.0,0.738,0.764,0.854,0.0,0.81,0.0,251.59000000000003,2023-12-04,philadelphia smm food,83.32339087166719,120.8760407106303,204.1994315822975 +0.603,0.577,0.8989999999999999,0.612,0.0,0.811,0.6930000000000001,135.71,2023-12-04,phoenix/prescott smm food,0.5686043532995056,122.40485453297175,122.97345888627126 +0.0,0.0,0.0,0.0,0.0,0.0,0.647,133.86,2023-12-04,pittsburgh smm food,-11.862124417323331,117.34056710922306,105.47844269189973 +0.728,0.521,0.651,0.0,0.0,0.0,0.638,106.39,2023-12-04,portland or smm food,-29.518047286931516,120.2636115130135,90.74556422608198 +0.665,0.985,0.0,0.609,0.0,0.79,0.0,104.22,2023-12-04,providence ri/new bedford ma smm food,-33.166050408362494,121.23036898052884,88.06431857216634 +0.0,0.594,0.0,0.926,0.0,0.712,0.0,189.4,2023-12-04,raleigh/durham/fayetteville smm food,8.915816009933655,119.9121051638073,128.82792117374095 +0.72,0.0,0.981,0.0,0.0,0.625,0.0,367.81,2023-12-04,rem us east north central smm food,190.03931593595715,119.34704030237585,309.386356238333 +0.0,0.0,0.62,0.968,0.0,0.548,0.843,124.26,2023-12-04,rem us middle atlantic smm food,14.385666495529572,120.75625694451261,135.14192344004218 +0.0,0.0,0.9899999999999999,0.0,0.0,0.0,0.0,259.76,2023-12-04,rem us mountain smm food,57.543154764893536,117.45180836650684,174.99496313140037 +0.0,0.676,0.672,0.852,0.0,0.0,0.937,153.4,2023-12-04,rem us new england smm food,31.807273846886304,121.35036345200028,153.15763729888658 +0.0,0.642,0.0,0.793,0.0,0.742,0.0,115.61,2023-12-04,rem us pacific smm food,-11.30071256415528,119.73519597814638,108.4344834139911 +0.7000000000000001,0.614,0.804,0.0,0.0,0.71,0.0,519.35,2023-12-04,rem us south atlantic smm food,167.26587359064686,120.19117777926823,287.4570513699151 +0.0,0.646,0.671,0.0,0.0,0.0,0.645,549.48,2023-12-04,rem us south central smm food,283.0169725950787,119.0913152779759,402.10828787305456 +0.0,0.708,0.0,0.833,0.0,0.521,0.862,101.14,2023-12-04,rem us west north central smm food,9.54017171636033,120.97900121095729,130.5191729273176 +0.8,0.739,0.881,0.0,0.0,0.0,0.764,108.96,2023-12-04,richmond/petersburg smm food,-30.34626292809824,121.17860449005548,90.83234156195724 +0.64,0.833,0.0,0.0,0.0,0.87,0.0,102.69,2023-12-04,sacramento/stockton/modesto smm food,-44.827275118197626,119.72030763291538,74.89303251471776 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.8,2023-12-04,salt lake city smm food,-32.689547694016525,116.41435676616771,83.72480907215119 +0.0,0.0,0.887,0.0,0.0,0.0,0.792,76.49,2023-12-04,san diego smm food,-37.700043815451444,118.47765601405595,80.77761219860452 +0.0,0.0,0.502,0.755,0.0,0.966,0.772,69.14,2023-12-04,san francisco/oakland/san jose smm food,-27.53844371874822,120.42664453146354,92.88820081271533 +0.497,0.0,0.0,0.0,0.0,0.616,0.0,155.58,2023-12-04,seattle/tacoma smm food,-27.669600260363957,117.8807762063395,90.21117594597555 +0.8160000000000001,0.0,0.86,0.608,0.0,0.0,0.0,56.620000000000005,2023-12-04,st. louis smm food,-28.710263235806057,120.17036595601998,91.46010272021392 +0.0,0.948,0.929,0.51,0.0,0.919,0.755,432.17,2023-12-04,tampa/ft. myers smm food,56.84084685459594,121.83760301479484,178.67844986939076 +0.882,0.0,0.0,0.0,0.0,0.987,0.8160000000000001,61.68,2023-12-04,tucson/sierra vista smm food,-53.092110121747545,120.09762231155158,67.00551218980402 +0.56,0.0,0.8210000000000001,0.0,0.0,0.0,0.87,253.45,2023-12-04,washington dc/hagerstown smm food,56.60701941749206,119.60210398075884,176.2091233982509 +0.754,0.719,0.0,0.0,0.0,0.5630000000000001,0.0,70.86,2023-12-04,yakima/pasco/richland/kennewick smm food,-62.897414399258366,119.50291612756007,56.605501728301704 diff --git a/Test/output_df.csv b/Test/output_df.csv new file mode 100644 index 0000000000000000000000000000000000000000..763af460e81473d0660059ce0530efea22a0691e --- /dev/null +++ b/Test/output_df.csv @@ -0,0 +1,37 @@ +Date,const,paid_search,kwai,Unnamed: 5,fb_level_achieved_tier_1,ga_app,digital_tactic_others,programmatic +2023-04-03,53.51694236690935,0.0,0.0,0.0,0.0,1.156495491691758,0.0,0.0 +2023-04-10,7566.933189801804,1.800675274901616,0.0,0.0,0.0,299.5049118055745,0.7748950903952782,0.0 +2023-04-17,7566.933189801804,48.1757918236822,1.175658012104148,21.70893671982348,0.0,304.9573892215035,15.87589941297643,0.7873503689033066 +2023-04-24,7566.933189801804,49.076129461133,31.78504448492363,27.028234016107707,54.72639764007,190.1098898627052,23.368469332620275,31.79034480406496 +2023-05-01,7566.933189801804,55.09641289095429,35.321775019261835,25.82311347025923,39.29511345282733,146.87930479361123,19.458659321909,37.383395515528996 +2023-05-08,7566.933189801804,36.871337925131385,31.35088032277729,27.442166725333923,56.076109417755255,147.17280287518614,18.90234545531557,24.666971284677956 +2023-05-15,7566.933189801804,53.69374094934638,38.84712297256999,26.50217269957211,51.28484284245199,143.692354717744,19.427433432794448,30.925690944396603 +2023-05-22,7566.933189801804,45.28736957477885,37.06168383385581,29.18487582772176,48.63587580213512,161.5348908786353,20.70933835433913,39.236531974702324 +2023-05-29,7566.933189801804,52.56542082000888,40.47157989385912,25.05812390637281,44.59304753346105,220.67454317492826,19.53836751254351,38.733343511666845 +2023-06-05,7566.933189801804,39.49313658182826,46.00514035746966,27.31746294711134,45.73252383175608,210.22621467822182,15.759213195758901,39.305961961778344 +2023-06-12,7566.933189801804,45.87085018960748,43.67171124630859,21.43333089064248,57.463663581730756,157.26632986599708,13.273468075455915,32.9527602577913 +2023-06-19,7566.933189801804,46.106560901558126,35.31689677024896,25.717272448406455,53.02138790221525,128.5424400030406,17.719459471620976,31.987898169353425 +2023-06-26,7566.933189801804,44.460450027935615,40.160998040039075,27.051288496115244,43.95603403090867,47.18202193569371,23.655254472119694,36.8780597333056 +2023-07-03,7566.933189801804,50.961815156738126,44.154657898583736,29.478296482363127,44.4500874074757,49.64673527318773,26.800851933448566,40.97943938222919 +2023-07-10,7566.933189801804,59.453196952009165,42.02936741197223,25.61352728837254,56.856083046292994,38.620600896866584,20.517052616107428,38.32964750433824 +2023-07-17,7566.933189801804,44.18803027068119,39.78049461703442,31.357236602977316,53.450268280171315,59.87676887298296,20.98708442067381,30.005206785842372 +2023-07-24,7566.933189801804,57.687298667395346,39.1414439963471,26.714902674187105,51.84196686283608,112.65606388430517,17.705900861873868,35.21889777410754 +2023-07-31,7566.933189801804,46.66106069114693,31.291528293120578,23.602547873169737,52.69762526395431,47.02692365958018,17.369811686930422,41.49909062570537 +2023-08-07,7566.933189801804,50.41311153219729,39.90407692536072,27.946221492771414,60.064276461787856,46.096896489402084,18.09951141150201,25.809345092650386 +2023-08-14,7566.933189801804,49.62096897564186,39.44064326913709,25.79167554297623,47.35554173264864,36.05744344709643,19.409355286464972,28.699636719588163 +2023-08-21,7566.933189801804,40.640777261325645,39.704068715832626,26.47492649592684,49.08998443761801,25.824965966650694,18.93028440873385,31.277851291215175 +2023-08-28,7566.933189801804,51.89016759192077,43.30421648733827,28.75417622394461,52.113170631249474,34.29864732469357,22.56481355488265,37.78279688448176 +2023-09-04,7566.933189801804,51.34629410491991,40.29271076338685,28.207156289220343,46.398970301423105,36.29978630027121,18.37479227606449,24.579646971035952 +2023-09-11,7566.933189801804,60.544808036042866,43.699354657381576,28.567644522065454,52.15732008192142,35.315754189464165,25.685758998489504,34.26691960079718 +2023-09-18,7566.933189801804,51.8331719689491,46.439304519616,23.80899026232813,47.742375014726655,32.88061246189548,20.02894266521157,36.97540486982455 +2023-09-25,7566.933189801804,43.774570497259575,35.490887651708356,27.693670143597952,53.75510972528715,49.42573222705502,24.09077345187526,35.702760364451755 +2023-10-02,7566.933189801804,41.013663879411496,33.471292560375915,22.48440559280424,58.68092700740017,197.92939954219517,24.098169057191864,37.3089551170145 +2023-10-09,7566.933189801804,52.1287763863954,32.82411152466713,23.465268924033953,50.20843718797401,250.62579259129228,18.341101185177738,35.08433243833134 +2023-10-16,7566.933189801804,49.96487476848788,33.86643073041922,32.40202371968247,59.35157818665499,202.85394333284398,19.520289366214033,41.75247428987971 +2023-10-23,7566.933189801804,39.844770594738236,37.634878092869236,28.558213143880554,60.66975464243171,301.06693731512433,22.176955142722974,41.367388382179726 +2023-10-30,7566.933189801804,44.95119200199679,43.513981194892125,33.06745984717272,61.29835872580849,334.3214495039728,21.637897688534956,36.88808055618255 +2023-11-06,7566.933189801804,45.80902442909584,44.787204187253884,24.69239601898053,49.840525099041116,420.40242062794664,19.96895608875467,32.52329642020768 +2023-11-13,7566.933189801804,45.5385367268574,39.71545129686268,17.980398544059245,47.44278945659558,330.5455270481783,19.314855885197257,38.766269072548255 +2023-11-20,7566.933189801804,49.66733829602559,34.565646422265395,23.74611440776212,63.266162812901015,178.42133733846975,16.220205927160546,38.674650120530416 +2023-11-27,7566.933189801804,40.80886604771668,41.97408058982625,19.74301833372632,54.442579742893194,212.94746387285647,19.139826559370963,41.67087616073882 +2023-12-04,7566.933189801804,45.55978933203328,38.75931449033815,24.920844957237026,53.06974206247501,345.3916062225196,19.632045179887157,36.97683641594983 diff --git a/Test/overall_contributions.csv b/Test/overall_contributions.csv new file mode 100644 index 0000000000000000000000000000000000000000..b6636e845dc3f2d0adf2b4ddb5a29bffc9c65a5c --- /dev/null +++ b/Test/overall_contributions.csv @@ -0,0 +1,143 @@ +bing_pmax_impressions,bing_searchlink_clicks,facebook_clicks_lag_2_adstock_0_7,google_pmax_clicks_lag_1_adstock_0_7,google_demand_generation_link_clicks_lag_2,google_search_link_clicks,Trend,date,all_form_completion,pred,google_search_link_clicks_contr,facebook_clicks_lag_2_adstock_0_7_contr,google_demand_generation_link_clicks_lag_2_contr,google_pmax_clicks_lag_1_adstock_0_7_contr,bing_searchlink_clicks_contr,bing_pmax_impressions_contr,base_contr +0.0,0.0,0.0,0.0,0.0,0.08128973660308811,1,2023-12-11,1,0.23970607446334713,3.353867094426377,0.0,0.0,0.0,0.0,0.0,-3.11416101996303 +0.0,0.0,0.0,0.0006838198475642864,0.0,0.0644868301544051,2,2023-12-12,2,-0.4349833045171789,2.6606096503270704,0.0,0.0,0.004111410463959954,0.0,0.0,-3.0997043653082095 +0.0,0.0,0.0,0.08375273533001254,0.0,0.04859218891916439,3,2023-12-13,4,-0.576865711910789,2.004825581584482,0.0,0.0,0.5035564171581174,0.0,0.0,-3.0852477106533884 +0.0,0.0,0.10004042157180726,0.20815552139839938,0.07692307692307691,0.06539509536784742,4,2023-12-14,2,2.030342022760318,2.6980830256837898,0.6512409983510767,0.5002911412607607,1.2515179134632586,0.0,0.0,-3.070791055998568 +0.0,0.0,0.25980194329405704,0.2200172884141987,0.06435795280416794,0.04268846503178929,5,2023-12-15,4,2.1375734659542047,1.761248641765807,1.6912531381420386,0.41857027754884363,1.3228358098412627,0.0,0.0,-3.0563344013437472 +0.0,0.0,0.33465036779732743,0.21741739775576097,0.0894882010419859,0.01226158038147139,6,2023-12-16,4,1.5317288195373002,0.5058905673157105,2.17849981236289,0.5820120049726779,1.3072041815749484,0.0,0.0,-3.0418777466889266 +0.0,0.0,0.4252415168224885,0.17540406325468705,0.09868219429972418,0.005449591280653952,7,2023-12-17,6,1.662057528432448,0.2248402521403158,2.768228138233351,0.6418077589082269,1.05460247118466,0.0,0.0,-3.0274210920341056 +0.0,0.0,0.47349768150800925,0.19500181817937587,0.10818265399938706,0.07084468664850137,8,2023-12-18,3,4.868352990053002,2.9229232778241054,3.0823650878046323,0.7035967046416277,1.1724323571619217,0.0,0.0,-3.012964437379285 +0.0,0.0,0.4939382739116328,0.1495318398208159,0.2485442844008581,0.07084468664850137,9,2023-12-19,6,5.655370723069396,2.9229232778241054,3.215428819391052,1.6164785480576773,0.8990478605210265,0.0,0.0,-2.9985077827244644 +0.0,0.0,0.49066382662094254,0.11717099508838501,0.10879558688323628,0.08583106267029973,10,2023-12-20,7,5.163359772953287,3.541233971209974,3.194112892397417,0.707583088237331,0.7044809491782087,0.0,0.0,-2.984051128069644 +0.0,0.0,0.49867890846728197,0.09489830369099689,0.07018081520073552,0.07447774750227067,11,2023-12-21,2,4.376520756614584,3.0728167792509824,3.2462893009077414,0.4564409217080248,0.5705682281626585,0.0,0.0,-2.969594473414823 +0.0,0.0,0.5339984394386199,0.08105495932326728,0.00796812749003984,0.07674841053587647,12,2023-12-22,4,4.226733275730567,3.1665002176427803,3.4762116287995304,0.05182298674414255,0.4873362613041155,0.0,0.0,-2.955137818760002 +0.0,0.0,0.5368951100483439,0.0685533588925367,0.03892123812442538,0.023614895549500452,13,2023-12-23,3,2.1940016859880913,0.9743077592747016,3.495068313229002,0.25313535832715783,0.41217141926241113,0.0,0.0,-2.9406811641051815 +0.0,0.0,0.5668128363982,0.06230957803209436,0.07906834201654918,0.013623978201634877,14,2023-12-24,5,2.2145768951201847,0.5621006303507894,3.6898260888396295,0.5142434838457222,0.3746312015344046,0.0,0.0,-2.926224509450361 +0.0,0.0,0.6235272743748365,0.07169130836413314,0.07876187557462458,0.011353315168029066,15,2023-12-25,3,2.5589622361170528,0.46841719195899123,4.059024525116848,0.5122502920478706,0.4310380817888835,0.0,0.0,-2.9117678547955403 +0.0,0.0,0.6795976317611413,0.07145831111244877,0.07385841250383082,0.024069028156221615,16,2023-12-26,3,3.4297598144464336,0.9930444469530613,4.424030139331986,0.4803592232822444,0.4296372050198614,0.0,0.0,-2.8973112001407193 +0.0,0.0,0.7309729936372282,0.07376456248580741,0.05179282868525896,0.08174386920980926,17,2023-12-27,6,6.028574373859071,3.3726037821047368,4.758472372113015,0.33684941383692657,0.4435033512902903,0.0,0.0,-2.8828545454858987 +0.0,0.0,0.7596600799270851,0.07644265821003625,0.02390438247011952,0.04541326067211626,18,2023-12-28,5,4.565563971666764,1.873668767835965,4.9452189533614765,0.15546896023242765,0.45960518106797266,0.0,0.0,-2.868397890831078 +0.0,0.0,0.690007813708,0.06684434777452895,0.14434569414649095,0.03178928247048138,19,2023-12-29,1,4.29011448818203,1.3115681374851753,4.491798119290191,0.9387933367881208,0.4018961307947999,0.0,0.0,-2.8539412361762575 +0.0,0.0,0.6079044201640382,0.0553767815282552,0.2056389825314128,0.0022706630336058135,20,2023-12-30,2,2.8819020899337113,0.09368343839179827,3.9573232026565996,1.337431696358448,0.3329483340483016,0.0,0.0,-2.839484581521437 +0.0,0.0,0.5601329340478037,0.04723551518126952,0.8032485442844008,0.0,21,2023-12-31,5,6.329468819828381,0.0,3.6463414032774315,5.224155702169139,0.2839996412484261,0.0,0.0,-2.825027926866616 +0.0,0.0,0.5036532815256598,0.06216519413990219,0.6055776892430279,0.02316076294277929,22,2024-01-01,1,5.73598126555821,0.955571071596342,3.278671368334191,3.938546992554834,0.3737631052846385,0.0,0.0,-2.8105712722117953 +0.0,0.0,0.4665427471012938,0.07508531886048275,0.3579528041679436,0.02316076294277929,23,2024-01-02,4,3.9760387684888197,0.955571071596342,3.037090004440009,2.3280480198907116,0.4514442901187315,0.0,0.0,-2.7961146175569747 +0.0,0.0,0.5018022371178893,0.09465263381907288,0.15384615384615383,0.11353315168029064,24,2024-01-03,8,6.738808876526141,4.684171919589912,3.266621479007771,1.0005822825215214,0.5690911583090913,0.0,0.0,-2.781657962902154 +0.0,0.0,0.5307280192264918,0.21882464966324958,0.06527735212994176,0.1262488646684832,25,2024-01-04,4,7.636734804139222,5.208799174583983,3.4549219171958554,0.42454985294239855,1.315665167664318,0.0,0.0,-2.7672013082473335 +0.0,0.0,0.5746219845285773,0.426895143747646,0.1296353049341097,0.11080835603996367,26,2024-01-05,10,8.96946104627656,4.571751793519754,3.740661914446861,0.8431201304912422,2.566671861411215,0.0,0.0,-2.7527446535925124 +0.0,0.0,0.6326315115778025,0.44622776776498724,0.1857186638063132,0.05495004541326068,27,2024-01-06,10,7.537924203196619,2.2671392090815177,4.118291093891039,1.2078742294980918,2.6829076696636625,0.0,0.0,-2.738287998937692 +0.0,0.0,0.6550490129537498,0.3924423395835753,0.17805700275819797,0.05495004541326068,28,2024-01-07,3,7.325103581039524,2.2671392090815177,4.264224065256315,1.1580444345518008,2.3595272164327628,0.0,0.0,-2.723831344282871 +0.0,0.0,0.6616466801376578,0.33743111372676027,0.14649095923996322,0.15122615803814715,29,2024-01-08,17,10.818638160453016,6.239316996893764,4.307173418089182,0.9527456793730823,2.0287767557250387,0.0,0.0,-2.7093746896280506 +0.0,0.0,0.7317460503770308,0.35172934385556526,0.0959239963224027,0.13306085376930063,30,2024-01-09,6,10.297048973594556,5.489849489759377,4.76350480035653,0.6238690327275622,2.114743685724317,0.0,0.0,-2.69491803497323 +0.0,0.0,0.7159409119192383,0.4401114574749022,0.07906834201654918,0.13396911898274297,31,2024-01-10,9,10.667855674676375,5.527322865116097,4.6606168478008545,0.5142434838457222,2.646133858232111,0.0,0.0,-2.680461380318409 +0.0,0.0,0.6666800631259114,0.3885788122873606,0.07324547961998161,0.167574931880109,32,2024-01-11,13,11.400443571481219,6.91383775331471,4.339939627096015,0.47637283968654115,2.336298077047541,0.0,0.0,-2.6660047256635884 +0.0,0.0,0.6321974689705827,0.513887444681253,0.08182653999387067,0.1784741144414169,33,2024-01-12,23,12.44932386892848,7.3635182575953415,4.115465572602629,0.532182210026387,3.0897058997128912,0.0,0.0,-2.6515480710087678 +0.0,0.0,0.6971865740985537,0.5204568654460158,0.07508427827152926,0.11671207992733879,34,2024-01-13,15,10.334303568241133,4.81532873333843,4.538530260260944,0.48833199047365095,3.129204000522055,0.0,0.0,-2.6370914163539467 +0.0,0.0,0.8263491184572812,0.8591014555165036,0.08519767085504137,0.09264305177111717,35,2024-01-14,4,12.29838335837366,3.8222842863853685,5.379349831151757,0.554107319802755,5.165276682732907,0.0,0.0,-2.622634761699126 +0.0,0.0,0.9331331503110498,1.0,0.13484523444682806,0.3356039963669391,36,2024-01-15,38,24.202146284623847,13.846412194307778,6.074490239596411,0.87700439105472,6.012417566709245,0.0,0.0,-2.6081781070443055 +0.0,0.0,1.0,0.8738422012474542,0.5010726325467361,0.2929155313351498,37,2024-01-16,20,24.513993519619866,12.085163552541971,6.5097786286678865,3.258868589487425,5.253904201312069,0.0,0.0,-2.593721452389485 +0.0,0.0,0.9613177072572661,0.631824236384833,0.3125957707631014,0.21662125340599456,38,2024-01-17,21,18.447947462627745,8.937400022577553,6.257965466063363,2.033055633808669,3.7987911379128243,0.0,0.0,-2.5792647977346643 +0.0,0.0,0.942728380531324,0.5220939376767478,0.15170088875268156,0.19255222524977292,39,2024-01-18,21,15.642177199062786,7.94435557562449,6.1369530642215,0.98662993993656,3.1390467623600804,0.0,0.0,-2.5648081430798433 +0.0,0.0,0.9036447116559663,0.42507205308641044,0.10879558688323628,0.16802906448683017,40,2024-01-19,15,13.52804375174604,6.93257444099307,5.882527031846764,0.707583088237331,2.555710679093899,0.0,0.0,-2.5503514884250227 +0.0,0.0,0.9066014227073999,0.36684418171366834,0.11798958014097456,0.09900090826521345,41,2024-01-20,5,10.42347689092595,4.084597913882403,5.901774566260532,0.7673788421728801,2.205620402380338,0.0,0.0,-2.535894833770202 +0.0,0.0,0.8710801741558152,0.34253433808582306,0.18418633159669015,0.07266121707538602,42,2024-01-21,2,9.404338693015148,2.9978700285375437,5.670539101575827,1.1979082705088335,2.059459471508326,0.0,0.0,-2.5214381791153815 +0.0,0.0,0.880168412945592,0.332659565954225,0.20686484829911123,0.2061762034514078,43,2024-01-22,19,15.074668887363375,8.50645620597528,5.7297015242217455,1.3454044635498545,2.0000882180770554,0.0,0.0,-2.506981524460561 +0.0,0.0,0.8901680136101379,0.3203146566731235,0.10450505669629175,0.2942779291553133,44,2024-01-23,19,18.04918932841767,12.14137361557705,5.79479671092302,0.679678403067408,1.9258654686559282,0.0,0.0,-2.49252486980574 +0.0,0.0,0.8456317593262072,0.298794613047225,0.119215445908673,0.43551316984559485,45,2024-01-24,31,23.567120412668064,17.9684834835469,5.504875554584569,0.7753516093642866,1.796477980323227,0.0,0.0,-2.4780682151509192 +0.0,0.0,0.827188798618413,0.39933412673899177,0.06956788231688629,0.5844686648501362,46,2024-01-25,25,29.888739501376705,24.114117042048864,5.384815963119609,0.45245453811232145,2.40096351859201,0.0,0.0,-2.4636115604960986 +0.0,0.0,0.7942706418085955,0.3846142052930062,0.028501379098988658,0.44141689373297,47,2024-01-26,22,23.43125960845801,18.21206042336558,5.170526049423921,0.1853668372002022,2.3124612043095865,0.0,0.0,-2.449154905841278 +0.0,0.0,0.6748253439816183,0.4221396596187851,0.018387986515476556,0.2602179836512261,48,2024-01-27,18,15.352058803816355,10.736122039700076,4.392963602334994,0.1195915078710982,2.5380799050966445,0.0,0.0,-2.4346982511864574 +0.0,0.0,0.5918199410880178,0.3574974279123115,0.0199203187250996,0.18165304268846502,49,2024-01-28,7,11.206031561820199,7.494675071343859,3.852616804514266,0.12955746686035638,2.1494238156333534,0.0,0.0,-2.4202415965316364 +0.0,0.0,0.5403855205006179,0.5021978233745262,0.01624272142200429,0.684377838328792,50,2024-01-29,31,32.47325568251395,28.236188331287988,3.5177901125964945,0.10563916528613675,3.019423015220148,0.0,0.0,-2.405784941876816 +0.0,0.0,0.5080192596011401,0.48176816733163347,0.014710389212381244,0.7338782924613987,51,2024-01-30,31,34.186516518753294,30.27848728822919,3.307092919103185,0.09567320629687855,2.896591392346032,0.0,0.0,-2.391328287221995 +0.0,0.0,0.45140976419561957,0.3846872165547986,0.021452650934722647,0.7470481380563124,52,2024-01-31,30,33.83598083841927,30.821851230901622,2.9385776357326545,0.13952342584961455,2.3129001785025545,0.0,0.0,-2.376871632567174 +0.0,0.0,0.42330292353214516,0.3834789661315948,0.02390438247011952,0.5585831062670299,53,2024-02-01,28,25.90042382419773,23.046125844382363,2.755608325062195,0.15546896023242765,2.3056356724331004,0.0,0.0,-2.362414977912354 +0.0,0.043596730245231606,0.3811948284122168,0.45416834488888275,0.008887526815813668,0.5803814713896457,54,2024-02-02,24,27.458030101492955,23.945486852943628,2.481493947356571,0.05780256213769746,2.7306497350531815,0.5905553272594116,0.0,-2.347958323257533 +0.0,0.061307901907356945,0.41538124828305345,0.5669042459186808,0.006129328838492185,0.273841961852861,55,2024-02-03,19,15.947558285989679,11.298222670050867,2.7040399728224105,0.03986383595703273,3.4084650468035345,0.8304684289585476,0.0,-2.3335016686027124 +0.0,0.031335149863760216,0.433854991925086,0.5882645394695454,0.05117989580140974,0.2302452316076294,56,2024-02-04,10,14.298972316042995,9.49950065292834,2.824299954374803,0.33286303024122327,3.5368920509788184,0.4244616414677021,0.0,-2.3190450139478918 +0.0004613964933866503,0.0653950953678474,0.43405419518355143,0.5461177876835327,0.04750229849831443,0.9999999999999999,57,2024-02-05,36,46.27334953528016,41.25818626774794,2.8255967234895225,0.3089447286670036,3.2834881801608615,0.8858329908891174,0.015889003618790296,-2.3045883592930707 +0.04567825284527838,0.12670299727520434,0.5166511970630578,0.4671900824510385,0.05914802329144958,0.7502270663033606,58,2024-02-06,25,38.509101914942896,30.953008044650137,3.3632849211167746,0.3846860169853658,2.8089418587209645,1.7163014198476647,1.573011358260239,-2.29013170463825 +0.0538295908951092,0.09673024523160763,0.5302087906530036,0.3775977364439528,0.04443763407906834,0.6298819255222524,59,2024-02-07,25,32.88695240967561,25.98778580988483,3.4515418541247684,0.2890128106884873,2.2702752637452694,1.3102946323568194,1.8537170888588677,-2.2756750499834295 +0.0575207628422024,0.26430517711171664,0.5427306340923841,0.30895665556010227,0.046582899172540604,0.656675749318801,60,2024-02-08,31,36.08670063635153,27.09325038290805,3.5330562829379724,0.30296515327344875,1.8575764232412963,3.580241671510183,1.98082911780919,-2.261218395328609 +0.05321439557059367,0.26294277929155313,0.5545274524263687,0.24096315338744861,0.054551026662580444,0.5009082652134423,61,2024-02-09,24,29.22753353197947,20.66656650923069,3.609850958814823,0.3547881400175913,1.4487710963563503,3.5617868175333265,1.8325317507004806,-2.2467617406737883 +0.040756690249154105,0.07629427792915532,0.5621789196748743,0.19177212222227435,0.04474410052099295,0.22752043596730245,62,2024-02-10,16,14.69545631226408,9.387080526858183,3.659660316787097,0.29100600248633895,1.1530140764543146,1.0334718227039703,1.4035286529931426,-2.2323050860189673 +0.1198092894494002,0.03814713896457766,0.5554088350431546,0.16030161974609763,0.05148636224333435,0.1821071752951862,63,2024-02-11,6,14.852388906465649,7.513411759022219,3.6155885645372554,0.33485622203907495,0.963800274533383,0.5167359113519852,4.12584460634588,-2.2178484313641467 +0.16764072593048293,0.31335149863760214,0.5349058305835752,0.13903206784340089,0.04413116763714373,0.6866485013623977,64,2024-02-12,33,40.749158066018964,28.329871769679784,3.482118544282803,0.28701961889063565,0.835918847037575,4.24461641467702,5.773004648160473,-2.203391776709326 +0.2060904337127038,0.36103542234332425,0.5411681173615147,0.12703062086789574,0.029420778424762487,0.603542234332425,65,2024-02-13,34,39.17773958333843,24.90105792453997,3.5228846449164233,0.1913464125937571,0.7637611364161183,4.890536303867003,7.097088283059665,-2.1889351220545055 +0.17102430021531836,0.30517711171662126,0.5364571343268172,0.10727060051716869,0.04259883542752069,0.5599455040871935,66,2024-02-14,36,35.36549522994463,23.102335907417444,3.4922171882371322,0.2770536599013775,0.6449556429408748,4.133887290815881,5.889524008031602,-2.174478467399685 +0.011842509996924024,0.1784741144414169,0.5137576674734511,0.09005747702536969,0.0631320870364695,0.5326975476839236,67,2024-02-15,28,26.940025815759387,21.978134646715866,3.3444486840329346,0.4105975103574371,0.541463156880847,2.4175858709682165,0.40781775954895083,-2.160021812744864 +0.004152568440479853,0.1757493188010899,0.5118130691376195,0.08439060915837705,0.059454489733374194,0.5,68,2024-02-16,35,25.233065740464877,20.629093133873972,3.331789779344995,0.3866792087832175,0.5073915809691203,2.380676163014503,0.14300103256911265,-2.1455651580900432 +0.00492156259612427,0.10081743869209808,0.5134833782289558,0.0781064121680699,0.050260496475635914,0.17302452316076294,69,2024-02-17,14,10.68186634278494,7.138678005455026,3.342663121771046,0.3268834548476684,0.4696083645919362,1.3656591942873892,0.16948270526709647,-2.1311085034352226 +0.004767763764995386,0.06267029972752043,0.5104084554959054,0.10432740744912239,0.0530186944529574,0.1757493188010899,70,2024-02-18,7,10.442284110150984,7.2510981315251835,3.322646055478629,0.3448221810283331,0.6272599372363364,0.8489232829354042,0.1641863707274997,-2.1166518487804016 +0.016456474930790527,0.29427792915531337,0.5173505933620254,0.13559870126651788,0.03892123812442538,0.6780199818346957,71,2024-02-19,39,34.86088497244495,27.973874703790955,3.367837836196763,0.25313535832715783,0.8152760135177712,3.9862484590010285,0.5667077957368538,-2.1021951941255814 +0.0,0.0,0.5682893143498691,0.16983535418638324,0.05240576156910818,0.5744777475022707,72,2024-02-20,33,26.675565871500424,23.701909913124954,3.699437633455104,0.3408357974326298,1.0211210669584971,0.0,0.0,-2.0877385394707604 +0.0,0.0,0.5457410828541263,0.22643441395571798,0.05792215752375115,0.43823796548592187,73,2024-02-21,25,21.298406860719812,18.08090360961706,3.5526536379498617,0.3767132497939593,1.3614182481748718,0.0,0.0,-2.07328188481594 +0.0,0.0,0.5160122923455818,0.26369837631930865,0.06558381857186638,0.48683015440508626,74,2024-02-22,22,23.398037548716783,20.08572919120154,3.3591257928411937,0.4265430447402502,1.5854647500949164,0.0,0.0,-2.058825230161119 +0.00015379883112888343,0.02316076294277929,0.5049030283541394,0.2759168030648796,0.06527735212994176,0.4178019981834695,75,2024-02-23,35,20.88269677090014,17.237752664090873,3.2868069435294722,0.42454985294239855,1.6589270336975372,0.3137325176065624,0.005296334539596765,-2.044368575506298 +0.0023069824669332516,0.10490463215258855,0.4571103749314069,0.2921816700676432,0.050260496475635914,0.20935513169845596,76,2024-02-24,10,13.167458883487878,8.637613019723798,2.9756873496708374,0.3268834548476684,1.7567182057851427,1.421023756217959,0.07944501809395148,-2.029911920851478 +0.0033835742848354355,0.0667574931880109,0.42729335104719623,0.25440802792801176,0.03922770456634998,0.1784741144414169,77,2024-02-25,11,10.935191167305954,7.3635182575953415,2.781585124818923,0.25512855012500946,1.5296072962262341,0.904287844865974,0.11651935987112882,-2.015455266196657 +0.00984312519224854,0.28610354223433243,0.42157907396034083,0.2864710653885476,0.04474410052099295,0.6153496821071752,78,2024-02-26,22,32.359474052652544,25.38821180417732,2.744386445960625,0.29100600248633895,1.7223836658960163,3.875519335139889,0.33896541053419293,-2.0009986115418363 +0.019071055059981544,0.4196185286103542,0.4418313034108892,0.21982866146990876,0.04076003677597303,0.5744777475022707,79,2024-02-27,32,32.51922865544258,23.701909913124954,2.8762239764206834,0.26509450911426763,1.3217017058878593,5.684095024871836,0.6567454829099988,-1.9865419568870155 +0.017994463242079362,0.1335149863760218,0.4293304182737911,0.181384816897633,0.04750229849831443,0.572661217075386,80,2024-02-28,31,28.277476660676534,23.626963162411514,2.79484598151577,0.3089447286670036,1.0905612594496685,1.808575689731948,0.6196711411328215,-1.972085302232195 +0.018917256228852663,0.10762942779291552,0.4345248271393471,0.15139693638300067,0.03493717437940545,0.5585831062670299,81,2024-02-29,26,27.164025707494595,23.046125844382363,2.8286604333373293,0.22722386495508656,0.9102615998551152,1.4579334641716724,0.6514491483704021,-1.9576286475773743 +0.035373731159643186,0.19346049046321526,0.4533185529773283,0.1289997903360981,0.030340177750536317,0.7007266121707538,82,2024-03-01,21,34.73021332526361,28.910709087708934,2.951003428150463,0.19732598798731202,0.7756006055185657,2.620589264713639,1.2181569441072557,-1.9431719929225535 +0.021378037526914796,0.12806539509536785,0.430702131532178,0.17110456522244852,0.033711308611707014,0.20753860127157128,83,2024-03-02,17,13.156676428192252,8.562666269010359,2.8037755311698773,0.21925109776368,1.0287520936875971,1.7347562738245217,0.7361905010039502,-1.928715338267733 +0.022762227007074746,0.09264305177111716,0.4451859157847569,0.23720025947911447,0.017468587189702726,0.15258855585831063,84,2024-03-03,10,10.857876658359814,6.295527059928842,2.898061760359552,0.11361193247754328,1.426147006920219,1.2549300704262496,0.7838575118603212,-1.914258683612912 +0.034758535835127655,0.2779291553133515,0.4183399240592576,0.26124310041294135,0.05240576156910818,0.7783832879200726,85,2024-03-04,53,39.811481169674444,32.114682680708434,2.7233002971595015,0.3408357974326298,1.5707026061043559,3.7647902112787492,1.1969716059488689,-1.8998020289580915 +0.09151030452168564,0.2847411444141689,0.4183432029952021,0.2566467338429391,0.016855654305853507,0.684377838328792,86,2024-03-05,37,37.73524101139214,28.236188331287988,2.723321642306638,0.10962554888184,1.5430673309958394,3.857064481163032,3.151319051060075,-1.8853453743032706 +0.19747769916948632,0.23978201634877383,0.41046352564167543,0.24613519886991858,0.01624272142200429,0.7302452316076293,87,2024-03-06,45,42.56378636174983,30.12859378680231,2.672026687069852,0.10563916528613675,1.479867593470972,3.2480542999267636,6.800493548842246,-1.87088871964845 +0.23408182097816058,0.2779291553133515,0.40858558500590886,0.29158321261737963,0.01593625498007968,0.7257039055404177,88,2024-03-07,51,44.42717393800988,29.941226910018717,2.6598017092532316,0.1036459734882851,1.75312002969825,3.7647902112787492,8.061021169266276,-1.8564320649936294 +0.15103045216856353,0.1539509536784741,0.41515299916956006,0.2545209675942662,0.016855654305853507,0.706630336058129,89,2024-03-08,36,38.94117564162045,29.15428602752761,2.702554121621379,0.10962554888184,1.5302863366596005,2.085398499384797,5.201000517884023,-1.8419754103388086 +0.06336511842509997,0.12806539509536785,0.4033799382814566,0.28335896386629233,0.04688936561446522,0.271117166212534,90,2024-03-09,28,17.909674750998633,11.185802543980708,2.625914101457997,0.30495834507130043,1.7036724120342261,1.7347562738245217,2.182089830313867,-1.827518755683988 +0.048600430636727164,0.07084468664850135,0.4036270738537557,0.26346612019113724,0.04045357033404842,0.2584014532243415,91,2024-03-10,11,15.956099855177865,10.66117528898664,2.6275228993249335,0.26310131731641606,1.584068329269923,0.9596524067965437,1.6736417145125777,-1.8130621010291672 +0.18517379267917564,0.3215258855585831,0.43411534801854906,0.30800772658527514,0.8194912657064051,0.866030881017257,92,2024-03-11,67,54.672051028836805,35.73086340263185,2.8259948149078724,5.329794867455276,1.8518710660034865,4.3553455385381605,6.376786785674504,-1.7986054463743466 +0.2293140572131652,0.332425068119891,0.4512130008369187,0.27034898640636684,1.0,0.7257039055404177,93,2024-03-12,44,51.62342986841783,29.941226910018717,2.937296749825278,6.50378483638989,1.625450995011679,4.502984370353013,7.896834798538776,-1.7841487917195258 +0.28175945862811447,0.279291553133515,0.44863002376296907,0.2298176014399378,0.1624272142200429,0.7693006357856493,94,2024-03-13,37,48.81501990964219,31.739948927141242,2.9204821408709423,1.0563916528613673,1.381759384036466,3.7832450652556058,9.702884876541274,-1.7696921370647052 +0.12842202399261765,0.21798365122615804,0.45409760683460854,0.18632561533396041,0.8026356114005516,0.8287920072661217,95,2024-03-14,60,49.11094712509324,34.194455013006355,2.956074896301167,5.220169318573436,1.1202674027618131,2.952776636297058,4.422439340563298,-1.7552354824098844 +0.10935096893263611,0.19346049046321526,0.45004294237606823,0.16416304321361044,0.6711615078148943,0.6839237057220708,96,2024-03-15,31,41.14474266860109,28.21745164360963,2.929679928262542,4.365090037295084,0.9870167648219603,2.620589264713639,3.7656938576532997,-1.7407788277550638 +0.09597047062442327,0.13760217983651227,0.4447794549139554,0.15366392161150352,0.03922770456634998,0.2924613987284287,97,2024-03-16,27,19.583393697995135,12.066426864863613,2.8954157900694186,0.25512855012500946,0.9238916616664362,1.863940251662518,3.3049127527083813,-1.7263221731002432 +0.06136573362042449,0.0994550408719346,0.4326067354965048,0.17389527034178826,0.04076003677597303,0.24795640326975474,98,2024-03-17,11,16.105607344186403,10.230231472384366,2.816174081352928,0.26509450911426763,1.0455309781706208,1.3472043403105327,2.1132374812991093,-1.7118655184454223 +0.1131959397108582,0.3010899182561308,0.4434876106333672,0.23102389487494357,0.03922770456634998,0.8387829246139872,99,2024-03-18,46,45.417025071948984,34.606662141930265,2.887006169780079,0.25512855012500946,1.3890121238757007,4.078522728885312,3.8981022211432186,-1.6974088637906017 +0.11934789295601354,0.276566757493188,0.4541357511555893,0.2549821556219229,0.026969046889365612,0.6603088101725704,100,2024-03-19,45,38.081265912484405,27.243143884334927,2.9563232073866925,0.175400878210944,1.5330591916586396,3.7463353573018923,4.10995560272709,-1.682952209135781 +0.14410950476776377,0.2670299727520436,0.457345310424159,0.28607516495212704,0.02359791602819491,0.5349682107175294,101,2024-03-20,48,33.83383521700543,22.07181808510766,2.9772167277206707,0.153475768434576,1.7200033471574134,3.617151379463896,4.9626654636021685,-1.6684955544809603 +0.09796985542909875,0.13760217983651227,0.46080461308272513,0.3666107883822673,0.004903463070793748,0.33469573115349677,102,2024-03-21,19,22.62844950772837,13.808938818951058,2.9997360222374985,0.03189106876562618,2.2042171442146694,1.863940251662518,3.3737651017231394,-1.6540388998261395 +0.11396493386650262,0.1553133514986376,0.4286667065825516,0.30156971184917325,0.005209929512718357,0.4909173478655767,103,2024-03-22,41,29.28078704134375,20.254359380306777,2.790525365332542,0.03388426056347782,1.8131630331094144,2.1038533533616537,3.9245838938412025,-1.639582245171319 +0.09212549984620118,0.13215258855585832,0.42496564517622426,0.44675071576338066,0.007661661048115231,0.24795640326975474,104,2024-03-23,15,19.070045028069636,10.230231472384366,2.766432274886245,0.04982979494629091,2.686051851395679,1.7901208357550915,3.1725043892184623,-1.625125590516498 +0.0956628729621655,0.11171662125340599,0.40357942904800104,0.5300282525936841,0.0021452650934722646,0.17983651226158037,105,2024-03-24,6,16.444593756018268,7.41972832063042,2.6272127421866647,0.013952342584961456,3.1867511767464713,1.5132980261022422,3.2943200836291875,-1.6106689358616775 +0.3135958166717933,0.21525885558583105,0.3946721336110816,0.5825480496621315,0.003677597303095311,0.7470481380563124,106,2024-03-25,62,49.03640065380312,30.821851230901622,2.5692282207121755,0.023918301574219637,3.502522127240809,2.9158669283433447,10.799226126237803,-1.5962122812068569 +0.4312519224853891,0.1866485013623978,0.4060198887784647,0.5640744599234627,0.006129328838492185,0.5690281562216166,107,2024-03-26,43,45.348965700808336,23.477069660984636,2.643099594784162,0.03986383595703273,3.3914511917758574,2.5283149948293557,14.850922049029327,-1.581755626552036 +0.37003998769609353,0.10626702997275204,0.39638045542240613,0.5942235975029447,0.0058228623965675755,0.5326975476839236,108,2024-03-27,54,40.78423524515276,21.978134646715866,2.5803490175304233,0.037870644159181094,3.572720396179869,1.4394786101948158,12.742980902269816,-1.5672989718972155 +0.5152260842817595,0.1103542234332425,0.3641680174912506,0.49451982073889156,0.004596996628869139,0.4364214350590372,109,2024-03-28,35,41.06448913320886,18.00595685890362,2.3706531775088964,0.02989787696777455,2.9732596572964183,1.4948431721253856,17.742720707649163,-1.5528423172423946 +0.1373423561980929,0.12125340599455041,0.325855365722066,0.42996979583538053,0.003677597303095311,0.2198001816530427,110,2024-03-29,13,18.632602472562155,9.068556836326069,2.1212462958142635,0.023918301574219637,2.5851579536350293,1.6424820039402386,4.729626743859911,-1.538385662587574 +0.13011381113503537,0.12125340599455041,0.29479237038665107,0.438540616419782,0.0033711308611707015,0.23705722070844687,111,2024-03-30,16,18.95745047290162,9.780550968103736,1.919033072637369,0.021925109776368,2.636689305877798,1.6424820039402386,4.480699020498863,-1.5239290079327532 +0.12826822516148878,0.07493188010899182,0.276079801578279,0.36419135874005937,0.0033711308611707015,0.22524977293369663,112,2024-03-31,8,17.22489873476923,9.293397088466385,1.7972183921211513,0.021925109776368,2.1896705229324414,1.0150169687271138,4.417143006023702,-1.5094723532779326 +0.0890495232236235,0.19209809264305178,0.2751071151180921,0.38516364208750675,0.0058228623965675755,0.3878292461398728,113,2024-04-01,11,24.31934939835339,16.00113127731914,1.790886418590232,0.037870644159181094,2.315764647744638,2.6021344107367828,3.0665776984265265,-1.495015698623112 +0.4995386035066134,0.22752043596730245,0.2707884010842592,0.41283681753444135,0.004290530186944529,0.6321525885558583,114,2024-04-02,45,49.15818996842148,26.08146924827663,1.7627725462694586,0.02790468516992291,2.4821473339284146,3.0819606141350544,17.202494584610292,-1.4805590439682912 +0.3771147339280222,0.21798365122615804,0.2841355520632356,0.5975404834917275,0.005209929512718357,0.6503178928247048,115,2024-04-03,48,46.780429998280944,26.830936755411013,1.8496595444660027,0.03388426056347782,3.592662899765598,2.952776636297058,12.986612291091268,-1.4661023893134706 +0.32328514303291295,0.1989100817438692,0.304998363868909,0.6983405560133159,0.027581979773214832,0.5004541326067211,116,2024-04-04,40,39.387062088966246,20.64782982155233,1.9854718308924955,0.1793872618066473,4.198715026519962,2.6944086806210654,11.1328952022324,-1.4516457346586498 +0.2719163334358659,0.14713896457765668,0.31596449862117826,0.7293910155858245,0.02421084891204413,0.39691189827429607,117,2024-04-05,42,32.89544409407039,16.37586503088633,2.05685894054191,0.1574621520302793,4.385403355108108,1.9931242295005143,9.36391946600708,-1.4371890800038292 +0.1753306674869271,0.14986376021798364,0.3163651259243626,0.7568628260078143,0.03217897640208397,0.22161671207992734,118,2024-04-06,21,22.607953899336287,9.143503587039508,2.0594669355982407,0.20928513877442181,4.550575350678585,2.0300339374542276,6.037821375140312,-1.4227324253490083 +0.10135342971393418,0.06948228882833787,0.304519453330918,0.896597346440647,0.026662580447441003,0.16167120799273388,119,2024-04-07,15,17.239946608940777,6.670260813496035,1.9823542293072378,0.17340768641309237,5.390717636004641,0.9411975528196873,3.490284461594268,-1.4082757706941877 +0.3322054752383882,0.26021798365122617,0.3174481780004356,0.9851419528099806,0.012871590560833588,0.7025431425976385,120,2024-04-08,40,50.630112640635176,28.985655838422375,2.0665173648567947,0.08371405550976874,5.923084782776978,3.5248771095796134,11.440082605529012,-1.3938191160393671 +0.23731159643186714,0.2316076294277929,0.3064902009547365,0.9828821015890025,0.008887526815813668,0.5372388737511353,121,2024-04-09,30,40.058191968585135,22.165501523499465,1.9951833600712696,0.05780256213769746,5.909497613597819,3.137325176065624,8.172244194597807,-1.3793624613845463 +0.27053214395570596,0.19073569482288827,0.3079142008020023,0.9739681373687674,0.01195219123505976,0.4900090826521344,122,2024-04-10,44,38.69000311262246,20.21688600495006,2.004453283844227,0.07773448011621382,5.85590313853106,2.5836795567599258,9.316252455150709,-1.3649058067297257 +0.6007382343894186,0.1553133514986376,0.31436775096264147,0.9257874117639933,0.020839718050873427,0.4872842870118074,123,2024-04-11,40,49.29357479837263,20.1044658788799,2.0464644667589917,0.13553704225391128,5.566220497528119,2.1038533533616537,20.687482711664963,-1.350449152074905 +0.300830513688096,0.18119891008174385,0.30615281878413164,0.8784224968808971,0.030340177750536317,0.3637602179836512,124,2024-04-12,34,33.957976187373184,15.008086830366077,1.9929870768273725,0.19732598798731202,5.281442851239303,2.454495578921929,10.359630359451272,-1.3359924974200843 +0.22608428175945863,0.0994550408719346,0.29797714391804003,0.8424178070978785,0.03125957707631014,0.14396003633060853,125,2024-04-13,22,20.958848693386507,5.939529994040008,1.9397652433091521,0.20330556338086692,5.064967621903965,1.3472043403105327,7.785611773207243,-1.3215358427652635 +0.21239618578898803,0.07084468664850135,0.31650639492312305,0.7549869181214155,0.025436714679742567,0.19391462306993643,126,2024-04-14,7,21.732494950406625,8.00056563865957,2.0603865655072644,0.16543491922168582,4.539296609148873,0.9596524067965437,7.314237999183132,-1.3070791881104429 +0.33558904952322366,0.2956403269754768,0.318563370091575,0.7472372139224998,0.018387986515476556,0.6485013623978201,127,2024-04-15,41,47.710743427476146,26.755990004697573,2.0737770184985536,0.1195915078710982,4.492702151486512,4.004703312977885,11.55660196540014,-1.292622533455622 +0.3143648108274377,0.276566757493188,0.3327356700004486,0.8130436551045385,0.02022678516702421,0.6639418710263396,128,2024-04-16,49,47.87285882987332,27.3930373857618,2.1660355535644107,0.13155065865820803,4.88835795445202,3.7463353573018923,10.825707798935786,-1.2781658788008015 +0.4071055059981544,0.48501362397820164,0.3274986403045682,0.8513202156680391,0.028501379098988658,0.6026339691189827,129,2024-04-17,67,51.62500397346075,24.86358454918325,2.1319436495724693,0.1853668372002022,5.118492619577221,6.569928015760954,14.019397526312636,-1.2637092241459809 +0.4409412488465088,0.37193460490463215,0.3256516362733029,0.7704501720626457,0.030953110634385533,0.5390554041780199,130,2024-04-18,32,48.16746254799682,22.2404482742129,2.119920062202675,0.2013123715830153,4.632268148783611,5.038175135681855,15.184591125023925,-1.24925256949116 +0.4398646570286066,0.31471389645776565,0.3292091781336866,0.7062811332241319,0.02421084891204413,0.38646684831970934,131,2024-04-19,38,40.6677114679867,15.94492121428406,2.1430788721759924,0.1574621520302793,4.246457092432083,4.263071268653878,15.147516783246747,-1.2347959148363394 +0.24007997539218703,0.16348773841961853,0.30320309492762226,0.5742137654642571,0.011645724793135151,0.18528610354223432,132,2024-04-20,19,22.40832925247028,7.644568572770736,1.9737850275057958,0.07574128831836219,3.4524129305235616,2.2145824772227938,8.26757821631055,-1.2203392601815186 +0.18209781605659797,0.07493188010899182,0.3104636712652918,0.456237333723278,0.01593625498007968,0.23614895549500453,133,2024-04-21,4,20.690857156365283,9.743077592747017,2.0210497721805685,0.1036459734882851,2.743089359866425,1.0150169687271138,6.270860094882569,-1.205882605526698 +0.4637034758535835,0.48501362397820164,0.3040262685812705,0.3854687188708423,0.013790989886607416,0.6167120799273388,134,2024-04-22,54,51.177808802409004,25.4444218672124,1.9791437057639978,0.08969363090332365,2.3175988967559595,6.569928015760954,15.968448636884244,-1.1914259508718772 +0.6501076591817903,0.45095367847411444,0.3268038380402213,0.41297439129971353,0.009806926141587496,0.5286103542234332,135,2024-04-23,53,53.80287518963222,21.809504457610625,2.127420640640874,0.06378213753125236,2.482974484851455,6.108556666339539,22.387606098875523,-1.1769692962170566 +0.6811750230698247,0.44005449591280654,0.33547246963808264,0.6878630150143724,0.011645724793135151,0.4909173478655767,136,2024-04-24,30,54.90554272578009,20.254359380306777,2.183851513356427,0.07574128831836219,4.135719674961998,5.960917834524686,23.45746567587407,-1.1625126415622358 +0.7556136573362043,0.39373297002724794,0.34214681734186925,0.60086866390156,0.010419859025436714,0.4877384196185286,137,2024-04-25,48,56.23723284265395,20.123202566558263,2.2273000393988354,0.06776852112695564,3.6126733101268527,5.333452799311561,26.020891593038908,-1.1480559869074152 +0.6536450322977546,0.3801089918256131,0.3559134445137751,0.4836714506731317,0.004903463070793748,0.5158946412352406,138,2024-04-26,34,53.06644745325306,21.28487720261656,2.316917734751347,0.03189106876562618,2.908034726542881,5.148904259542995,22.50942179328625,-1.1335993322525946 +0.2116271916333436,0.26975476839237056,0.3534239718284356,0.3938834431408367,0.0027581979773214833,0.19845594913714804,139,2024-04-27,7,22.697449529372374,8.187932515443165,2.300711818667671,0.01793872618066473,2.3681917327758883,3.654061087417609,7.287756326485148,-1.119142677597774 +0.20870501384189483,0.18119891008174385,0.36683898058078995,0.32742278867275193,0.002451731535396874,0.1625794732061762,140,2024-04-28,11,19.617258331751472,6.707734188852753,2.38804055594714,0.01594553438281309,1.9686025263569824,2.454495578921929,7.18712597023281,-1.104686022942953 +1.0,1.0,0.3434889851021192,0.2735682621795423,0.0021452650934722646,0.5658492279745685,141,2024-04-29,28,74.13310969662686,23.345912847236118,2.236037254400598,0.013952342584961456,1.6448066252224003,13.545862819012754,34.43676717645816,-1.0902293682881323 +0.6396493386650262,0.6076294277929155,0.34593946141084386,0.23309682425250702,0.0021452650934722646,0.5526793823796549,142,2024-04-30,47,55.65251351096144,22.802548904563693,2.25198931270519,0.013952342584961456,1.4014754408799108,8.23086487367805,22.027455350182944,-1.0757727136333117 diff --git a/Test/scenario_test_df.csv b/Test/scenario_test_df.csv new file mode 100644 index 0000000000000000000000000000000000000000..211e9f21ed721f519d4b0a7de1e4344fd27062a0 --- /dev/null +++ b/Test/scenario_test_df.csv @@ -0,0 +1,37 @@ +other_contributions,correction,sales +54.673437858601105,-0.016398495815671765,0.016398495815669656 +7866.4381016073785,-180.5768114492157,183.15238181451224 +7893.59951574313,-120.49537495980348,186.51007457747082 +7784.071313680616,3.9026970810082275,186.84368864180396 +7739.635608065674,3.158548878878719,183.3968073216032 +7741.548159402323,-15.497079102055068,183.36472350771174 +7737.127717219119,7.522721023437043,186.65611011812337 +7757.652956508161,8.206227753883468,182.72457178592677 +7812.665856883105,9.11432420282108,186.7874350687175 +7804.476867427136,7.439360913579549,178.85661501501184 +7745.632850558443,6.524477429800754,186.70797592109193 +7721.19290225325,-0.9405624810515292,185.09276569604776 +7641.166500233613,5.8759618206740925,183.23483448363484 +7646.058221557355,21.287482253755115,186.0593695247204 +7631.167317987042,33.06370214033723,184.1216453903828 +7658.167195277764,2.8623512598569505,185.5487331145462 +7706.304156360296,13.913910918723559,187.68159724383617 +7637.562661334554,4.002088239682962,185.5170283211742 +7640.976307783977,7.694751547784108,186.59556987571446 +7628.782308791876,-1.8712363812055628,186.39738236468534 +7619.233082264381,-8.325007619256212,187.96797373398172 +7629.986013350442,27.30567220031753,180.34949294955638 +7631.440132391295,-5.3802479181222225,186.3726623349528 +7630.816588513333,29.4284537727317,186.9257076019005 +7623.622792526027,19.590462293566816,183.42873674476064 +7644.052592172457,5.13704224610683,187.67705944447542 +7787.346994936803,8.495411022016924,186.07759659937634 +7841.02425131713,4.522288736505288,184.06446998604002 +7802.189156854331,19.05707076899762,185.39857657265813 +7896.558340260808,15.337701542182913,186.35604531275968 +7934.322099152949,20.795054333311782,187.4944558341026 +8012.028006448731,9.69417195774622,183.23483426660664 +7915.459115394041,5.592241702648607,185.185660735412 +7769.100641548036,14.951073513931988,187.44293006495099 +7799.623672008386,10.695430022775327,187.34079907777044 +7937.24564098156,8.002967887516206,185.99475959316848 diff --git a/Test/smr_x_train_contribution.csv b/Test/smr_x_train_contribution.csv new file mode 100644 index 0000000000000000000000000000000000000000..e76aa90453f218908be5793776315276e4732df9 --- /dev/null +++ b/Test/smr_x_train_contribution.csv @@ -0,0 +1,113 @@ +bing_pmax_impressions,bing_searchlink_clicks,facebook_clicks_lag_1,google_pmax_clicks,google_demand_generation_link_clicks,google_search_link_clicks,Trend,date,all_visits,pred,google_search_link_clicks_contr,facebook_clicks_lag_1_contr,google_pmax_clicks_contr,bing_searchlink_clicks_contr,google_demand_generation_link_clicks_contr,bing_pmax_impressions_contr,base_contr +0.0,0.0,0.0,0.0,0.0,0.08128973660308811,1,2023-12-11,193,-163.69705763747314,206.7844445524057,0.0,0.0,0.0,0.0,0.0,-370.4815021898788 +0.0,0.0,0.0,0.16715362140550516,0.07692307692307691,0.0644868301544051,2,2023-12-12,1027,480.1767291714518,164.041291209171,0.0,613.2474775977025,0.0,62.510238731890226,0.0,-359.6222783673119 +0.0,0.0,0.28205128205128205,0.3012455789635553,0.06435795280416794,0.04859218891916439,3,2023-12-13,707,1264.7938429667915,123.6085785871922,332.44946005469933,1105.1994559465495,0.0,52.29940292309541,0.0,-348.76305454474493 +0.0,0.0,0.535042735042735,0.14900815008457635,0.0894882010419859,0.06539509536784742,4,2023-12-14,825,1078.4915215356646,166.35173193042692,630.6465514977024,546.6759942890283,0.0,72.72107454068505,0.0,-337.903830722178 +0.0,0.0,0.4307692307692308,0.1269414116561587,0.09868219429972418,0.04268846503178929,5,2023-12-15,605,835.1978189572437,108.59071389902869,507.7409935380863,465.71830060432694,0.0,80.19241781541297,0.0,-327.04460689961104 +0.0,0.0,0.5384615384615384,0.045594341073350766,0.10818265399938706,0.01226158038147139,6,2023-12-16,591,604.8695703893476,31.190949736955044,634.6762419226078,167.2749559408637,0.0,87.91280586596514,0.0,-316.1853830770441 +0.0,0.0,0.49572649572649574,0.14477933261571582,0.2485442844008581,0.005449591280653952,7,2023-12-17,719,1025.9783635652566,13.862644327535577,584.3051116112898,531.1614536874305,0.0,201.975313193478,0.0,-305.32615925447715 +0.0,0.0,0.4581196581196581,0.024988466861448563,0.10879558688323628,0.07084468664850137,8,2023-12-18,795,605.8136840086192,180.2143762579625,539.9785169373298,91.67683082762342,0.0,88.41089541761366,0.0,-294.4669354319102 +0.0,0.0,0.40854700854700854,0.023912040596647702,0.07018081520073552,0.07084468664850137,9,2023-12-19,678,522.9135991267023,180.2143762579625,481.54800577620085,87.72767503812581,0.0,57.031253663756424,0.0,-283.60771160934326 +0.0,0.0,0.4376068376068376,0.02468091650007689,0.00796812749003984,0.08583106267029973,10,2023-12-20,609,558.4121995332896,218.33664815868534,515.8003743878971,90.54850060205268,0.0,6.47516417143086,0.0,-272.7484877867763 +0.0,0.0,0.5213675213675214,0.028217745655851147,0.03892123812442538,0.07447774750227067,11,2023-12-21,679,677.2476497026553,189.45613914298622,614.5277897980807,103.5242981961163,0.0,31.628686529681513,0.0,-261.8892639642094 +0.0,0.0,0.4598290598290598,0.022528063970475166,0.07906834201654918,0.07674841053587647,12,2023-12-22,689,633.0993041399836,195.232240946126,541.9933621497826,82.65018902305742,0.0,64.25355216266007,0.0,-251.03004014164247 +0.0,0.0,0.5384615384615384,0.0276026449331078,0.07876187557462458,0.023614895549500452,13,2023-12-23,609,619.8490294879971,60.07145875265415,634.6762419226078,101.2676377449748,0.0,64.00450738683581,0.0,-240.17081631907553 +0.0,0.0,0.6393162393162393,0.05543595263724436,0.07385841250383082,0.013623978201634877,14,2023-12-24,700,822.2984419124241,34.656610818838935,753.5521094573185,203.38152315912768,0.0,60.01979097364759,0.0,-229.31159249650858 +0.0,0.0,0.6854700854700855,0.041673073965861916,0.05179282868525896,0.011353315168029066,15,2023-12-25,562,813.3583832144368,28.88050901569912,807.9529301935421,152.88874556483663,0.0,42.08856711430059,0.0,-218.45236867394163 +0.0,0.0,0.7196581196581197,0.04667076733815163,0.02390438247011952,0.024069028156221615,16,2023-12-26,579,892.5329729491577,61.22667911328212,848.2498344425965,171.2241117303613,0.0,19.425492514292582,0.0,-207.5931448513747 +0.0,0.0,0.6991452991452991,0.048823619867753354,0.14434569414649095,0.08174386920980926,17,2023-12-27,1080,1131.6999484999747,207.93966491303362,824.0716918931638,179.12242330935658,0.0,117.30008941322828,0.0,-196.73392102880774 +0.0,0.0,0.4461538461538462,0.025603567584191914,0.2056389825314128,0.04541326067211626,18,2023-12-28,1180,716.5644751635625,115.52203606279647,525.8746004501609,93.93349127876493,0.0,167.10904457808104,0.0,-185.8746972062408 +0.0,0.0,0.35213675213675216,0.01599261879132708,0.8032485442844008,0.03178928247048138,19,2023-12-29,807,1032.3275947906193,80.86542524395752,415.05811376526106,58.67317172967899,0.0,652.7463574353956,0.0,-175.01547338367385 +0.0,0.0,0.37948717948717947,0.015761956020298326,0.6055776892430279,0.0022706630336058135,20,2023-12-30,578,838.8548904957838,5.776101803139825,447.29563716450457,57.826924060500936,0.0,492.11247702874545,0.0,-164.1562495611069 +0.0,0.0,0.3145299145299145,0.05751191757650316,0.3579528041679436,0.0,21,2023-12-31,611,719.3165436972316,0.0,370.7315190913011,210.99775218173025,0.0,290.8842981627402,0.0,-153.29702573854 +0.0,0.0,0.3213675213675214,0.06250961094879287,0.15384615384615383,0.02316076294277929,22,2024-01-01,661,649.6229322282004,58.916238392026195,378.790899941112,229.33311834725492,0.0,125.02047746378045,0.0,-142.43780191597304 +0.0,0.0,0.49401709401709404,0.08380747347378133,0.06527735212994176,0.02316076294277929,23,2024-01-02,682,870.1444504160546,58.916238392026195,582.290266398837,307.46998646802933,0.0,53.0465372505682,0.0,-131.5785780934061 +0.0,0.0,0.505982905982906,0.3073965861909888,0.1296353049341097,0.11353315168029064,24,2024-01-03,1600,1997.5919194037865,288.8050901569911,596.3941828860061,1127.7660604579646,0.0,105.34594017366362,0.0,-120.71935427083918 +0.0,0.0,0.5726495726495726,0.5525911117945564,0.1857186638063132,0.1262488646684832,25,2024-01-04,3031,3064.512742921713,321.1512602545742,674.9731461716623,2027.327332794245,0.0,150.9211341495039,0.0,-109.86013044827223 +0.0,0.0,0.6495726495726496,0.2969398739043519,0.17805700275819797,0.11080835603996367,26,2024-01-05,2587,2182.6118896420094,281.87376799322334,765.6411807320349,1089.4028327885592,0.0,144.6950147538973,0.0,-99.00090662570528 +0.0,0.0,0.5982905982905983,0.16069506381669998,0.14649095923996322,0.05495004541326068,27,2024-01-06,1508,1465.4317508960135,139.78166363598373,705.1958243584531,589.5525428607168,0.0,119.04340284399812,0.0,-88.14168280313834 +0.0,0.0,0.5726495726495726,0.12555743502998618,0.0959239963224027,0.05495004541326068,28,2024-01-07,1341,1276.0641802493278,139.78166363598373,674.9731461716623,460.6408145892587,0.0,77.95101483299459,0.0,-77.28245898057139 +0.0,0.0,0.7572649572649572,0.2324311856066431,0.07906834201654918,0.15122615803814715,29,2024-01-08,2174,2127.8306941854185,384.68838008911223,892.5764291165564,852.7355679750942,0.0,64.25355216266007,0.0,-66.42323515800445 +0.0,0.0,0.5743589743589743,0.3910502844840843,0.07324547961998161,0.13306085376930063,30,2024-01-09,2589,2454.0971289478784,338.47956566399364,676.9879913841149,1434.6718818132085,0.0,59.52170142199906,0.0,-55.5640113354375 +0.0,0.0,0.4666666666666667,0.1615408273104721,0.08182653999387067,0.13396911898274297,31,2024-01-10,1680,1505.2883679980873,340.79000638524957,550.0527429995934,592.6554509810363,0.0,66.49495514507845,0.0,-44.70478751287055 +0.0,0.0,0.4666666666666667,0.4881593110871906,0.07508427827152926,0.167574931880109,32,2024-01-11,3156,2794.441612995126,426.27631307171896,550.0527429995934,1790.942150537173,0.0,61.01597007694464,0.0,-33.84556369030361 +0.0,0.0,0.717948717948718,0.3239274181147163,0.08519767085504137,0.1784741144414169,33,2024-01-12,3205,2534.898508850735,454.0016017267901,846.2349892301438,1188.4138100823923,0.0,69.23444767914536,0.0,-22.98633986773666 +0.0,0.0,0.9538461538461539,1.0,0.13484523444682806,0.11671207992733879,34,2024-01-13,4943,5187.393574990806,296.8916326813869,1124.2836285486196,3668.765728443293,0.0,109.57970136267609,0.0,-12.127116045169714 +0.0,0.0,1.0,0.805397508842073,0.5010726325467361,0.09264305177111717,35,2024-01-14,4532,4775.084497316418,235.6649535681048,1178.6844492848431,2954.8147782134015,0.0,407.18820847267136,0.0,-1.267892222602768 +0.0,0.0,0.9777777777777777,0.35045363678302327,0.3125957707631014,0.3356039963669391,36,2024-01-15,3480,3555.5486030056063,853.7078465040657,1152.4914615229577,1285.7322920378697,0.0,254.0256713407491,0.0,9.591331599964178 +0.0,0.0,0.7367521367521368,0.03936644625557435,0.15170088875268156,0.2929155313351498,37,2024-01-16,1864,1901.6694075007586,745.117132605037,868.3982865671238,144.426268873056,0.0,123.2771640330106,0.0,20.450555422531124 +0.0,0.0,0.7606837606837606,0.16015685068429955,0.10879558688323628,0.21662125340599456,38,2024-01-17,2295,2154.9448711896807,551.0401120195392,896.6061195414618,587.5779649659679,0.0,88.41089541761366,0.0,31.30977924509807 +0.0,0.0,0.6871794871794872,0.11925265262186684,0.11798958014097456,0.19255222524977292,39,2024-01-18,1968,1875.3424950373164,489.81343290625693,809.9677754059948,437.5100449650583,0.0,95.88223869234159,0.0,42.16900306766502 +0.0,0.0,0.7726495726495727,0.13885898815931108,0.18418633159669015,0.16802906448683017,40,2024-01-19,3022,2050.2868034667863,427.43153343234695,910.710036028631,509.4410968451935,0.0,149.6759102703826,0.0,53.02822689023196 +0.0,0.0,0.6666666666666666,0.17215131477779488,0.20686484829911123,0.09900090826521345,41,2024-01-20,1636,1901.2031896308627,251.83803861689628,785.7896328565621,631.5828437632273,0.0,168.1052236813781,0.0,63.88745071279885 +0.0,0.0,0.7623931623931623,0.18660618176226357,0.10450505669629175,0.07266121707538602,42,2024-01-21,1574,1927.7415299108811,184.83525770047436,898.6209647539146,684.6143643650524,0.0,84.92426855607397,0.0,74.7466745353658 +0.0,0.0,0.7726495726495727,0.17561125634322622,0.119215445908673,0.2061762034514078,43,2024-01-22,2418,2261.9409547081964,524.4700437250959,910.710036028631,644.2765588008982,0.0,96.87841779563864,0.0,85.60589835793274 +0.0,0.0,0.6273504273504273,0.14954636321697679,0.06956788231688629,0.2942779291553133,44,2024-01-23,2060,2189.6798451334553,748.5827936869209,739.4481929701494,548.6505721837772,0.0,56.53316411210789,0.0,96.46512218049969 +0.0,0.0,0.6632478632478632,0.3835153006304783,0.028501379098988658,0.43551316984559485,45,2024-01-24,3758,3427.129569715323,1107.856325842218,781.7599424316567,1407.0277912867252,0.0,23.16116415165654,0.0,107.32434600306664 +0.0,0.0,0.6068376068376068,0.21128709826234046,0.018387986515476556,0.5844686648501362,46,2024-01-25,3070,3110.3277758911013,1486.7686041281902,715.2700504207168,775.1628649671052,0.0,14.942686549455832,0.0,118.18356982563358 +0.0,0.0,0.335042735042735,0.30808857450407506,0.0199203187250996,0.44141689373297,47,2024-01-26,2741,2793.3193597133913,1122.8741905303816,394.90966164073376,1130.3048034654987,0.0,16.18791042857715,0.0,129.04279364820053 +0.0,0.0,0.3367521367521368,0.1240965708134707,0.01624272142200429,0.2602179836512261,48,2024-01-27,1820,1667.248410100261,661.9412666398237,396.92450685318653,455.2812460177975,0.0,13.199373118685985,0.0,139.90201747076742 +0.0,0.0,0.35555555555555557,0.5085345225280641,0.014710389212381244,0.18165304268846502,49,2024-01-28,2757,2909.5853669554863,462.08814425118584,419.0878041901665,1865.6940279812352,0.0,11.954149239564666,0.0,150.76124129333436 +0.0,0.0,0.3658119658119658,0.26218668306935267,0.021452650934722647,0.684377838328792,50,2024-01-29,3251,3313.0490756538898,1740.9170834663425,431.17687546488276,961.9015172990645,0.0,17.43313430769847,0.0,161.6204651159013 +0.0,0.0,0.27008547008547007,0.09464862371213287,0.02390438247011952,0.7338782924613987,51,2024-01-30,2648,2724.3304547144803,1866.8361027747908,318.3455435675303,347.24362691939825,0.0,19.425492514292582,0.0,172.47968893846826 +0.0,0.0,0.30256410256410254,0.22974011994464094,0.008887526815813668,0.7470481380563124,52,2024-01-31,611,3290.388985598423,1900.3374932330019,356.627602604132,842.8626785013502,0.0,7.222298498903652,0.0,183.3389127610352 +0.0,0.0,0.23931623931623933,0.3745194525603568,0.006129328838492185,0.5585831062670299,53,2024-02-01,3663,3276.2025376046454,1420.9210435723962,282.0783297433813,1374.0241321887806,0.0,4.980895516485278,0.0,194.19813658360215 +0.0,0.043596730245231606,0.4188034188034188,0.5025372904813163,0.05117989580140974,0.5803814713896457,54,2024-02-02,4597,4118.675583095708,1476.3716208825385,493.63707705091724,1843.6915885826054,58.327458610826326,41.59047756265206,0.0,205.0573604061691 +0.0,0.061307901907356945,0.40341880341880343,0.38605259111179463,0.04750229849831443,0.273841961852861,55,2024-02-03,3020,2924.9793763981606,696.5978774586627,475.5034701388427,1416.3365156476839,82.02298867147452,38.6019402527609,0.0,215.91658422873604 +0.0,0.031335149863760216,0.36752136752136755,0.27049054282638785,0.05914802329144958,0.2302452316076294,56,2024-02-04,2243,2328.0191875671053,585.696722838378,433.1917206773355,992.3664333894745,41.922860876531416,48.065641734082924,0.0,226.775808051303 +0.0004613964933866503,0.0653950953678474,0.6,0.17045978779025067,0.04443763407906834,0.9999999999999999,57,2024-02-05,3943,4237.715325234016,2543.7952341027776,707.2106695709059,625.3770275225882,87.49118791623948,36.11149249451826,0.09468175311600037,237.63503187386993 +0.04567825284527838,0.12670299727520434,0.4752136752136752,0.10095340612025219,0.046582899172540604,0.7502270663033606,58,2024-02-06,3329,3304.162133130776,1908.4240357573974,560.126969061857,370.3743965435986,169.514176587714,37.854805925288105,9.373493558484036,248.49425569643688 +0.0538295908951092,0.09673024523160763,0.48376068376068376,0.08895894202675689,0.054551026662580444,0.6298819255222524,59,2024-02-07,2941,2943.00505600014,1602.2906401909868,570.2011951241207,326.3695177463394,129.4140487927709,44.32997009671897,11.046204530200043,259.3534795190038 +0.0575207628422024,0.26430517711171664,0.49230769230769234,0.04859295709672459,0.04474410052099295,0.656675749318801,60,2024-02-08,2783,3100.9873552897757,1670.4486414680366,580.2754211863844,178.27617564017848,353.61021782813464,36.360537270342526,11.803658555128045,270.2127033415708 +0.05321439557059367,0.26294277929155313,0.4905982905982906,0.04536367830232201,0.05148636224333435,0.5009082652134423,61,2024-02-09,2377,2704.5162384601344,1274.208057772645,578.2605759739315,166.42870827168562,351.7874847465463,41.83952233847633,10.919962192712044,281.0719271641377 +0.040756690249154105,0.07629427792915532,0.4564102564102564,0.051360910349069665,0.04413116763714373,0.22752043596730245,62,2024-02-10,1762,1743.3904262027274,578.7654006746103,537.9636717248771,188.43114767031523,102.07305256894607,35.862447718694,8.363554858580033,291.93115098670467 +0.1198092894494002,0.03814713896457766,0.41196581196581195,0.05289866215592804,0.029420778424762487,0.1821071752951862,63,2024-02-11,1454,1545.214754409751,463.2433646118138,485.5776962011063,194.072798798169,51.036526284473034,23.908298479129332,24.585695225788097,302.7903748092716 +0.16764072593048293,0.31335149863760214,0.4700854700854701,0.05874211902198986,0.04259883542752069,0.6866485013623977,64,2024-02-12,3317,3318.1831599802,1746.6931852694822,554.082433424499,215.51107308401325,419.22860876531416,34.61722383957268,34.40103696548013,313.64959863183856 +0.2060904337127038,0.36103542234332425,0.4444444444444444,0.03575272950945718,0.0631320870364695,0.603542234332425,65,2024-02-13,2986,3091.4434991884623,1535.2878592745649,523.859755237708,131.1683887225997,483.0242666209055,51.30322381979835,42.291183058480165,324.5088224544055 +0.17102430021531836,0.30517711171662126,0.38974358974358975,0.028909733968937416,0.059454489733374194,0.5599455040871935,66,2024-02-14,2663,2816.9047671814797,1424.3867046542803,459.3847084392209,106.0630412036505,408.29221027578427,48.31468650990719,35.095369821664136,335.36804627697245 +0.011842509996924024,0.1784741144414169,0.42905982905982903,0.04182684914654775,0.050260496475635914,0.5326975476839236,67,2024-02-15,2768,2642.531354039291,1355.0734830166023,505.7261483256335,153.452910677622,238.77803368807028,40.84334323517927,2.4301649966440095,346.2272700995394 +0.004152568440479853,0.1757493188010899,0.4376068376068376,0.037136706135629714,0.0530186944529574,0.5,68,2024-02-16,2767,2560.099809619596,1271.897617051389,515.8003743878971,136.24587473766806,235.1325675248936,43.08474621759765,0.8521357780440034,357.08649392210634 +0.00492156259612427,0.10081743869209808,0.4256410256410256,0.09910810395202214,0.03892123812442538,0.17302452316076294,69,2024-02-17,1870,1840.9064215019514,440.13895739925454,501.6964579007281,363.6044151901741,134.88224803753587,31.628686529681513,1.0099386999040039,367.9457177446733 +0.004767763764995386,0.06267029972752043,0.4512820512820513,0.1252498846686145,0.05240576156910818,0.1757493188010899,70,2024-02-18,2016,1944.7175981160133,447.07027956302227,531.919136087519,459.5124843636879,83.84572175306283,42.58665666594912,0.9783781155320037,378.80494156724023 +0.016456474930790527,0.29427792915531337,0.5811965811965812,0.15023835153006304,0.05792215752375115,0.6780199818346957,71,2024-02-19,3817,3794.801642014263,1724.743998417551,685.047372233926,551.1893151913113,393.7103456230777,47.06946263078587,3.3769825278040133,389.6641653898072 +0.0,0.0,0.4170940170940171,0.21628479163463019,0.06558381857186638,0.5744777475022707,72,2024-02-20,3943,3200.293190404236,1461.3537561943751,491.62223183846453,793.4982311326298,0.0,53.295582026392466,0.0,400.5233892123741 +0.0,0.0,0.37777777777777777,0.21151776103336922,0.06527735212994176,0.43823796548592187,73,2024-02-21,3715,2800.5067028798303,1114.7876480059858,445.28079195205186,776.0091126362832,0.0,53.0465372505682,0.0,411.3826130349411 +0.0,0.0,0.40512820512820513,0.1834537905582039,0.050260496475635914,0.48683015440508626,74,2024-02-22,3312,2852.048701590113,1238.396226593178,477.5183153512954,673.0489795529522,0.0,40.84334323517927,0.0,422.241836857508 +0.00015379883112888343,0.02316076294277929,0.2923076923076923,0.1990619713978164,0.03922770456634998,0.4178019981834695,75,2024-02-23,3091,2633.649816564765,1062.8027317777273,344.5385313294157,730.3117385006678,30.986462387001485,31.877731305505772,0.03156058437200012,433.10106068007497 +0.0023069824669332516,0.10490463215258855,0.30256410256410254,0.09956942949407965,0.04474410052099295,0.20935513169845596,76,2024-02-24,1739,1875.6257772030192,532.5565862494917,356.627602604132,365.29691052853025,140.35044728230085,36.360537270342526,0.4734087655800019,443.9602845026419 +0.0033835742848354355,0.0667574931880109,0.3452991452991453,0.2179763186221744,0.04076003677597303,0.1784741144414169,77,2024-02-25,2270,2238.655099379357,454.0016017267901,406.9987329154501,799.704047373269,89.31392099782781,33.122955184627095,0.6943328561840028,454.81950832520886 +0.00984312519224854,0.28610354223433243,0.41367521367521365,0.03767491926803015,0.04750229849831443,0.6153496821071752,78,2024-02-26,3029,3080.2110796307597,1565.323588650892,487.592541413559,138.22045263241688,382.7739471335478,38.6019402527609,2.0198773998080077,465.6787321477758 +0.019071055059981544,0.4196185286103542,0.3384615384615385,0.05428263878210057,0.03493717437940545,0.5744777475022707,79,2024-02-27,3078,3129.687755078892,1461.3537561943751,398.93935206563924,199.15028481323736,561.4017891292034,28.39110444396608,3.913512462128015,476.53795597034275 +0.017994463242079362,0.1335149863760218,0.37777777777777777,0.048054743964324166,0.030340177750536317,0.572661217075386,80,2024-02-28,2987,2772.688307416036,1456.7328747518632,445.28079195205186,176.3015977454297,178.62784199565561,24.655432806602125,3.6925883715240144,487.3971797929097 +0.018917256228852663,0.10762942779291552,0.4205128205128205,0.045209903121636176,0.033711308611707014,0.5585831062670299,81,2024-02-29,3051,2755.9667032740454,1420.9210435723962,495.65192226336995,165.86454315890026,143.99591344547747,27.394925340669023,3.8819518777560154,498.25640361547653 +0.035373731159643186,0.19346049046321526,0.31965811965811963,0.16215592803321544,0.017468587189702726,0.7007266121707538,82,2024-03-01,3915,3543.591394260915,1782.5050164489494,376.77605472865923,594.9121114321779,258.8280975855418,14.19555222198304,7.258934405560027,509.1156274380435 +0.021378037526914796,0.12806539509536785,0.40512820512820513,0.23627556512378903,0.05240576156910818,0.20753860127157128,83,2024-03-02,2845,2610.5790547765737,527.9357048069797,477.5183153512954,866.8396957947285,171.33690966930234,42.58665666594912,4.386921227708017,519.9748512606104 +0.022762227007074746,0.09264305177111716,0.30085470085470084,0.19129632477318162,0.016855654305853507,0.15258855585831063,84,2024-03-03,2187,2117.7365526562558,388.1540411709961,354.6127573916793,701.8214003050065,123.94584954800594,13.697462670334511,4.670966487056018,530.8340750831774 +0.034758535835127655,0.2779291553133515,0.35384615384615387,0.14793172381977548,0.01624272142200429,0.7783832879200726,85,2024-03-04,4022,3873.7104083300956,1980.0476981163313,417.07295897771377,542.7268384995307,371.83754864401783,13.199373118685985,7.132692068072028,541.6932989057443 +0.09151030452168564,0.2847411444141689,0.3316239316239316,0.1331693064739351,0.01593625498007968,0.684377838328792,86,2024-03-05,3730,3585.596655178778,1740.9170834663425,390.87997121582833,488.56698767213464,380.9512140519594,12.95032834286172,18.778547701340074,552.5525227283113 +0.19747769916948632,0.23978201634877383,0.3418803418803419,0.24004305705059203,0.016855654305853507,0.7302452316076293,87,2024-03-06,4400,4079.6591453526876,1857.5943398897668,402.96904249054467,880.6617410579703,320.8010223595448,13.697462670334511,40.52379033364816,563.4117465508782 +0.23408182097816058,0.2779291553133515,0.3641025641025641,0.10064585575888052,0.04688936561446522,0.7257039055404177,88,2024-03-07,3672,3676.6978119867044,1846.0421362834873,429.16203025243004,369.2460663180279,371.83754864401783,38.10385070111237,48.03520941418419,574.2709703734452 +0.15103045216856353,0.1539509536784741,0.31794871794871793,0.21151776103336922,0.04045357033404842,0.706630336058129,89,2024-03-08,4074,3803.2586399672023,1797.522881137113,374.7612095162065,776.0091126362832,205.96883821948046,32.87391040880283,30.992493853304122,585.1301941960121 +0.06336511842509997,0.12806539509536785,0.3418803418803419,0.13040135322159005,0.8194912657064051,0.271117166212534,90,2024-03-09,3544,3017.3226324306643,689.6665552948947,402.96904249054467,478.412015641998,171.33690966930234,665.9457305540815,13.002960761264049,595.989418018579 +0.048600430636727164,0.07084468664850135,0.42735042735042733,0.24873135475934186,1.0,0.2584014532243415,91,2024-03-10,2912,3597.8057685007007,657.3203851973118,503.7113031131808,912.5370699303439,94.78212024259277,812.633103514573,9.97314466155204,606.848641841146 +0.18517379267917564,0.3215258855585831,0.4153846153846154,0.10941104105797325,0.1624272142200429,0.866030881017257,92,2024-03-11,4201,4311.881639779639,2203.005227717528,489.6073866260118,401.4034777467943,430.1650072548441,131.99373118685983,37.99894358388815,617.7078656637129 +0.2293140572131652,0.332425068119891,0.37435897435897436,0.08073196986006459,0.8026356114005516,0.7257039055404177,93,2024-03-12,5470,4356.098982599186,1846.0421362834873,441.25110152714643,296.18668421232184,444.7468719075507,652.2482678837471,47.056831298652185,628.5670894862799 +0.28175945862811447,0.279291553133515,0.39487179487179486,0.05013070890358297,0.6711615078148943,0.7693006357856493,94,2024-03-13,3634,4222.604006407479,1956.9432909037719,465.4292440765791,183.91782676803226,373.6602817256062,545.4080590551379,57.81899056950423,639.4263133088468 +0.12842202399261765,0.21798365122615804,0.37264957264957266,0.06689220359833922,0.03922770456634998,0.8287920072661217,95,2024-03-14,3378,3793.0788879640386,2108.277158146035,439.2362563146937,245.41182406163807,291.63729305413165,31.877731305505772,26.3530879506201,650.2855371314139 +0.10935096893263611,0.19346049046321526,0.3658119658119658,0.0770413655236045,0.04076003677597303,0.6839237057220708,96,2024-03-15,3147,3429.1208492887117,1739.7618631057146,431.17687546488276,282.64672150547284,258.8280975855418,33.122955184627095,22.439575488492085,661.1447609539806 +0.09597047062442327,0.13760217983651227,0.3418803418803419,0.13286175611256343,0.03922770456634998,0.2924613987284287,97,2024-03-16,2326,2542.0411741521193,743.9619122444092,402.96904249054467,487.4386574465639,184.0960412404206,31.877731305505772,19.69380464812808,672.0039847765476 +0.06136573362042449,0.0994550408719346,0.39658119658119656,0.21982162079040443,0.026969046889365612,0.24795640326975474,98,2024-03-17,2269,2755.099771910619,630.7503169028686,467.4440892890318,806.4740287266934,133.05951495594755,21.91594027253522,12.59267316442805,682.8632085991145 +0.1131959397108582,0.3010899182561308,0.40512820512820513,0.18737505766569276,0.02359791602819491,0.8387829246139872,99,2024-03-18,4289,4437.596992649086,2133.69200607985,477.5183153512954,687.4351899289793,402.8240110310193,19.17644773846832,23.22859009779209,693.7224324216814 +0.11934789295601354,0.276566757493188,0.39316239316239315,0.2163616792249731,0.004903463070793748,0.6603088101725704,100,2024-03-19,4107,4039.9573185987474,1679.6904043530606,463.4143988641263,793.7803136890225,370.0148155624295,3.9847164131882216,24.491013472672098,704.5816562442484 +0.14410950476776377,0.2670299727520436,0.39658119658119656,0.3353067814854683,0.005209929512718357,0.5349682107175294,101,2024-03-20,4391,4164.958295340987,1360.8495848197422,467.4440892890318,1230.16202842851,357.25568399131123,4.233761189012485,29.572267556564114,715.4408800668153 +0.09796985542909875,0.13760217983651227,0.29914529914529914,0.08957404274950023,0.007661661048115231,0.33469573115349677,102,2024-03-21,1969,2469.347852929891,851.3974057828098,352.59791217922657,328.6261781974809,184.0960412404206,6.226119395606596,20.10409224496408,726.3001038893823 +0.11396493386650262,0.1553133514986376,0.35213675213675216,0.4755497462709519,0.0021452650934722646,0.4909173478655767,103,2024-03-22,4704,4378.612540356303,1248.7932098388296,415.05811376526106,1744.680611288772,207.79157130106879,1.743313430769847,23.386393019652093,737.1593277119492 +0.09212549984620118,0.13215258855585832,0.29914529914529914,0.43841304013532223,0.003677597303095311,0.24795640326975474,104,2024-03-23,3222,3538.499953430502,630.7503169028686,352.59791217922657,1608.4347365511042,176.80510891406732,2.9885373098911665,18.904790038828075,748.0185515345162 +0.0956628729621655,0.11171662125340599,0.3162393162393162,0.42672612640319857,0.006129328838492185,0.17983651226158037,105,2024-03-24,3070,3328.7252821350385,457.467262808674,372.7463643037538,1565.5581879794156,149.46411269024244,4.980895516485278,19.63068347938408,758.8777753570831 +0.3135958166717933,0.21525885558583105,0.3658119658119658,0.3149315700445948,0.0058228623965675755,0.7470481380563124,106,2024-03-25,4504,4613.737228028107,1900.3374932330019,431.17687546488276,1155.410150984448,287.99182689095494,4.731850740661013,64.35203153450826,769.7369991796501 +0.4312519224853891,0.1866485013623978,0.3162393162393162,0.4021220974934646,0.004596996628869139,0.5690281562216166,107,2024-03-26,4614,4418.071451500618,1447.4911118668394,372.7463643037538,1475.2917699337556,249.71443217760017,3.735671637363958,88.49587857908834,780.596223002217 +0.37003998769609353,0.10626702997275204,0.24444444444444444,0.15761956020298323,0.003677597303095311,0.5326975476839236,108,2024-03-27,3424,3234.0175194999474,1355.0734830166023,288.1228653807394,578.2692406050093,142.17318036388917,2.9885373098911665,75.9347659990323,791.455446824784 +0.5152260842817595,0.1103542234332425,0.2,0.16823004767030603,0.0033711308611707015,0.4364214350590372,109,2024-03-28,3137,3021.523790243915,1110.1667665634739,235.73688985696865,617.1966333872002,147.64137960865412,2.7394925340669025,105.72795764620042,802.3146706473509 +0.1373423561980929,0.12125340599455041,0.18803418803418803,0.27702598800553596,0.0033711308611707015,0.2198001816530427,110,2024-03-29,2391,2803.4233117061294,559.1266545439348,221.63297336979957,1016.3434506828531,162.22324426136072,2.7394925340669025,28.18360184419611,813.1738944699179 +0.13011381113503537,0.12125340599455041,0.19658119658119658,0.11440873443026296,0.0058228623965675755,0.23705722070844687,111,2024-03-30,1909,2272.159539265398,603.0250282477975,231.70719943206316,419.73884391231894,162.22324426136072,4.731850740661013,26.700254378712103,824.0331182924848 +0.12826822516148878,0.07493188010899182,0.23076923076923078,0.26218668306935267,0.004290530186944529,0.22524977293369663,112,2024-03-31,2560,2771.84573568185,572.9892988714704,272.00410368111767,961.9015172990645,100.25031948735774,3.486626861539694,26.3215273662481,834.8923421150517 diff --git a/Test/test_contr.csv b/Test/test_contr.csv new file mode 100644 index 0000000000000000000000000000000000000000..800af896d8f38b865b15758be5891067fc7d7fe1 --- /dev/null +++ b/Test/test_contr.csv @@ -0,0 +1,31 @@ +bing_pmax_impressions,bing_searchlink_clicks,facebook_clicks_lag_2_adstock_0_7,google_pmax_clicks_lag_1_adstock_0_7,google_demand_generation_link_clicks_lag_2,google_search_link_clicks,Trend,date,all_form_completion,pred,google_search_link_clicks_contr,facebook_clicks_lag_2_adstock_0_7_contr,google_demand_generation_link_clicks_lag_2_contr,google_pmax_clicks_lag_1_adstock_0_7_contr,bing_searchlink_clicks_contr,bing_pmax_impressions_contr,base_contr +0.0890495232236235,0.19209809264305178,0.2751071151180921,0.38516364208750675,0.0058228623965675755,0.3878292461398728,113,2024-04-01,11,24.31934939835339,16.00113127731914,1.790886418590232,0.037870644159181094,2.315764647744638,2.6021344107367828,3.0665776984265265,-1.495015698623112 +0.4995386035066134,0.22752043596730245,0.2707884010842592,0.41283681753444135,0.004290530186944529,0.6321525885558583,114,2024-04-02,45,49.15818996842148,26.08146924827663,1.7627725462694586,0.02790468516992291,2.4821473339284146,3.0819606141350544,17.202494584610292,-1.4805590439682912 +0.3771147339280222,0.21798365122615804,0.2841355520632356,0.5975404834917275,0.005209929512718357,0.6503178928247048,115,2024-04-03,48,46.780429998280944,26.830936755411013,1.8496595444660027,0.03388426056347782,3.592662899765598,2.952776636297058,12.986612291091268,-1.4661023893134706 +0.32328514303291295,0.1989100817438692,0.304998363868909,0.6983405560133159,0.027581979773214832,0.5004541326067211,116,2024-04-04,40,39.387062088966246,20.64782982155233,1.9854718308924955,0.1793872618066473,4.198715026519962,2.6944086806210654,11.1328952022324,-1.4516457346586498 +0.2719163334358659,0.14713896457765668,0.31596449862117826,0.7293910155858245,0.02421084891204413,0.39691189827429607,117,2024-04-05,42,32.89544409407039,16.37586503088633,2.05685894054191,0.1574621520302793,4.385403355108108,1.9931242295005143,9.36391946600708,-1.4371890800038292 +0.1753306674869271,0.14986376021798364,0.3163651259243626,0.7568628260078143,0.03217897640208397,0.22161671207992734,118,2024-04-06,21,22.607953899336287,9.143503587039508,2.0594669355982407,0.20928513877442181,4.550575350678585,2.0300339374542276,6.037821375140312,-1.4227324253490083 +0.10135342971393418,0.06948228882833787,0.304519453330918,0.896597346440647,0.026662580447441003,0.16167120799273388,119,2024-04-07,15,17.239946608940777,6.670260813496035,1.9823542293072378,0.17340768641309237,5.390717636004641,0.9411975528196873,3.490284461594268,-1.4082757706941877 +0.3322054752383882,0.26021798365122617,0.3174481780004356,0.9851419528099806,0.012871590560833588,0.7025431425976385,120,2024-04-08,40,50.630112640635176,28.985655838422375,2.0665173648567947,0.08371405550976874,5.923084782776978,3.5248771095796134,11.440082605529012,-1.3938191160393671 +0.23731159643186714,0.2316076294277929,0.3064902009547365,0.9828821015890025,0.008887526815813668,0.5372388737511353,121,2024-04-09,30,40.058191968585135,22.165501523499465,1.9951833600712696,0.05780256213769746,5.909497613597819,3.137325176065624,8.172244194597807,-1.3793624613845463 +0.27053214395570596,0.19073569482288827,0.3079142008020023,0.9739681373687674,0.01195219123505976,0.4900090826521344,122,2024-04-10,44,38.69000311262246,20.21688600495006,2.004453283844227,0.07773448011621382,5.85590313853106,2.5836795567599258,9.316252455150709,-1.3649058067297257 +0.6007382343894186,0.1553133514986376,0.31436775096264147,0.9257874117639933,0.020839718050873427,0.4872842870118074,123,2024-04-11,40,49.29357479837263,20.1044658788799,2.0464644667589917,0.13553704225391128,5.566220497528119,2.1038533533616537,20.687482711664963,-1.350449152074905 +0.300830513688096,0.18119891008174385,0.30615281878413164,0.8784224968808971,0.030340177750536317,0.3637602179836512,124,2024-04-12,34,33.957976187373184,15.008086830366077,1.9929870768273725,0.19732598798731202,5.281442851239303,2.454495578921929,10.359630359451272,-1.3359924974200843 +0.22608428175945863,0.0994550408719346,0.29797714391804003,0.8424178070978785,0.03125957707631014,0.14396003633060853,125,2024-04-13,22,20.958848693386507,5.939529994040008,1.9397652433091521,0.20330556338086692,5.064967621903965,1.3472043403105327,7.785611773207243,-1.3215358427652635 +0.21239618578898803,0.07084468664850135,0.31650639492312305,0.7549869181214155,0.025436714679742567,0.19391462306993643,126,2024-04-14,7,21.732494950406625,8.00056563865957,2.0603865655072644,0.16543491922168582,4.539296609148873,0.9596524067965437,7.314237999183132,-1.3070791881104429 +0.33558904952322366,0.2956403269754768,0.318563370091575,0.7472372139224998,0.018387986515476556,0.6485013623978201,127,2024-04-15,41,47.710743427476146,26.755990004697573,2.0737770184985536,0.1195915078710982,4.492702151486512,4.004703312977885,11.55660196540014,-1.292622533455622 +0.3143648108274377,0.276566757493188,0.3327356700004486,0.8130436551045385,0.02022678516702421,0.6639418710263396,128,2024-04-16,49,47.87285882987332,27.3930373857618,2.1660355535644107,0.13155065865820803,4.88835795445202,3.7463353573018923,10.825707798935786,-1.2781658788008015 +0.4071055059981544,0.48501362397820164,0.3274986403045682,0.8513202156680391,0.028501379098988658,0.6026339691189827,129,2024-04-17,67,51.62500397346075,24.86358454918325,2.1319436495724693,0.1853668372002022,5.118492619577221,6.569928015760954,14.019397526312636,-1.2637092241459809 +0.4409412488465088,0.37193460490463215,0.3256516362733029,0.7704501720626457,0.030953110634385533,0.5390554041780199,130,2024-04-18,32,48.16746254799682,22.2404482742129,2.119920062202675,0.2013123715830153,4.632268148783611,5.038175135681855,15.184591125023925,-1.24925256949116 +0.4398646570286066,0.31471389645776565,0.3292091781336866,0.7062811332241319,0.02421084891204413,0.38646684831970934,131,2024-04-19,38,40.6677114679867,15.94492121428406,2.1430788721759924,0.1574621520302793,4.246457092432083,4.263071268653878,15.147516783246747,-1.2347959148363394 +0.24007997539218703,0.16348773841961853,0.30320309492762226,0.5742137654642571,0.011645724793135151,0.18528610354223432,132,2024-04-20,19,22.40832925247028,7.644568572770736,1.9737850275057958,0.07574128831836219,3.4524129305235616,2.2145824772227938,8.26757821631055,-1.2203392601815186 +0.18209781605659797,0.07493188010899182,0.3104636712652918,0.456237333723278,0.01593625498007968,0.23614895549500453,133,2024-04-21,4,20.690857156365283,9.743077592747017,2.0210497721805685,0.1036459734882851,2.743089359866425,1.0150169687271138,6.270860094882569,-1.205882605526698 +0.4637034758535835,0.48501362397820164,0.3040262685812705,0.3854687188708423,0.013790989886607416,0.6167120799273388,134,2024-04-22,54,51.177808802409004,25.4444218672124,1.9791437057639978,0.08969363090332365,2.3175988967559595,6.569928015760954,15.968448636884244,-1.1914259508718772 +0.6501076591817903,0.45095367847411444,0.3268038380402213,0.41297439129971353,0.009806926141587496,0.5286103542234332,135,2024-04-23,53,53.80287518963222,21.809504457610625,2.127420640640874,0.06378213753125236,2.482974484851455,6.108556666339539,22.387606098875523,-1.1769692962170566 +0.6811750230698247,0.44005449591280654,0.33547246963808264,0.6878630150143724,0.011645724793135151,0.4909173478655767,136,2024-04-24,30,54.90554272578009,20.254359380306777,2.183851513356427,0.07574128831836219,4.135719674961998,5.960917834524686,23.45746567587407,-1.1625126415622358 +0.7556136573362043,0.39373297002724794,0.34214681734186925,0.60086866390156,0.010419859025436714,0.4877384196185286,137,2024-04-25,48,56.23723284265395,20.123202566558263,2.2273000393988354,0.06776852112695564,3.6126733101268527,5.333452799311561,26.020891593038908,-1.1480559869074152 +0.6536450322977546,0.3801089918256131,0.3559134445137751,0.4836714506731317,0.004903463070793748,0.5158946412352406,138,2024-04-26,34,53.06644745325306,21.28487720261656,2.316917734751347,0.03189106876562618,2.908034726542881,5.148904259542995,22.50942179328625,-1.1335993322525946 +0.2116271916333436,0.26975476839237056,0.3534239718284356,0.3938834431408367,0.0027581979773214833,0.19845594913714804,139,2024-04-27,7,22.697449529372374,8.187932515443165,2.300711818667671,0.01793872618066473,2.3681917327758883,3.654061087417609,7.287756326485148,-1.119142677597774 +0.20870501384189483,0.18119891008174385,0.36683898058078995,0.32742278867275193,0.002451731535396874,0.1625794732061762,140,2024-04-28,11,19.617258331751472,6.707734188852753,2.38804055594714,0.01594553438281309,1.9686025263569824,2.454495578921929,7.18712597023281,-1.104686022942953 +1.0,1.0,0.3434889851021192,0.2735682621795423,0.0021452650934722646,0.5658492279745685,141,2024-04-29,28,74.13310969662686,23.345912847236118,2.236037254400598,0.013952342584961456,1.6448066252224003,13.545862819012754,34.43676717645816,-1.0902293682881323 +0.6396493386650262,0.6076294277929155,0.34593946141084386,0.23309682425250702,0.0021452650934722646,0.5526793823796549,142,2024-04-30,47,55.65251351096144,22.802548904563693,2.25198931270519,0.013952342584961456,1.4014754408799108,8.23086487367805,22.027455350182944,-1.0757727136333117 diff --git a/Test/x_test_contribution.csv b/Test/x_test_contribution.csv new file mode 100644 index 0000000000000000000000000000000000000000..d7dbba9feff89c7c4204910ee82a454239d41931 --- /dev/null +++ b/Test/x_test_contribution.csv @@ -0,0 +1,2277 @@ +paid_search_impressions_lag_1_saturation_10,kwai_impressions_lag_2_saturation_10,fb_level_achieved_tier_2_impressions_lag_1_saturation_10,fb_level_achieved_tier_1_impressions_lag_2_saturation_10,ga_app_impressions,digital_tactic_others_impressions_lag_1_saturation_10,programmatic_impressions_lag_2_saturation_10,account_requests_appsflyer,date,panel_1,pred,panel_effect,paid_search_impressions_lag_1_saturation_10_contr,kwai_impressions_lag_2_saturation_10_contr,fb_level_achieved_tier_2_impressions_lag_1_saturation_10_contr,fb_level_achieved_tier_1_impressions_lag_2_saturation_10_contr,ga_app_impressions_contr,digital_tactic_others_impressions_lag_1_saturation_10_contr,programmatic_impressions_lag_2_saturation_10_contr,sum_contributions +0.9969999999999999,0.673,0.0,0.0,0.015927598949499463,0.9510000000000001,0.9520000000000001,57.58,2023-04-03,yakima/pasco/richland/kennewick smm food,60.642683294243284,53.51694236690935,0.0,0.0,0.0,0.0,1.156495491691758,0.0,0.0,54.673437858601105 +0.0,0.0,0.0,0.973,0.028863590495321816,0.863,0.867,112.09,2023-04-10,albany/schenectady/troy smm food,89.9061280550987,82.35686844083078,0.0,0.0,0.0,0.0,1.847915572844499,0.0,0.0,84.20478401367528 +0.966,0.0,0.86,0.627,0.03937441902162546,0.504,0.705,104.32,2023-04-10,albuquerque/santa fe smm food,81.14862231432582,70.79212936171284,0.0,0.0,0.0,0.0,6.59422751833243,0.0,0.0,77.38635688004527 +0.8200000000000001,0.729,0.0,0.0,0.13226942368752964,0.0,0.595,200.97,2023-04-10,atlanta smm food,185.1525283411534,165.2475308400832,0.0,0.0,0.0,0.0,2.7739007360017442,0.0,0.0,168.02143157608492 +0.863,0.0,0.0,0.0,0.054245476045185176,0.9070000000000001,0.0,164.55,2023-04-10,baltimore smm food,114.3711319408915,105.28036119021601,0.0,0.0,0.0,0.0,1.1287562644478877,0.0,0.0,106.4091174546639 +0.579,0.0,0.0,0.0,0.024770847863619678,0.0,0.886,73.92,2023-04-10,baton rouge smm food,56.06476058809359,50.62824190344196,0.0,0.0,0.0,0.0,2.4129263596333477,0.0,0.0,53.041168263075306 +0.0,0.0,0.0,0.9420000000000002,0.054356021557837045,0.589,0.8140000000000001,31.419999999999998,2023-04-10,birmingham/anniston/tuscaloosa smm food,72.59691867306978,62.27551690355495,0.0,0.0,0.0,0.0,5.567867204526428,0.0,0.0,67.84338410808138 +0.0,0.9070000000000001,0.0,0.9829999999999999,0.10879269311500296,0.0,0.851,265.06,2023-04-10,boston/manchester smm food,201.49734534224248,183.34429136615643,0.0,0.0,0.0,0.0,1.3277413229314174,0.0,0.0,184.67203268908784 +0.0,0.0,0.793,0.0,0.03552802476778639,0.0,0.0,105.53,2023-04-10,buffalo smm food,69.16801445215519,63.96319330778341,0.0,0.0,0.0,0.0,3.269620663117555,0.0,0.0,67.23281397090096 +0.8200000000000001,0.0,0.0,0.974,0.07836738280352283,0.6960000000000001,0.0,132.26,2023-04-10,charlotte smm food,140.9525039753021,127.1008852661048,0.0,0.0,0.0,0.0,8.2259254286301,0.0,0.0,135.3268106947349 +0.9840000000000001,0.58,0.0,0.844,0.1785746571517349,0.0,0.0,260.96,2023-04-10,chicago smm food,203.72562234799028,177.12285569785104,0.0,0.0,0.0,0.0,3.124067501566593,0.0,0.0,180.24692319941764 +0.0,0.0,0.0,0.0,0.0797211714470374,0.0,0.0,128.19,2023-04-10,cleveland/akron/canton smm food,140.90545113984265,131.09107465023894,0.0,0.0,0.0,0.0,2.3607241106730292,0.0,0.0,133.45179876091197 +0.0,0.0,0.9540000000000001,0.966,0.05723383173486931,0.0,0.0,168.86,2023-04-10,columbus oh smm food,113.99732294653238,103.92073468964487,0.0,0.0,0.0,0.0,7.330395353387855,0.0,0.0,111.25113004303273 +0.654,0.8250000000000001,0.0,0.0,0.16993732135638953,0.985,0.836,188.32,2023-04-10,dallas/ft. worth smm food,130.80919713386962,105.27715718131851,0.0,0.0,0.0,0.0,1.1021768037574808,0.0,0.0,106.379333985076 +0.0,0.0,0.0,0.0,0.027870120678762662,0.0,0.538,104.54,2023-04-10,des moines/ames smm food,66.60952585067214,62.408297363785806,0.0,0.0,0.0,0.0,4.0325012270961125,0.0,0.0,66.44079859088191 +0.0,0.0,0.9530000000000001,0.0,0.09527634694062703,0.0,0.0,237.14999999999998,2023-04-10,detroit smm food,173.05095644183046,160.32292305294044,0.0,0.0,0.0,0.0,1.6615242849319791,0.0,0.0,161.9844473378724 +0.0,0.0,0.0,0.639,0.04678953131581563,0.8320000000000001,0.796,131.68,2023-04-10,grand rapids smm food,118.94236667471456,110.01556630860257,0.0,0.0,0.0,0.0,1.8780458605487644,0.0,0.0,111.89361216915134 +0.0,0.836,0.9590000000000001,0.0,0.044743996632262056,0.505,0.866,129.39,2023-04-10,greensboro smm food,93.09668799014207,83.56924325587181,0.0,0.0,0.0,0.0,1.6721070958294464,0.0,0.0,85.24135035170126 +0.6990000000000001,0.0,0.0,0.665,0.04307988520035408,0.981,0.0,144.41,2023-04-10,harrisburg/lancaster smm food,93.88331335752119,85.02510769460987,0.0,0.0,0.0,0.0,2.4058388562936663,0.0,0.0,87.43094655090354 +0.0,0.0,0.0,0.0,0.05118377042208593,0.0,0.5,153.16,2023-04-10,hartford/new haven smm food,119.62767504969597,112.61073024106035,0.0,0.0,0.0,0.0,6.831318334029469,0.0,0.0,119.44204857508983 +0.548,0.0,0.6900000000000001,0.6,0.15208968637341844,0.9420000000000002,0.0,238.85000000000002,2023-04-10,houston smm food,190.18734307161344,167.64644198801398,0.0,0.0,0.0,0.0,2.996068171785476,0.0,0.0,170.64251015979946 +0.0,0.0,0.0,0.898,0.07249002876826886,0.0,0.925,164.35,2023-04-10,indianapolis smm food,101.15748905285862,89.02123497580452,0.0,0.0,0.0,0.0,1.7853112357324723,0.0,0.0,90.806546211537 +0.0,0.0,0.791,0.0,0.042171752483553274,0.608,0.0,67.68,2023-04-10,jacksonville smm food,92.8201307398885,86.29988999004563,0.0,0.0,0.0,0.0,2.263822292886249,0.0,0.0,88.56371228293187 +0.63,0.852,0.6880000000000001,0.0,0.05145469359181714,0.0,0.0,118.20999999999998,2023-04-10,kansas city smm food,90.15181912505807,80.49370051161102,0.0,0.0,0.0,0.0,1.4504749041319382,0.0,0.0,81.94417541574296 +0.0,0.975,0.0,0.676,0.03566647494644223,0.0,0.999,80.13,2023-04-10,knoxville smm food,78.23061210181862,69.4030183864474,0.0,0.0,0.0,0.0,1.9334476796728313,0.0,0.0,71.33646606612024 +0.847,0.0,0.0,0.0,0.041336972492483776,0.0,0.0,100.47,2023-04-10,las vegas smm food,79.80137949036148,73.0759844669223,0.0,0.0,0.0,0.0,1.6690388156130114,0.0,0.0,74.74502328253531 +0.541,0.0,0.546,0.704,0.040154849728464836,0.641,0.0,109.41,2023-04-10,little rock/pine bluff smm food,66.27118714510345,57.70357115599228,0.0,0.0,0.0,0.0,16.7284376453759,0.0,0.0,74.43200880136818 +0.926,0.0,0.5,0.683,0.274495320664866,0.0,0.81,257.19,2023-04-10,los angeles smm food,192.67787046784238,153.9765761946837,0.0,0.0,0.0,0.0,0.8951663795005034,0.0,0.0,154.8717425741842 +0.8290000000000001,0.0,0.9980000000000001,0.0,0.020310015907900766,0.965,0.5760000000000001,81.6,2023-04-10,madison wi smm food,59.18457910385968,52.419185278171575,0.0,0.0,0.0,0.0,4.152780399200801,0.0,0.0,56.571965677372376 +0.0,0.548,0.622,0.0,0.07852593400163294,0.0,0.8170000000000001,157.34,2023-04-10,miami/west palm beach smm food,196.5015262933597,184.12181433608328,0.0,0.0,0.0,0.0,2.1837847498281824,0.0,0.0,186.30559908591147 +0.0,0.625,0.0,0.541,0.048516908181757294,0.0,0.505,101.43,2023-04-10,milwaukee smm food,77.00263667251141,68.15317248002567,0.0,0.0,0.0,0.0,3.913848806114322,0.0,0.0,72.06702128613999 +0.0,0.0,0.0,0.0,0.08479734495020858,0.0,0.979,129.25,2023-04-10,minneapolis/st. paul smm food,97.59150414435375,85.75072244988117,0.0,0.0,0.0,0.0,1.4849468135748913,0.0,0.0,87.23566926345606 +0.0,0.851,0.519,0.725,0.03868959589948237,0.0,0.0,61.59000000000001,2023-04-10,mobile/pensacola smm food,75.6813439917204,67.46643487620449,0.0,0.0,0.0,0.0,3.159248169709322,0.0,0.0,70.6256830459138 +0.636,0.0,0.0,0.8270000000000001,0.07158676485013671,0.785,0.661,158.0,2023-04-10,nashville smm food,108.84387504616289,95.47216793873541,0.0,0.0,0.0,0.0,2.0653681244661857,0.0,0.0,97.5375360632016 +0.0,0.679,0.0,0.0,0.044165939758701984,0.895,0.0,70.49,2023-04-10,new orleans smm food,66.82639468374538,59.54961731628727,0.0,0.0,0.0,0.0,17.48609937500781,0.0,0.0,77.03571669129508 +0.88,0.0,0.793,0.0,0.3431036485031259,0.9700000000000001,0.0,538.2,2023-04-10,new york smm food,335.72913812849583,290.1617655847399,0.0,0.0,0.0,0.0,1.9352121882730902,0.0,0.0,292.096977773013 +0.0,0.0,0.9630000000000002,0.0,0.04176250121869004,0.0,0.0,114.54000000000002,2023-04-10,norfolk/portsmouth/newport news smm food,108.46042746337938,102.30993924858487,0.0,0.0,0.0,0.0,2.026570987530158,0.0,0.0,104.33651023611503 +0.0,0.0,0.0,0.0,0.048234439402304034,0.0,0.0,40.86,2023-04-10,oklahoma city smm food,59.54732731000202,53.609244119971564,0.0,0.0,0.0,0.0,1.0319640481753474,0.0,0.0,54.64120816814691 +0.0,0.0,0.732,0.862,0.025177002140931472,0.542,0.608,82.45,2023-04-10,omaha smm food,67.87081506174505,60.87622985001895,0.0,0.0,0.0,0.0,3.769640735665358,0.0,0.0,64.6458705856843 +0.0,0.91,0.0,0.802,0.08314604314531884,0.9770000000000001,0.504,149.43,2023-04-10,orlando/daytona beach/melborne smm food,147.5415478167567,132.61538216686213,0.0,0.0,0.0,0.0,1.1008620990950986,0.0,0.0,133.71624426595724 +0.591,0.0,0.0,0.0,0.02744517271726006,0.538,0.0,49.97,2023-04-10,paducah ky/cape girardeau mo smm food,60.52193734304134,55.55925813283435,0.0,0.0,0.0,0.0,7.249830908931429,0.0,0.0,62.80908904176578 +0.763,0.0,0.0,0.791,0.1545167886194726,0.0,0.669,332.18,2023-04-10,philadelphia smm food,222.85494659591106,199.7377476378349,0.0,0.0,0.0,0.0,4.218574862239969,0.0,0.0,203.95632250007486 +0.719,0.871,0.779,0.941,0.08967385676223139,0.0,0.522,220.13,2023-04-10,phoenix/prescott smm food,134.36998756761167,116.98296111946722,0.0,0.0,0.0,0.0,2.294434105846739,0.0,0.0,119.27739522531395 +0.0,0.53,0.0,0.0,0.05641741972332377,0.0,0.627,123.09000000000002,2023-04-10,pittsburgh smm food,113.25711570992338,104.55223234884438,0.0,0.0,0.0,0.0,2.3210436174318114,0.0,0.0,106.8732759662762 +0.666,0.754,0.0,0.0,0.04878421065638479,0.0,0.6880000000000001,105.5,2023-04-10,portland or smm food,96.39979330000678,86.8963094792362,0.0,0.0,0.0,0.0,1.636091270603568,0.0,0.0,88.53240074983977 +0.5750000000000001,0.0,0.0,0.858,0.03507389264169068,0.0,0.532,108.95,2023-04-10,providence ri/new bedford ma smm food,91.24254522310926,83.24830635780522,0.0,0.0,0.0,0.0,3.331481708843681,0.0,0.0,86.5797880666489 +0.656,0.0,0.0,0.799,0.07381985429778326,0.0,0.0,118.79000000000002,2023-04-10,raleigh/durham/fayetteville smm food,137.3652548572643,125.33017277610136,0.0,0.0,0.0,0.0,14.535719088822207,0.0,0.0,139.86589186492358 +0.0,0.0,0.708,0.744,0.3915738497229876,0.0,0.0,548.26,2023-04-10,rem us east north central smm food,356.96594030557117,306.4536727021249,0.0,0.0,0.0,0.0,4.916439232768683,0.0,0.0,311.3701119348936 +0.531,0.0,0.628,0.582,0.13172191781734302,0.0,0.684,213.29,2023-04-10,rem us middle atlantic smm food,150.9029182773363,130.80002326169728,0.0,0.0,0.0,0.0,8.575186695877788,0.0,0.0,139.37520995757507 +0.0,0.6940000000000001,0.0,0.9210000000000002,0.19131949996305056,0.0,0.0,286.58,2023-04-10,rem us mountain smm food,200.57539293005036,173.95751153106124,0.0,0.0,0.0,0.0,2.570736839799425,0.0,0.0,176.52824837086067 +0.557,0.0,0.0,0.0,0.06034630192596567,0.0,0.0,177.13,2023-04-10,rem us new england smm food,156.72694511633534,148.221630613054,0.0,0.0,0.0,0.0,11.076202212597355,0.0,0.0,159.29783282565137 +0.0,0.0,0.0,0.9430000000000001,0.2019475387665626,0.0,0.894,158.11,2023-04-10,rem us pacific smm food,133.237482972719,105.11364420201244,0.0,0.0,0.0,0.0,18.082213033992286,0.0,0.0,123.19585723600473 +0.554,0.0,0.577,0.521,0.434544944344356,0.0,0.0,366.0,2023-04-10,rem us south atlantic smm food,339.9468715843147,283.6802303568146,0.0,0.0,0.0,0.0,32.686459902163264,0.0,0.0,316.3666902589779 +0.8290000000000001,0.541,0.0,0.9980000000000001,0.7643741636698688,0.731,0.0,588.98,2023-04-10,rem us south central smm food,498.7127253994357,399.4313293612464,0.0,0.0,0.0,0.0,11.098620859017648,0.0,0.0,410.5299502202641 +0.714,0.0,0.705,0.801,0.26701472817274563,0.922,0.9420000000000002,191.05,2023-04-10,rem us west north central smm food,164.73480691434779,125.95452848252805,0.0,0.0,0.0,0.0,1.4596009902823712,0.0,0.0,127.41412947281042 +0.0,0.9700000000000001,0.0,0.932,0.03193363691517801,0.0,0.665,121.44,2023-04-10,richmond/petersburg smm food,94.48807840827557,86.06809383806947,0.0,0.0,0.0,0.0,4.098968763492706,0.0,0.0,90.16706260156218 +0.0,0.546,0.5680000000000001,0.742,0.07695431699367554,0.0,0.0,87.53,2023-04-10,sacramento/stockton/modesto smm food,84.10384738381774,71.58708164797008,0.0,0.0,0.0,0.0,2.4225473399052655,0.0,0.0,74.00962898787535 +0.738,0.973,0.785,0.0,0.055775912010876436,0.0,0.0,125.96,2023-04-10,salt lake city smm food,94.42197491477116,83.72480907215119,0.0,0.0,0.0,0.0,2.935189991368111,0.0,0.0,86.6599990635193 +0.0,0.986,0.0,0.0,0.04802197943873295,0.0,0.0,56.35000000000001,2023-04-10,san diego smm food,86.2295582951796,78.71431295071628,0.0,0.0,0.0,0.0,5.733582962487544,0.0,0.0,84.44789591320382 +0.0,0.804,0.0,0.762,0.09105824941370573,0.582,0.0,69.78,2023-04-10,san francisco/oakland/san jose smm food,103.47359765377419,88.87591304741949,0.0,0.0,0.0,0.0,3.6261293149415827,0.0,0.0,92.50204236236107 +0.925,0.0,0.0,0.851,0.07006147498729468,0.0,0.535,133.63,2023-04-10,seattle/tacoma smm food,101.71207150520368,88.74475650580376,0.0,0.0,0.0,0.0,2.6551283356449416,0.0,0.0,91.39988484144871 +0.996,0.0,0.0,0.0,0.06600159947405633,0.522,0.966,105.35,2023-04-10,st. louis smm food,99.56561565632012,87.70409353036166,0.0,0.0,0.0,0.0,3.735817292088217,0.0,0.0,91.43991082244987 +0.0,0.88,0.9059999999999999,0.8260000000000001,0.08921837221608542,0.0,0.0,163.17,2023-04-10,tampa/ft. myers smm food,188.35569245756943,173.25520362076367,0.0,0.0,0.0,0.0,0.9108661987164691,0.0,0.0,174.16606981948013 +0.6,0.0,0.872,0.0,0.019879699459038738,0.0,0.748,93.4,2023-04-10,tucson/sierra vista smm food,68.91343753885283,63.32224664442017,0.0,0.0,0.0,0.0,5.804692650712164,0.0,0.0,69.12693929513233 +0.519,0.836,0.8180000000000001,0.775,0.10870940758926331,0.0,0.0,220.52,2023-04-10,washington dc/hagerstown smm food,191.253133574099,173.02137618365978,0.0,0.0,0.0,0.0,0.7546717402964798,0.0,0.0,173.77604792395627 +0.0,0.892,0.0,0.0,0.015461449213400688,0.893,0.616,38.67,2023-04-10,yakima/pasco/richland/kennewick smm food,58.48648942829992,53.51694236690935,1.8006752749016164,0.0,0.0,0.0,1.1950077667840386,0.7748950903952782,0.0,57.28752049899028 +0.0,0.0,0.0,0.537,0.03464535062328672,0.0,0.0,68.15,2023-04-17,albany/schenectady/troy smm food,87.75097995759803,82.35686844083078,0.0,0.0,0.0,0.0,1.9334895665125362,0.0,0.0,84.29035800734331 +0.0,0.0,0.8220000000000001,0.999,0.04727517129544354,0.0,0.0,86.75,2023-04-17,albuquerque/santa fe smm food,79.57376986807549,70.79212936171284,0.0,0.0,1.0018219494183844,0.0,6.607776689569026,0.0,0.0,78.40172800070025 +0.0,0.9910000000000001,0.0,0.662,0.17603673973682935,0.706,0.0,196.1,2023-04-17,atlanta smm food,190.50255111987747,165.2475308400832,1.6441788186065187,0.0,0.8928371348373048,0.0,2.7811074490621097,0.43962764937590015,0.0,171.005281891965 +0.624,0.0,0.846,0.0,0.07240794066431956,0.0,0.0,118.31,2023-04-17,baltimore smm food,116.28656660914864,105.28036119021601,0.9930762782182734,0.0,0.0,0.0,1.194215142685177,0.0,0.0,107.46765261111946 +0.0,0.0,0.681,0.0,0.030675962612328682,0.919,0.0,60.23,2023-04-17,baton rouge smm food,55.873536789490004,50.62824190344196,1.0085327183461843,0.0,0.0,0.0,2.5083443797018337,0.0,0.0,54.14511900148998 +0.0,0.0,0.615,0.652,0.0670177351513434,0.0,0.0,58.12,2023-04-17,birmingham/anniston/tuscaloosa smm food,72.54120163091656,62.27551690355495,0.0,0.0,0.0,0.0,5.564461502376698,0.48482301519959076,0.0,68.32480142113124 +0.718,0.0,0.0,0.0,0.14672813396603118,0.972,0.0,194.81,2023-04-17,boston/manchester smm food,203.59375441819822,183.34429136615643,1.0336494335540396,0.0,0.0,0.0,1.3640942896078685,0.7412039995085269,0.0,186.48323908882685 +0.0,0.522,0.0,0.522,0.04199945308187531,0.0,0.786,79.68,2023-04-17,buffalo smm food,72.20513469770475,63.96319330778341,0.0,0.0,0.0,0.0,3.3974195861674157,0.0,0.0,67.36061289395083 +0.714,0.536,0.642,0.649,0.10098369066807415,0.0,0.6980000000000001,112.97,2023-04-17,charlotte smm food,144.8203515177026,127.1008852661048,0.0,0.0,0.0,0.0,7.765185242724614,0.0,0.0,134.8660705088294 +0.0,0.6950000000000001,0.5710000000000001,0.525,0.23043005014467755,0.0,0.0,234.06,2023-04-17,chicago smm food,208.3230515118995,177.12285569785104,1.534051682695154,0.0,0.5491157965431311,0.0,3.217374609265935,0.48728821697179203,0.0,182.91068600332704 +0.996,0.9560000000000002,0.801,0.5680000000000001,0.09781814101707315,0.0,0.0,122.52,2023-04-17,cleveland/akron/canton smm food,148.6457393902276,131.09107465023894,0.0,0.0,0.0,0.0,2.3647687719365624,0.0,0.0,133.4558434221755 +0.0,0.898,0.937,0.0,0.07132015202818931,0.0,0.0,146.89,2023-04-17,columbus oh smm food,115.1430056927844,103.92073468964487,1.5205272975832318,0.0,0.7838523202562253,0.0,7.509338553386862,0.4297668422870949,0.0,114.1642197031583 +0.9350000000000002,0.0,0.0,0.971,0.2243381417357264,0.0,0.0,139.13,2023-04-17,dallas/ft. worth smm food,136.743010998614,105.27715718131851,1.8335202101734274,0.0,0.7157368111430508,0.0,1.123982474350726,0.0,0.0,108.95039667698572 +0.8320000000000001,0.0,0.0,0.0,0.03447522662126005,0.676,0.745,84.12,2023-04-17,des moines/ames smm food,69.88196436648433,62.408297363785806,0.0,0.0,1.0301160839730874,0.0,4.123651860715347,0.0,0.0,67.56206530847425 +0.0,0.9980000000000001,0.0,0.0,0.12048833544446505,0.0,0.614,182.57,2023-04-17,detroit smm food,177.65789569560957,160.32292305294044,1.8257919901094717,0.0,0.0,0.0,1.7109909162249826,0.6639610106462193,0.0,164.52366696992112 +0.888,0.0,0.706,0.0,0.05562928811728658,0.749,0.0,131.63,2023-04-17,grand rapids smm food,119.93500311845399,110.01556630860257,1.6151979933666858,0.0,0.0,0.0,1.9301877965971794,0.0,0.0,113.56095209856643 +0.0,0.743,0.0,0.0,0.05524936197956307,0.0,0.595,111.03,2023-04-17,greensboro smm food,92.43087465217943,83.56924325587181,0.0,0.0,0.5784578620072679,0.0,1.7025972927586848,0.0,0.0,85.85029841063776 +0.0,0.0,0.617,0.9070000000000001,0.052896163793425335,0.0,0.0,109.88,2023-04-17,harrisburg/lancaster smm food,94.09049927576552,85.02510769460987,0.0,0.0,0.0,0.0,2.4131028705750848,0.0,0.0,87.43821056518496 +0.763,0.839,0.666,0.0,0.06533155773718621,0.751,0.0,141.51,2023-04-17,hartford/new haven smm food,124.80710466259988,112.61073024106035,0.0,0.0,0.0,0.0,7.010934849233807,0.0,0.0,119.62166509029416 +0.67,0.0,0.629,0.523,0.20496657325133028,0.721,0.0,224.08,2023-04-17,houston smm food,196.52525473607372,167.64644198801398,1.9108024108129813,0.0,0.5669306220035,0.0,3.012914438732387,0.590826691404247,0.0,173.7279161509671 +0.0,0.636,0.585,0.548,0.09163214945509612,0.0,0.8270000000000001,75.64,2023-04-17,indianapolis smm food,104.28516493169165,89.02123497580452,1.534051682695154,0.0,0.7199285347807846,0.0,1.8562268296081728,0.0,0.0,93.13144202288863 +0.746,0.608,0.535,0.0,0.05508110751972064,0.0,0.0,132.81,2023-04-17,jacksonville smm food,96.07147271272468,86.29988999004563,1.6364505985425633,0.0,0.5868413092827356,0.0,2.299189399903127,0.6212308465947298,0.0,91.44360214436878 +0.773,0.0,0.659,0.0,0.06686323055068995,0.0,0.542,67.41,2023-04-17,kansas city smm food,91.68511452708847,80.49370051161102,1.5224593525992207,0.0,0.6245668220223399,0.0,1.5111387817547826,0.6056179020374549,0.0,84.75748337002483 +0.0,0.78,0.536,0.0,0.042812641129614554,0.0,0.542,90.6,2023-04-17,knoxville smm food,77.27956429380805,69.4030183864474,0.0,0.0,0.5407323492676634,0.0,1.9376171816063044,0.543166123808355,0.0,72.42453404112972 +0.0,0.0,0.0,0.5700000000000001,0.05664114096222427,0.795,0.0,85.81,2023-04-17,las vegas smm food,81.90062716704813,73.0759844669223,0.0,0.0,0.0,0.0,1.776389027058841,0.7206606514068493,0.0,75.573034145388 +0.0,0.674,0.628,0.985,0.04730891742516309,0.841,0.632,103.54,2023-04-17,little rock/pine bluff smm food,68.94842987002085,57.70357115599228,0.0,0.0,0.0,0.0,16.561205723146195,0.0,0.0,74.26477687913848 +0.805,0.89,0.783,0.0,0.3823785965481941,0.9980000000000001,0.778,239.49,2023-04-17,los angeles smm food,206.80762171455066,153.9765761946837,1.7678303396298058,0.0,0.0,0.0,0.8968191434186396,0.0,0.0,156.64122567773214 +0.801,0.0,0.0,0.0,0.02461769962438315,0.9210000000000002,0.9910000000000001,59.99,2023-04-17,madison wi smm food,59.17289557006233,52.419185278171575,0.0,0.0,0.0,0.0,4.225800144351795,0.0,0.0,56.64498542252337 +0.0,0.0,0.631,0.961,0.11660741526336345,0.982,0.0,180.58,2023-04-17,miami/west palm beach smm food,201.96576152880937,184.12181433608328,0.0,0.0,0.7482226693354878,0.0,2.1011164765603336,0.7510648065973322,0.0,187.72221828857644 +0.0,0.801,0.981,0.534,0.058863645381632704,0.769,0.0,69.96,2023-04-17,milwaukee smm food,79.48488785102855,68.15317248002567,0.0,0.0,0.0,0.0,3.650077962676762,0.4577057957053764,0.0,72.26095623840781 +0.584,0.681,0.0,0.0,0.11010473954718267,0.519,0.0,71.26,2023-04-17,minneapolis/st. paul smm food,101.9677456289498,85.75072244988117,0.0,0.0,1.0384995312485554,0.0,1.573864280102322,0.0,0.0,88.36308626123204 +0.652,0.528,0.0,0.0,0.047879660678955965,0.848,0.8160000000000001,47.22,2023-04-17,mobile/pensacola smm food,77.34408539148151,67.46643487620449,0.0,0.0,0.0,0.0,3.2486073218425218,0.0,0.0,70.71504219804702 +0.711,0.525,0.765,0.9560000000000002,0.09071212824202811,0.0,0.0,152.77,2023-04-17,nashville smm food,111.6785307785655,95.47216793873541,1.0413776536179948,0.0,0.6046561347431043,0.0,2.163907284488685,0.6023309663411864,0.0,99.88443997792638 +0.0,0.0,0.0,0.0,0.054228148648239806,0.838,0.0,54.67,2023-04-17,new orleans smm food,66.91419179263293,59.54961731628727,0.0,0.0,0.0,0.0,18.3877355180736,0.0,0.0,77.93735283436087 +0.0,0.809,0.0,0.0,0.47020424828919877,0.551,0.663,295.88,2023-04-17,new york smm food,350.7654305277757,290.1617655847399,0.0,0.0,0.985055054867449,0.0,1.9870318825269362,0.0,0.0,293.1338525221343 +0.715,0.0,0.0,0.585,0.05362307827762686,0.0,0.611,106.25,2023-04-17,norfolk/portsmouth/newport news smm food,112.39738279230788,102.30993924858487,0.0,0.0,0.0,0.0,2.1183662005650583,0.5300183810232815,0.0,104.95832383017321 +0.0,0.71,0.8150000000000001,0.9840000000000001,0.059530642678388535,0.0,0.707,75.51,2023-04-17,oklahoma city smm food,66.02739201308783,53.609244119971564,1.0085327183461843,0.0,0.7691812875241569,0.0,1.0109366152292505,0.4141538977298199,0.0,56.812048638800974 +0.0,0.616,0.965,0.0,0.03181371873373449,0.0,0.799,31.17,2023-04-17,omaha smm food,67.94950389566128,60.87622985001895,0.0,0.0,0.0,0.0,3.905364915580616,0.0,0.0,64.78159476559956 +0.0,0.0,0.982,0.594,0.11305384920795103,0.0,0.658,180.21,2023-04-17,orlando/daytona beach/melborne smm food,149.75312833988042,132.61538216686213,1.257767815408747,0.0,0.0,0.0,1.1735507299798582,0.5127619686178723,0.0,135.55946268086862 +0.0,0.779,0.684,0.764,0.03159785566568189,0.633,0.0,93.36,2023-04-17,paducah ky/cape girardeau mo smm food,63.55909176514826,55.55925813283435,0.0,0.0,0.0,0.0,7.375016327730534,0.5932918931764484,0.0,63.527566353741335 +0.0,0.738,0.542,0.617,0.2022430807256752,0.654,0.0,235.23000000000002,2023-04-17,philadelphia smm food,228.23824211740964,199.7377476378349,0.0,0.0,0.5700744147318003,0.0,4.304742676164409,0.7280562567234533,0.0,205.34062098545456 +0.933,0.0,0.0,0.617,0.11973589757163146,0.0,0.0,186.95,2023-04-17,phoenix/prescott smm food,134.82326212899625,116.98296111946722,0.0,0.0,0.0,0.0,2.354140367385956,0.8118731169782978,0.0,120.14897460383148 +0.713,0.8310000000000001,0.0,0.0,0.06777811644715671,0.7020000000000001,0.838,68.33,2023-04-17,pittsburgh smm food,117.40163692876133,104.55223234884438,0.9698916180264071,0.0,0.6161833747468723,0.0,2.3139424108987643,0.0,0.0,108.45224975251642 +0.8989999999999999,0.9630000000000002,0.6960000000000001,0.0,0.06388906285437532,0.0,0.0,151.28,2023-04-17,portland or smm food,98.79380963459415,86.8963094792362,1.7948791098536498,0.0,0.0,0.0,1.628154398954673,0.0,0.0,90.31934298804451 +0.955,0.0,0.0,0.743,0.04433236863680728,0.0,0.603,122.82000000000001,2023-04-17,providence ri/new bedford ma smm food,92.9763948258245,83.24830635780522,1.8257919901094717,0.0,0.0,0.0,3.424659627174024,0.6121917734299918,0.0,89.1109497485187 +0.0,0.0,0.0,0.8220000000000001,0.09456962993434254,0.509,0.0,194.15,2023-04-17,raleigh/durham/fayetteville smm food,139.11892314484186,125.33017277610136,0.0,0.0,0.0,0.0,14.892784225062437,0.0,0.0,140.2229570011638 +0.0,0.781,0.0,0.5630000000000001,0.46141929991028696,0.912,0.0,337.32,2023-04-17,rem us east north central smm food,366.46145962159517,306.4536727021249,0.0,0.0,0.7115450875053169,0.0,5.126658985219867,0.0,0.0,312.2918767748501 +0.0,0.0,0.772,0.803,0.15372171191762984,0.849,0.981,147.87,2023-04-17,rem us middle atlantic smm food,154.32370872871607,130.80002326169728,0.0,0.0,1.0007740185089509,0.0,8.856708293077189,0.0,0.0,140.6575055732834 +0.9540000000000001,0.887,0.84,0.803,0.242299181946156,0.0,0.9840000000000001,242.83000000000004,2023-04-17,rem us mountain smm food,211.04927958706008,173.95751153106124,1.804539384933594,0.0,0.8383447275467651,0.0,2.5926498552682515,0.8126948509023648,0.0,180.00574034971223 +0.0,0.0,0.0,0.0,0.07387574419923346,0.0,0.0,138.93,2023-04-17,rem us new england smm food,157.31638366121535,148.221630613054,1.4490412619916442,0.0,0.0,0.0,11.146578415684006,0.0,0.0,160.81725029072965 +0.614,0.0,0.747,0.0,0.2574622490442062,0.837,0.0,155.27,2023-04-17,rem us pacific smm food,139.46638611561363,105.11364420201244,0.0,0.0,0.9599047130410461,0.0,18.834595984461185,0.6730000838109574,0.0,125.58114498332563 +0.0,0.936,0.0,0.892,0.5389784545362555,0.9210000000000002,0.637,331.09,2023-04-17,rem us south atlantic smm food,355.0992385836662,283.6802303568146,0.0,0.0,0.9599047130410461,0.0,34.21905302039154,0.7198389174827822,0.0,319.57902700772996 +0.0,0.0,0.6910000000000001,0.0,0.9277776118978589,0.769,0.0,512.1,2023-04-17,rem us south central smm food,515.0049367899194,399.4313293612464,0.0,0.0,0.0,0.0,11.360155614783809,0.0,0.0,410.79148497603023 +0.0,0.0,0.0,0.987,0.31990289230149505,0.0,0.591,152.45,2023-04-17,rem us west north central smm food,168.25845254845805,125.95452848252805,1.7427136244219505,0.0,0.8980767893844721,0.0,1.5145881795839955,0.0,0.0,130.10990707591847 +0.0,0.766,0.652,0.609,0.041186039499003624,0.596,0.633,131.83,2023-04-17,richmond/petersburg smm food,95.74354380541862,86.06809383806947,1.1573009545773263,0.0,0.0,0.0,4.083587670454612,0.0,0.0,91.30898246310142 +0.534,0.764,0.705,0.0,0.10141519058950091,0.0,0.9560000000000002,115.73999999999998,2023-04-17,sacramento/stockton/modesto smm food,88.45357663873952,71.58708164797008,1.7871508897896944,0.0,0.7450788766071874,0.0,2.465272337736822,0.0,0.0,76.58458375210378 +0.0,0.0,0.6970000000000001,0.8290000000000001,0.07145958171677341,0.0,0.512,111.84,2023-04-17,salt lake city smm food,95.72832287889794,83.72480907215119,1.3582346762401678,0.0,0.0,0.0,2.8999482360959825,0.0,0.0,87.98299198448734 +0.67,0.0,0.756,0.5700000000000001,0.06641195879423609,0.0,0.0,94.02,2023-04-17,san diego smm food,90.175263313117,78.71431295071628,0.0,0.0,0.9840071239580156,0.0,5.653865671682818,0.7354518620400572,0.0,86.08763760839717 +0.611,0.9510000000000001,0.522,0.901,0.12638636656883198,0.786,0.908,109.99,2023-04-17,san francisco/oakland/san jose smm food,111.54904387356373,88.87591304741949,1.561100452918998,0.0,0.0,0.0,3.4637160296236886,0.0,0.0,93.90072952996218 +0.964,0.0,0.0,0.0,0.09388381840639658,0.0,0.0,155.34,2023-04-17,seattle/tacoma smm food,102.16518027864319,88.74475650580376,1.2751563105526469,0.0,0.0,0.0,2.6955551562998052,0.0,0.0,92.71546797265621 +0.0,0.0,0.6,0.519,0.0825820315481175,0.783,0.0,98.55,2023-04-17,st. louis smm food,100.23396537493511,87.70409353036166,1.8740933655091931,0.0,0.0,0.0,3.818865202677159,0.0,0.0,93.39705209854802 +0.0,0.965,0.635,0.0,0.12071561646643882,0.8190000000000001,0.0,183.96,2023-04-17,tampa/ft. myers smm food,191.0239627049517,173.25520362076367,1.7523738995018951,0.0,0.0,0.0,0.9547251885036193,0.0,0.0,175.9623027087692 +0.0,0.923,0.836,0.89,0.02546365490968277,0.0,0.716,98.54,2023-04-17,tucson/sierra vista smm food,71.73007388644564,63.32224664442017,1.6789558088943182,0.0,0.0,0.0,5.78141203859699,0.0,0.0,70.78261449191147 +0.548,0.0,0.986,0.9339999999999999,0.15026250757967285,0.0,0.0,216.49,2023-04-17,washington dc/hagerstown smm food,195.575636201381,173.02137618365978,0.0,0.0,0.0,0.0,0.7516475787651962,0.5932918931764484,0.0,174.36631565560143 +0.536,0.0,0.0,0.853,0.01929385930059755,0.0,0.0,49.49,2023-04-17,yakima/pasco/richland/kennewick smm food,58.721076055158136,53.51694236690935,1.4567694820555994,1.1756580121041482,0.6884906074977809,0.0,0.8234820285675013,0.0,0.7873503689033066,58.44869286603768 +0.895,0.772,0.0,0.924,0.036278368588799945,0.777,0.514,64.43,2023-04-24,albany/schenectady/troy smm food,93.12445740512136,82.35686844083078,0.0,0.0,0.7649895638864231,0.0,1.0973647061695575,0.0,1.185320191730796,85.40454290261755 +0.0,0.661,0.0,0.0,0.05074076253778432,0.966,0.714,50.95,2023-04-24,albuquerque/santa fe smm food,79.92952271562994,70.79212936171284,0.0,0.0,0.0,0.0,4.037076473755598,0.5489182612768249,0.0,75.37812409674527 +0.0,0.0,0.0,0.658,0.1870200361582733,0.529,0.718,116.99,2023-04-24,atlanta smm food,191.11723692548082,165.2475308400832,0.0,1.5821787631775053,0.0,1.2593105215474598,1.5678542471904784,0.0,0.0,169.65687437199864 +0.868,0.0,0.707,0.807,0.07701254655957301,0.0,0.0,103.0,2023-04-24,baltimore smm food,118.87579338867317,105.28036119021601,1.2983409707445133,1.113866857940998,0.0,0.0,0.6449538454996836,0.6886130283682322,1.2196772987374858,110.24581319150693 +0.9560000000000002,0.0,0.538,0.0,0.032639047401654214,0.0,0.0,41.51,2023-04-24,baton rouge smm food,57.0572267701489,50.62824190344196,1.3234576859523683,1.3285098145077305,0.0,1.8731981213669229,1.4892579048299615,0.0,1.2440135828672243,57.88667901296617 +0.608,0.886,0.0,0.8280000000000001,0.0721975465081666,0.0,0.748,29.27,2023-04-24,birmingham/anniston/tuscaloosa smm food,76.59061433695373,62.27551690355495,1.4007398865919225,0.9480063915030683,0.948377473037278,2.016158247352277,3.3747109641131527,0.46674486887011457,1.0979958780887928,72.52825061311155 +0.0,0.0,0.9129999999999999,0.544,0.15192401219907647,0.544,0.544,154.61,2023-04-24,boston/manchester smm food,205.37369806954013,183.34429136615643,1.8161317150295273,1.5447788540787566,0.636094062026108,1.2677199407230688,0.9575250925373856,0.0,0.0,189.56654103055126 +0.854,0.974,0.0,0.668,0.04396227194632653,0.901,0.562,75.4,2023-04-24,buffalo smm food,75.55839917668386,63.96319330778341,1.6499749836544852,1.372414055623653,0.0,2.0750241815815405,2.2458454508839076,0.43962764937590015,1.272644505372799,73.0187241342757 +0.0,0.0,0.862,0.0,0.10867011267010326,0.0,0.0,174.46,2023-04-24,charlotte smm food,141.38244715667537,127.1008852661048,0.0,0.0,0.0,1.950985248741307,4.379989298992814,0.0,0.8689484980441946,134.30080831188312 +0.0,0.0,0.0,0.0,0.24191131637624091,0.844,0.0,189.44,2023-04-24,chicago smm food,207.59780716626457,177.12285569785104,1.8760254205251818,0.0,0.0,0.0,2.1179118109475996,0.4116886959576186,0.0,181.52848162528144 +0.0,0.732,0.68,0.655,0.10445989058685311,0.0,0.0,87.46,2023-04-24,cleveland/akron/canton smm food,147.2309329426788,131.09107465023894,0.0,0.0,0.0,1.950985248741307,1.8032450683557915,0.49468382228839597,0.7172046087646483,136.05719339838907 +0.0,0.0,0.909,0.0,0.07566735763218843,0.5690000000000001,0.625,87.22,2023-04-24,columbus oh smm food,115.55090321701171,103.92073468964487,0.0,0.0,0.9064602366599397,1.6713720611523049,4.039510288057611,0.6491698000130114,1.0163977489479048,112.20364482447565 +0.0,0.5660000000000001,0.0,0.0,0.24576772411072903,0.774,0.0,114.96999999999998,2023-04-24,dallas/ft. worth smm food,137.08970792294133,105.27715718131851,1.8470445952853494,0.8114154191424205,0.9661922984976468,1.696600318679132,0.8235056318579542,0.0,0.0,111.42191544478102 +0.0,0.0,0.607,0.0,0.03959997769107389,0.908,0.616,64.72,2023-04-24,des moines/ames smm food,69.5474633488187,62.408297363785806,1.9204626858929257,0.0,0.5595951056374657,0.0,2.768627624293338,0.0,0.0,67.65698277960954 +0.0,0.0,0.681,0.912,0.12872123576902955,0.0,0.684,164.65,2023-04-24,detroit smm food,179.7798039566228,160.32292305294044,1.640314708574541,0.8423109962239956,0.9829591930485821,0.0,1.4360706486098442,0.0,0.0,165.2245785993974 +0.0,0.741,0.0,0.0,0.059487321894101886,0.9689999999999999,0.916,99.5,2023-04-24,grand rapids smm food,120.65146210998519,110.01556630860257,1.6750916988623406,1.253709996310233,0.5774099310978345,0.0,1.3847146936003834,0.6803956891275613,0.0,115.58688831760092 +0.68,0.802,0.93,0.58,0.05969134288505524,0.752,0.544,85.95,2023-04-24,greensboro smm food,97.12633441364076,83.56924325587181,1.4316527668477443,0.0,0.0,1.9446781843596,1.3485825752786718,0.6845043587478967,0.0,88.97866114110572 +0.0,0.978,0.0,0.0,0.056570516304710584,0.9580000000000001,0.9759999999999999,60.22,2023-04-24,harrisburg/lancaster smm food,95.7641544725863,85.02510769460987,0.0,0.0,0.0,0.0,1.5649350319815938,0.45031019038877246,1.0063769260709536,88.0467298430512 +0.748,0.0,0.547,0.0,0.06786923697740412,0.0,0.527,113.49,2023-04-24,hartford/new haven smm food,123.73884965546425,112.61073024106035,0.0,0.0,0.0,1.6860885447096208,3.564094569185179,0.0,0.0,117.86091335495516 +0.0,0.0,0.8290000000000001,0.0,0.22721277517122018,0.0,0.734,181.94,2023-04-24,houston smm food,197.53782006753926,167.64644198801398,0.0,0.0,0.0,0.0,2.1283686449463075,0.0,1.1080167009657442,170.88282733392603 +0.0,0.0,0.776,0.0,0.09805059263026217,0.0,0.8140000000000001,95.5,2023-04-24,indianapolis smm food,103.07059715354681,89.02123497580452,0.0,0.0,0.0,1.9194499268327725,1.117440601019636,0.6031527002652536,0.0,92.66127820392218 +0.0,0.553,0.0,0.0,0.057417203164499483,0.634,0.768,74.67,2023-04-24,jacksonville smm food,95.88808269562455,86.29988999004563,0.0,0.0,0.6392378547544083,1.7428521241449821,1.4561454866302246,0.5480965273527577,1.202498745234141,91.88872072816214 +0.0,0.0,0.528,0.846,0.07237021848637129,0.86,0.0,92.0,2023-04-24,kansas city smm food,92.44170097024227,80.49370051161102,0.0,0.0,0.0,0.0,1.1162302246746063,0.0,0.0,81.60993073628563 +0.0,0.0,0.685,0.904,0.047402018226523006,0.0,0.0,107.65,2023-04-24,knoxville smm food,77.85698462425808,69.4030183864474,0.0,0.0,0.0,0.0,1.0413930495830088,0.0,0.0,70.4444114360304 +0.0,0.0,0.535,0.0,0.060215295320978794,0.0,0.0,111.98,2023-04-24,las vegas smm food,81.04965929898631,73.0759844669223,1.7678303396298058,1.2325709172544184,0.8865495493807041,0.0,1.2513094881081914,0.0,0.9362311659322954,79.15047592722772 +0.519,0.0,0.0,0.5630000000000001,0.04944623449203599,0.752,0.518,57.18000000000001,2023-04-24,little rock/pine bluff smm food,67.33668407224313,57.70357115599228,0.0,1.4716051188855521,0.6371419929355414,0.0,8.580835789809758,0.46510140102198033,0.0,68.85825545864512 +0.719,0.0,0.0,0.0,0.3923299947415287,0.558,0.0,179.29,2023-04-24,los angeles smm food,204.1235199276035,153.9765761946837,1.1998061649290812,1.5025006959671274,0.0,1.4926719036706118,0.6988239218518708,0.41661909950202125,0.0,159.2869979806044 +0.0,0.678,0.0,0.896,0.025647281687980757,0.0,0.937,40.02,2023-04-24,madison wi smm food,59.90414383572648,52.419185278171575,1.6229262134306413,0.0,0.0,0.0,2.2410763076127793,0.7494213387491979,1.1838886456055173,58.21649778356971 +0.0,0.0,0.0,0.0,0.12104963305858359,0.925,0.936,203.01,2023-04-24,miami/west palm beach smm food,201.12411853940216,184.12181433608328,0.0,1.5496571030916368,0.6884906074977809,0.0,1.435101103036235,0.0,0.0,187.79506314970894 +0.0,0.0,0.6950000000000001,0.529,0.06151775051766951,0.0,0.0,82.17,2023-04-24,milwaukee smm food,77.56700561927629,68.15317248002567,1.3099333008404463,1.5025006959671274,0.0,0.0,2.587212458866112,0.0,1.0994274242140716,74.65224635991343 +0.0,0.0,0.0,0.0,0.11729263672300352,0.966,0.0,81.6,2023-04-24,minneapolis/st. paul smm food,100.98427131981434,85.75072244988117,1.2654960354727025,0.0,1.044787116705156,1.377042390005987,1.0056887255190756,0.8028340438135597,0.0,91.24657076139765 +0.9770000000000001,0.0,0.0,0.559,0.0514301719280891,0.898,0.0,66.5,2023-04-24,mobile/pensacola smm food,77.59869195624765,67.46643487620449,0.0,1.5675440161388643,1.0143971203315858,1.3139717461889189,2.308978739777761,0.6762870195072258,1.2196772987374858,75.56729081688633 +0.666,0.0,0.8210000000000001,0.0,0.09724268944866091,0.0,0.0,128.63,2023-04-24,nashville smm food,109.59069712365836,95.47216793873541,1.5147311325352653,0.0,0.0,0.0,1.2309445056166293,0.0,1.0006507415698387,99.21849431845715 +0.782,0.0,0.0,0.0,0.05758871115457595,0.9540000000000001,0.948,18.17,2023-04-24,new orleans smm food,70.29120044138094,59.54961731628727,0.0,1.235823083263005,0.0,1.4674436461437848,9.774676210466254,0.6483480660889442,0.0,72.67590832224926 +0.9420000000000002,0.9510000000000001,0.0,0.579,0.4914184914396103,0.0,0.0,265.01,2023-04-24,new york smm food,355.24336277326955,290.1617655847399,1.4490412619916442,0.9431281424901881,0.7230723275090849,0.0,1.210669093853046,0.0,0.0,294.48767641058384 +0.0,0.0,0.843,0.632,0.05759266978171688,0.903,0.0,115.70999999999998,2023-04-24,norfolk/portsmouth/newport news smm food,112.35422252245652,102.30993924858487,0.0,0.0,1.0133491894221522,0.0,1.2529591175862598,0.6910782301404336,1.301275427878374,106.56860121361208 +0.24950000000000003,0.0,0.0,0.9140000000000001,0.06177709914137539,0.0,0.0,28.370000000000005,2023-04-24,oklahoma city smm food,63.61814769304861,53.609244119971564,0.0,0.0,0.9043643748410728,2.0561029884364204,0.6917503941266817,0.6006874984930523,1.421525302401788,59.28367467827058 +0.0,0.0,0.0,0.0,0.03487494586997746,0.611,0.0,43.04,2023-04-24,omaha smm food,65.6717214617374,60.87622985001895,1.2345831552168807,0.0,0.0,1.524207225579146,2.2841558377364035,0.5439878577324222,0.7157730626393696,67.17893698892317 +0.0,0.0,0.0,0.9450000000000001,0.12035246436519301,0.0,0.863,96.11,2023-04-24,orlando/daytona beach/melborne smm food,150.6539773133052,132.61538216686213,0.0,1.2244405022329512,0.7146888802336173,0.0,0.9874874197640257,0.0,0.0,135.54199896909273 +0.973,0.632,0.0,0.766,0.03402636717889624,0.0,0.0,48.12,2023-04-24,paducah ky/cape girardeau mo smm food,64.26618058741437,55.55925813283435,1.2210587701049587,0.0,0.7597499093392558,1.3139717461889189,4.234676106839269,0.5480965273527577,0.0,63.63681119265951 +0.0,0.0,0.0,0.0,0.2130104152113044,0.0,0.902,230.01999999999998,2023-04-24,philadelphia smm food,227.2524554754499,199.7377476378349,1.763966229597828,0.0,0.9169395457542743,0.0,2.484421396744284,0.5579573344415629,0.0,205.46103214437284 +0.9339999999999999,0.905,0.547,0.712,0.12651116679391303,0.0,0.0,113.27999999999999,2023-04-24,phoenix/prescott smm food,137.90383637217093,116.98296111946722,1.2210587701049587,0.0,0.0,1.2971529078377007,1.6830818326593076,0.718195449634648,0.0,121.90245007970384 +0.9280000000000002,0.0,0.836,0.93,0.07168080844123127,0.758,0.0,91.86,2023-04-24,pittsburgh smm food,118.62385109239865,104.55223234884438,1.9281909059568814,0.9138586484129065,0.0,0.0,1.5234694365631412,0.0,0.0,108.91775133977731 +0.864,0.0,0.0,0.5730000000000001,0.06721215550436255,0.0,0.618,110.45,2023-04-24,portland or smm food,98.92935656109303,86.8963094792362,1.559168397903009,0.0,0.5302530401733291,1.9551899583291115,1.0456742624311615,0.6056179020374549,1.421525302401788,94.01373834251204 +0.746,0.0,0.5060000000000001,0.84,0.04590701242903889,0.0,0.583,60.650000000000006,2023-04-24,providence ri/new bedford ma smm food,93.47199834292455,83.24830635780522,0.0,0.0,0.7869961129845258,0.0,2.2072521719551657,0.6927216979885678,0.0,86.93527634073348 +0.749,0.679,0.0,0.684,0.09975207566852602,0.0,0.974,114.51000000000002,2023-04-24,raleigh/durham/fayetteville smm food,142.9940857022177,125.33017277610136,0.0,1.5707961821474512,0.6696278511279786,1.1541927818523465,12.28882681374644,0.0,1.2067933836099771,142.22040978858556 +0.64,0.0,0.625,0.0,0.49905153463555374,0.71,0.888,279.67,2023-04-24,rem us east north central smm food,371.6374164441886,306.4536727021249,1.0162609384101398,1.5838048461817986,0.6486692329393094,1.9614970227108182,4.022460395824979,0.5242662435548118,0.7329516161427144,316.94358299788945 +0.0,0.89,0.542,0.0,0.16414909179009293,0.807,0.9689999999999999,109.08,2023-04-24,rem us middle atlantic smm food,155.07371827374723,130.80002326169728,1.0046686083142067,0.0,0.9452336803089777,1.7554662529083955,5.404776110803828,0.5201575739344761,0.8302967526616687,141.26062224062883 +0.774,0.517,0.594,0.0,0.26194084425766084,0.0,0.536,148.07,2023-04-24,rem us mountain smm food,209.93060557152873,173.95751153106124,0.0,0.0,0.6067519965619712,0.0,2.0197102721167304,0.750243072673265,0.0,177.3342168724132 +0.0,0.0,0.0,0.25,0.07661049376232212,0.898,0.666,99.06,2023-04-24,rem us new england smm food,159.8699708366653,148.221630613054,1.7504418444859058,0.0,0.0,0.0,6.0177679758687805,0.6721783498868903,1.2339927599902731,157.89601154328585 +0.645,0.0,0.744,0.791,0.26915611790692995,0.0,0.0,97.01,2023-04-24,rem us pacific smm food,141.93792535386896,105.11364420201244,0.0,1.6212047552805473,0.8530157602788335,0.0,12.683449084057619,0.5661746736822341,0.894716328299212,121.73220480361088 +0.9280000000000002,0.0,0.9700000000000001,0.85,0.5780282126582339,0.0,0.597,284.45,2023-04-24,rem us south atlantic smm food,360.291655482818,283.6802303568146,0.0,0.0,0.6947781929543816,1.7197262214120572,21.123134198958226,0.0,0.0,307.21786897013925 +0.0,0.974,0.757,0.593,1.0,0.84,0.0,389.6,2023-04-24,rem us south central smm food,526.8541549667617,399.4313293612464,0.0,0.0,0.0,1.5746637406328003,8.168387341133624,0.4379841815277659,0.9577043578114766,410.5700689823521 +0.0,0.779,0.0,0.0,0.34659543126370446,0.585,0.0,178.59,2023-04-24,rem us west north central smm food,170.3709036308591,125.95452848252805,1.6190621033986636,0.0,0.0,1.9888276350315477,0.9825168095856198,0.4289451083630278,0.9233472508047867,131.8972273897117 +0.521,0.937,0.0,0.0,0.04401526553633031,0.811,0.0,105.33,2023-04-24,richmond/petersburg smm food,94.68342631402163,86.06809383806947,1.4490412619916442,0.0,0.5428282110865305,1.5830731598084096,2.0403973179829946,0.0,0.0,91.68343378893906 +0.8310000000000001,0.0,0.736,0.8260000000000001,0.10438426716441362,0.739,0.0,64.35,2023-04-24,sacramento/stockton/modesto smm food,89.1583231625336,71.58708164797008,0.0,1.4829876999156062,0.0,0.0,1.6478740288778124,0.534127050643617,0.0,75.25207042740712 +0.0,0.8140000000000001,0.0,0.8270000000000001,0.07434503824399451,0.8260000000000001,0.0,80.73,2023-04-24,salt lake city smm food,96.61836754091361,83.72480907215119,0.0,0.0,0.0,1.803820413168148,1.4644743015515516,0.0,0.0,86.99310378687089 +0.0,0.847,0.0,0.9700000000000001,0.06840406342158184,0.0,0.67,100.38,2023-04-24,san diego smm food,91.5111663896227,78.71431295071628,0.0,0.0,0.9997260875995174,1.3707353256242802,2.7612651079474104,0.6236960483669312,0.0,84.46973552025442 +0.708,0.635,0.629,0.746,0.13185068288432186,0.9619999999999999,0.0,82.65,2023-04-24,san francisco/oakland/san jose smm food,110.52636122182577,88.87591304741949,1.4606335920875773,0.0,0.8865495493807041,0.0,2.2164825465712843,0.7617473476102045,0.7716033615252404,94.9729294445945 +0.6910000000000001,0.0,0.0,0.877,0.09906375446608444,0.0,0.0,106.89,2023-04-24,seattle/tacoma smm food,104.11919004392684,88.74475650580376,1.7601021195658504,0.0,0.0,1.4884671940828071,1.869610415648169,0.0,0.8846955054222608,94.74763174052285 +0.0,0.989,0.588,0.0,0.08815216502121122,0.0,0.0,93.53,2023-04-24,st. louis smm food,100.78077885423602,87.70409353036166,1.08388286396975,1.585430929186092,0.9829591930485821,0.0,2.207935199102955,0.7888645671044189,1.115174431592138,95.4683407143656 +0.0,0.986,0.843,0.0,0.1290801284637291,0.0,0.783,179.63,2023-04-24,tampa/ft. myers smm food,192.75372551166396,173.25520362076367,0.0,0.0,0.7084012947770165,1.4737507105254914,0.5554326768714353,0.5579573344415629,0.0,176.55074563737918 +0.0,0.0,0.0,0.0,0.026889830668804498,0.0,0.0,105.4,2023-04-24,tucson/sierra vista smm food,66.63262100464473,63.32224664442017,0.0,0.0,0.0,0.0,3.4222619060094726,0.8192687222949016,0.0,67.56377727272454 +0.0,0.873,0.636,0.739,0.16108357141826946,0.0,0.0,201.52,2023-04-24,washington dc/hagerstown smm food,196.49187352487067,173.02137618365978,0.0,0.0,0.8875974802901375,0.0,0.4452820796734093,0.0,0.0,174.35425574362333 +0.594,0.771,0.0,0.0,0.020176861764647697,0.0,0.0,58.419999999999995,2023-04-24,yakima/pasco/richland/kennewick smm food,58.40224196296708,53.51694236690935,0.9950083332342623,0.0,0.0,0.0,0.5422470264551424,0.0,0.0,55.05419772659875 +0.0,0.0,0.0,0.0,0.033768877150506665,0.878,0.0,93.67,2023-05-01,albany/schenectady/troy smm food,87.23559623501055,82.35686844083078,1.2229908251209476,1.4862398659241933,0.6455254402110091,0.0,0.9183625054736441,0.4157973655779542,1.1337845312207615,88.17956897435928 +0.0,0.5700000000000001,0.601,0.0,0.04718524664256382,0.744,0.755,45.43,2023-05-01,albuquerque/santa fe smm food,79.84990885983785,70.79212936171284,0.0,1.014675794679099,0.0,0.0,3.611483320881857,0.0,0.0,75.41828847727379 +0.784,0.0,0.729,0.0,0.18269185881773664,0.754,0.842,165.56,2023-05-01,atlanta smm food,191.84212543898124,165.2475308400832,1.0664943688258501,0.0,0.0,0.0,1.2792543528427434,0.0,0.0,167.59327956175179 +0.0,0.0,0.0,0.0,0.0741994673377862,0.505,0.514,96.11,2023-05-01,baltimore smm food,115.56575774042004,105.28036119021601,1.6577032037184407,1.596813510216146,0.0,0.0,0.5227159835935193,0.6039744341893207,1.1996356529835834,110.86120397491702 +0.923,0.0,0.923,0.538,0.03107494287332796,0.72,0.0,28.63,2023-05-01,baton rouge smm food,58.9270826524009,50.62824190344196,1.0993393040976607,0.9837802175975238,0.7021137093204158,0.0,1.0994972882627867,0.0,1.4086413872742796,55.921613809994625 +0.0,1.0,0.659,0.72,0.06784021249376047,0.578,0.0,75.27,2023-05-01,birmingham/anniston/tuscaloosa smm food,74.9325701149551,62.27551690355495,0.0,1.5008746129628339,1.017540913059886,1.8311510254888774,2.5265656797378018,0.0,0.9462519888092467,70.0979011236136 +0.0,0.503,0.67,0.994,0.14685933427868797,0.981,0.852,192.66,2023-05-01,boston/manchester smm food,207.05953785736534,183.34429136615643,0.0,1.307370735451916,0.0,1.9446781843596,0.6531779711570725,0.0,0.7329516161427144,187.98246987326772 +0.709,0.0,0.685,0.0,0.04048282201859724,0.738,0.744,65.38,2023-05-01,buffalo smm food,72.70615393880693,63.96319330778341,0.0,0.0,0.0,0.0,1.669270143891379,0.5291966470992143,0.8846955054222608,67.04635560419626 +0.966,0.634,0.532,0.727,0.10507163192442406,0.0,0.612,130.79,2023-05-01,charlotte smm food,145.8954453011006,127.1008852661048,0.0,0.9024760673828525,0.7199285347807846,0.0,3.3802103359413858,0.0,1.4057782950237219,133.50927849923355 +0.0,0.5060000000000001,0.707,0.8160000000000001,0.23622336185001366,0.931,0.517,159.07,2023-05-01,chicago smm food,210.98837686324487,177.12285569785104,0.0,0.0,0.9766716075919814,0.0,1.5025602045733992,0.6713566159628231,0.9777460035653789,181.25119012954463 +0.0,0.838,0.0,0.0,0.09688177108917743,0.972,0.64,139.21,2023-05-01,cleveland/akron/canton smm food,146.09564414941661,131.09107465023894,0.0,0.0,0.8970288584750387,0.0,1.17490475682945,0.6409524607723404,1.0779542323348905,134.88191495865067 +0.612,0.0,0.0,0.0,0.06992199401152231,0.802,0.0,132.41,2023-05-01,columbus oh smm food,114.37019463616468,103.92073468964487,0.0,0.0,0.6140875129280053,1.4674436461437848,4.044234914583236,0.0,0.9018740589256057,110.9483748222255 +0.0,0.865,0.893,0.0,0.24101013017611458,0.516,0.0,140.82,2023-05-01,dallas/ft. worth smm food,137.71400008606588,105.27715718131851,1.110931634193594,1.4911181149370734,0.672771643856279,0.0,0.5524365722825274,0.0,0.0,109.10441514658798 +0.668,0.56,0.833,0.0,0.03633846149448018,0.5060000000000001,0.901,90.7,2023-05-01,des moines/ames smm food,71.66164728214542,62.408297363785806,1.203670274961059,0.954510723520242,0.8236736948146968,0.0,1.8831728672245664,0.0,0.8546330367914072,68.12795796109778 +0.0,0.556,0.0,0.0,0.12465995616553581,0.774,0.0,163.13,2023-05-01,detroit smm food,177.20978289901598,160.32292305294044,1.6519070386704742,1.0195540436919792,0.0,0.0,0.8303557572233004,0.0,0.7157730626393696,164.54051295516555 +0.912,0.0,0.595,0.85,0.0549169734436727,0.0,0.64,114.93999999999998,2023-05-01,grand rapids smm food,121.86507230034327,110.01556630860257,1.8528407603333157,0.0,0.0,0.0,0.9741649121834094,0.6524567357092798,0.0,113.49502871682857 +0.896,0.793,0.0,0.0,0.05725940146853709,0.0,0.9490000000000002,80.55,2023-05-01,greensboro smm food,94.99752094269388,83.56924325587181,1.1379804044174378,0.8488153282411693,0.0,1.2235704900511213,0.8291290607080832,0.5612442701378314,0.8345913910375049,89.00457420046496 +0.0,0.837,0.781,0.0,0.05284763311545516,0.0,0.0,92.67,2023-05-01,harrisburg/lancaster smm food,93.7105810686769,85.02510769460987,1.1147957442255714,0.0,0.9305626475769092,1.4800577749071981,1.113520585882981,0.6360220572279377,1.3241801658828338,91.6242466703133 +0.5760000000000001,0.0,0.0,0.591,0.06464421760145095,0.615,0.533,98.35,2023-05-01,hartford/new haven smm food,124.19273709419885,112.61073024106035,1.0220571034581063,1.3968053006880545,0.0,0.0,3.43027141720797,0.5891832235561129,0.0,119.0490472859706 +0.9899999999999999,0.543,0.0,0.0,0.2265870974205562,0.8220000000000001,0.0,190.21,2023-05-01,houston smm food,199.01246688324014,167.64644198801398,1.0027365532982178,1.4634747038640852,0.0,0.0,1.3689814108485445,0.5365922524158183,0.0,172.01822690844065 +0.0,0.0,0.0,0.604,0.09351135096532891,0.624,0.0,64.96,2023-05-01,indianapolis smm food,102.31588796355207,89.02123497580452,0.0,0.0,0.0,0.0,0.7955505138371152,0.0,0.0,89.81678548964163 +0.929,0.685,0.0,0.941,0.05542721633601686,0.986,0.0,94.84,2023-05-01,jacksonville smm food,98.82075868119192,86.29988999004563,0.0,0.0,0.0,0.0,1.0280184522233538,0.6138352412781259,0.0,87.9417436835471 +0.0,0.985,0.0,0.8989999999999999,0.07238885959395693,0.5670000000000001,0.0,80.54,2023-05-01,kansas city smm food,93.36303685770608,80.49370051161102,0.0,1.5187615260100615,0.8792140330146698,0.0,0.7517685670566431,0.6976521015329704,1.3857366492698195,85.7268333884952 +0.0,0.926,0.0,0.982,0.04486365916850861,0.0,0.968,47.26,2023-05-01,knoxville smm food,79.88213083904219,69.4030183864474,1.1824176697851816,0.0,0.5585471747280323,0.0,1.1105073507052574,0.0,1.349947996137851,73.60443857780372 +0.0,0.504,0.925,0.509,0.06023373260183715,0.0,0.0,88.98,2023-05-01,las vegas smm food,83.3502665691554,73.0759844669223,0.0,1.03418879073062,0.8519678293694001,0.0,0.8070685196924685,0.6171221769743943,0.7601509925230105,77.1464827762122 +0.0,0.0,0.0,0.0,0.04521008150260837,0.586,0.0,61.19,2023-05-01,little rock/pine bluff smm food,63.75086540159387,57.70357115599228,1.2268549351529254,0.0,0.9473295421278446,0.0,9.112239261387376,0.6918999640645007,0.0,69.68189485872493 +0.0,0.551,0.5760000000000001,0.0,0.4025071043786029,0.853,0.0,161.23,2023-05-01,los angeles smm food,205.7292554117109,153.9765761946837,1.1785535597532037,0.0,0.0,1.860583992603509,0.42727819892356855,0.0,0.0,157.442991945964 +0.514,0.714,0.804,0.85,0.024423413117210954,0.773,0.625,56.92,2023-05-01,madison wi smm food,61.73947619324753,52.419185278171575,1.8238599350934828,1.3821705536494135,0.8331050729995978,1.3286882297462348,2.034022224029558,0.0,0.0,59.82103129368986 +0.87,0.0,0.582,0.508,0.12085307040598,0.745,0.523,132.49,2023-05-01,miami/west palm beach smm food,203.71955918265724,184.12181433608328,1.5243914076152096,0.0,0.0,0.0,0.953761262927662,0.5538486648212274,1.3656950035159172,188.5195106749633 +0.622,0.715,0.0,0.8989999999999999,0.05864048112332662,0.5710000000000001,0.721,54.22,2023-05-01,milwaukee smm food,81.1280901690745,68.15317248002567,0.0,0.0,0.0,0.0,1.933788332329039,0.806120979509828,1.0722280478337756,71.96530983969832 +0.0,0.0,0.0,0.645,0.11060014433069774,0.0,0.9380000000000001,118.67999999999999,2023-05-01,minneapolis/st. paul smm food,102.06538085524754,85.75072244988117,1.4625656471035662,0.0,0.7943316293505599,0.0,0.7151409734179546,0.0,0.0,88.72276069975325 +0.923,0.9460000000000001,0.0,0.0,0.04848323361440692,0.8220000000000001,0.0,35.2,2023-05-01,mobile/pensacola smm food,77.43217340659838,67.46643487620449,1.3041371357924798,0.0,0.0,0.0,1.5463528887922782,0.6023309663411864,0.0,70.91925586713043 +0.577,0.841,0.656,0.0,0.09096303054166432,0.948,0.859,69.03,2023-05-01,nashville smm food,111.84899214236513,95.47216793873541,1.9050062457650148,0.0,0.0,1.8879146049242388,0.9601743800864971,0.0,0.0,100.22526316951117 +0.982,0.0,0.0,0.603,0.05442844749405262,0.0,0.901,89.66,2023-05-01,new orleans smm food,70.70505833694402,59.54961731628727,0.0,0.0,0.5952247565582033,0.0,8.41231196628478,0.5530269308971604,1.3070016123794888,70.4171825824069 +0.0,0.524,0.0,0.0,0.48566657087980136,0.0,0.0,316.91,2023-05-01,new york smm food,350.80365413293396,290.1617655847399,1.653839093686463,1.352901059572132,0.0,1.5389237091364618,0.908428427843631,0.4774274098829868,0.0,296.09328528486157 +0.0,0.736,0.876,0.5650000000000001,0.055405286534781654,0.0,0.808,97.38,2023-05-01,norfolk/portsmouth/newport news smm food,113.59012100618081,102.30993924858487,0.0,1.2260665852372445,0.6308544074789407,1.7155215118242526,1.1446670828768806,0.6269829840631996,0.0,107.65403182006538 +0.0,0.605,0.0,0.674,0.058204272664883636,0.0,0.9460000000000001,60.49,2023-05-01,oklahoma city smm food,64.529711344556,53.609244119971564,1.0394455986020061,0.0,0.9934385021429166,1.5809708050145073,0.5068591238650534,0.0,0.7401093467691081,58.470067496365154 +0.6980000000000001,0.0,0.774,0.542,0.03232377379957029,0.735,0.5700000000000001,23.8,2023-05-01,omaha smm food,69.57467529128627,60.87622985001895,1.284816585632591,0.0,0.7042095711392827,0.0,1.7971521576665128,0.0,0.0,64.66240816445733 +0.657,0.0,0.707,0.0,0.11854250553835131,0.634,0.8160000000000001,124.75000000000001,2023-05-01,orlando/daytona beach/melborne smm food,150.90837414093846,132.61538216686213,1.8779574755411708,0.0,0.5910330329204695,0.0,0.5661100951695632,0.0,1.2053618374846984,136.85584460797804 +0.0,0.985,0.631,0.52,0.031141536155214918,0.0,0.591,99.27,2023-05-01,paducah ky/cape girardeau mo smm food,63.595259202098326,55.55925813283435,1.379487281416045,1.2114318381986038,0.8980767893844721,0.0,3.315504766460501,0.0,0.0,62.36375880829397 +0.0,0.968,0.0,0.0,0.2064935666865179,0.518,0.0,208.67,2023-05-01,philadelphia smm food,227.1586260927524,199.7377476378349,0.0,0.0,1.040595393067422,0.0,2.219319036108332,0.8118731169782978,0.8360229371627836,204.64555812115174 +0.0,0.704,0.9530000000000001,0.71,0.12446908825649343,0.0,0.556,98.97,2023-05-01,phoenix/prescott smm food,136.73825138274626,116.98296111946722,1.7601021195658504,0.0,0.0,1.6587579323888912,1.1082965580427766,0.726412788875319,1.1810255533549598,123.41755607169502 +0.0,0.651,0.5700000000000001,0.0,0.0677199781504618,0.8190000000000001,0.0,92.31,2023-05-01,pittsburgh smm food,115.21805726107787,104.55223234884438,0.0,0.0,0.0,0.0,1.1391636524149633,0.7453126691288625,0.0,106.43670867038821 +0.594,0.0,0.9590000000000001,0.876,0.0649424730988526,0.729,0.509,111.0,2023-05-01,portland or smm food,100.21326861306598,86.8963094792362,1.9281909059568814,1.4602225378554983,0.551211658361998,0.0,0.73508026405532,0.42237123697049095,0.0,91.99338608243639 +0.0,0.8130000000000001,0.0,0.838,0.044025411318403575,0.924,0.0,76.09,2023-05-01,providence ri/new bedford ma smm food,92.5112821635,83.24830635780522,1.0858149189857387,0.0,0.0,1.9888276350315477,1.6680379866330717,0.4955055562124631,0.730088523892157,89.2165809785602 +0.615,0.779,0.662,0.0,0.09713529618918157,0.0,0.884,108.36,2023-05-01,raleigh/durham/fayetteville smm food,141.7025305220972,125.33017277610136,0.0,1.585430929186092,0.0,0.0,7.256479695614517,0.0,1.0221239334490198,135.194207334351 +0.0,0.0,0.0,0.731,0.45662862913696434,0.0,0.0,271.14,2023-05-01,rem us east north central smm food,364.2054894075968,306.4536727021249,0.9969403882502511,0.0,0.0,0.0,2.4818745527720547,0.0,0.0,309.93248764314717 +0.732,0.0,0.0,0.974,0.14924387211219525,0.639,0.5720000000000001,145.59,2023-05-01,rem us middle atlantic smm food,153.97914510463795,130.80002326169728,1.7465777344539284,0.0,0.0,1.2109563612877077,4.596089634886271,0.0,1.130921438970204,139.48456843129537 +0.0,0.0,0.845,0.0,0.24749785867309293,0.0,0.0,127.5,2023-05-01,rem us mountain smm food,205.3121736159237,173.95751153106124,1.7562380095338728,1.201675340172843,0.6245668220223399,1.4211918406779347,1.1935532574550458,0.0,0.0,180.15473680092327 +0.748,0.0,0.562,0.0,0.07201885407383568,0.0,0.613,126.85,2023-05-01,rem us new england smm food,159.99943627339394,148.221630613054,0.0,0.9024760673828525,0.8142423166297956,1.9005287336876524,5.247238937019183,0.0,0.0,157.0861166677735 +0.864,0.737,0.49499999999999994,0.0,0.2630432978913711,0.0,0.617,121.94999999999999,2023-05-01,rem us pacific smm food,141.76629325742908,105.11364420201244,0.0,0.8715804903012774,0.0,1.3413023585096484,9.255443208249138,0.7798254939396809,1.0178292950731835,118.37962504808536 +0.9000000000000001,0.557,0.0,0.709,0.5420197376034545,0.0,0.0,277.88,2023-05-01,rem us south atlantic smm food,354.54276854700186,283.6802303568146,1.4258566017997778,0.0,0.0,0.0,15.577572220270483,0.5932918931764484,1.2425820367419456,302.5195331088033 +0.994,0.0,0.0,0.5650000000000001,0.9351299099394788,0.9840000000000001,0.0,382.27,2023-05-01,rem us south central smm food,518.4709149423961,399.4313293612464,1.603605663270753,0.0,0.0,0.0,5.490308715017468,0.6639610106462193,1.410072933399558,408.5992776835804 +0.5670000000000001,0.8250000000000001,0.615,0.8140000000000001,0.3163019887890731,0.724,0.554,161.4,2023-05-01,rem us west north central smm food,171.07488165207704,125.95452848252805,0.9776198380903628,0.0,0.0,0.0,0.744648509012039,0.0,0.0,127.67679682963045 +0.8240000000000001,0.0,0.501,0.745,0.04282396787611011,0.875,0.551,80.15,2023-05-01,richmond/petersburg smm food,96.53118059555902,86.06809383806947,1.7040725241021735,0.0,1.006013673056118,1.3370976489218438,2.132753545138821,0.0,0.0,92.24803122928843 +0.0,0.0,0.796,0.9339999999999999,0.10386089827315455,0.0,0.0,46.86,2023-05-01,sacramento/stockton/modesto smm food,87.17102293879245,71.58708164797008,1.4741579771994993,0.0,0.0,0.0,1.3244391488714855,0.7551734762176677,0.0,75.14085225025873 +0.0,0.0,0.0,0.624,0.07288575035919544,0.609,0.9590000000000001,92.88,2023-05-01,salt lake city smm food,95.88284326762196,83.72480907215119,0.0,0.0,0.0,1.3223811653645279,1.3872830961075053,0.7888645671044189,0.0,87.22333790072764 +0.0,0.0,0.0,0.0,0.07039296749856908,0.0,0.0,61.28,2023-05-01,san diego smm food,87.38030559371663,78.71431295071628,0.0,1.2553360793145263,0.9787674694108481,0.0,2.5875425082410506,0.0,0.9519781733103616,84.48793718099307 +0.674,0.85,0.71,0.714,0.13313855409766856,0.652,0.0,89.57,2023-05-01,san francisco/oakland/san jose smm food,110.73169699024874,88.87591304741949,0.0,0.9024760673828525,0.0,1.158397491440151,1.7086149720189634,0.5990440306449181,1.4115044795248368,94.65595008843121 +0.896,0.0,0.0,0.639,0.09754232638890378,0.0,0.644,117.39,2023-05-01,seattle/tacoma smm food,104.74951542514864,88.74475650580376,0.0,0.9723976365674698,0.9326585093957762,1.7638756720840045,1.2101624304087741,0.0,0.0,93.62385075425979 +0.548,0.0,0.0,0.0,0.08576925229102215,0.0,0.0,116.95000000000002,2023-05-01,st. louis smm food,99.32180804800356,87.70409353036166,0.0,0.0,0.9033164439316393,1.7365450597632752,1.6680132512206494,0.0,0.0,92.01196828527722 +0.613,0.737,0.584,0.0,0.1274092536466101,0.0,0.0,103.52,2023-05-01,tampa/ft. myers smm food,191.9351664795206,173.25520362076367,1.1746894497212261,0.0,0.7021137093204158,1.9173475720388704,0.4518872855167427,0.0,0.7644456308988468,178.26568726825977 +0.529,0.5630000000000001,0.0,0.8300000000000001,0.026184151156253246,0.502,0.0,51.84,2023-05-01,tucson/sierra vista smm food,70.64075240153542,63.32224664442017,0.0,1.1805362611170285,0.9923905712334832,0.0,2.8068214830468503,0.0,0.0,68.30199495981753 +0.0,0.791,0.0,0.582,0.15813803563806456,0.619,0.874,214.17,2023-05-01,washington dc/hagerstown smm food,196.7591842413316,173.02137618365978,1.7562380095338728,0.0,0.0,1.299255262631603,0.3458717714931579,0.0,1.2769391437486353,177.69968037106705 +0.0,0.992,0.918,0.0,0.019633030459027815,0.986,0.607,61.69,2023-05-01,yakima/pasco/richland/kennewick smm food,60.18819393862333,53.51694236690935,1.7195289642300844,1.2976142374261554,0.0,1.3791447447998892,0.35183448709122034,0.0,0.8231390220352751,59.08820382249197 +0.0,0.498,0.0,0.807,0.004606644656741606,0.889,0.0,65.03,2023-05-08,albany/schenectady/troy smm food,86.1608979769471,82.35686844083078,0.0,0.0,0.7712771493430238,2.068717117199834,1.476150182827035,0.0,0.927641889180623,87.6006547793813 +0.659,0.727,0.0,0.0,0.005948744256911221,0.0,0.0,75.97,2023-05-08,albuquerque/santa fe smm food,73.97985863418869,70.79212936171284,1.6577032037184407,0.0,0.5522595892714315,1.4422153886169575,6.440426771421311,0.0,0.8059604685319303,81.6906947832729 +0.0,0.0,0.9520000000000001,0.0,0.025254566420816763,0.0,0.925,191.15,2023-05-08,atlanta smm food,170.6784001986017,165.2475308400832,1.491546472343399,0.0,0.817386109358096,0.0,0.9284046054575742,0.0,0.960567450062034,169.4454354773043 +0.785,0.741,0.0,0.579,0.010135758152321374,0.5660000000000001,0.0,94.09,2023-05-08,baltimore smm food,110.93211757343272,105.28036119021601,0.0,1.2634664943359935,0.0,2.0497959240547132,0.41443008725767155,0.4190843012742225,0.0,109.42713799713862 +0.9269999999999999,0.0,0.0,0.0,0.003886493953123312,0.756,0.0,50.39,2023-05-08,baton rouge smm food,53.51894929511879,50.62824190344196,0.0,1.2325709172544184,0.0,0.0,0.676729782382717,0.6187656448225286,0.0,53.15630824790163 +0.0,0.0,0.0,0.0,0.008674524257882451,0.9759999999999999,0.9470000000000001,76.67,2023-05-08,birmingham/anniston/tuscaloosa smm food,65.50111352874089,62.27551690355495,1.848976650301338,1.0211801266962726,0.6392378547544083,1.0616891709206464,1.8704918554228187,0.0,0.0,68.71709256165043 +0.715,0.0,0.0,0.845,0.020953764404677878,0.0,0.0,204.77,2023-05-08,boston/manchester smm food,189.08179296312005,183.34429136615643,0.0,1.1626493480698008,0.7230723275090849,1.7323403501754708,0.41225194056347203,0.7847558974840834,0.0,188.15936122995834 +0.0,0.0,0.0,0.0,0.0057187760136107844,0.769,0.0,101.17,2023-05-08,buffalo smm food,65.29913825737802,63.96319330778341,0.0,0.889467403348505,0.8058588693543279,0.0,1.0530331428448636,0.0,1.3957574721467707,68.10731019547788 +0.0,0.985,0.0,0.728,0.014174633495577979,0.0,0.0,114.52,2023-05-08,charlotte smm food,131.97811321101744,127.1008852661048,1.327321795984346,0.0,0.0,0.0,2.329221812217949,0.756816944065802,0.0,131.5142458183729 +0.672,0.9210000000000002,0.8130000000000001,0.0,0.03362197914042462,0.0,0.559,185.78,2023-05-08,chicago smm food,185.7101822023804,177.12285569785104,1.3485744011602236,0.0,0.0,1.8374580898705841,0.9912597607467224,0.0,0.0,181.30014794962858 +0.0,0.0,0.0,0.0,0.013879595636027342,0.581,0.5750000000000001,126.70000000000002,2023-05-08,cleveland/akron/canton smm food,134.10034122570602,131.09107465023894,1.3485744011602236,0.0,0.0,0.0,0.750242112844316,0.0,0.9734513651895427,134.163342529433 +0.0,0.0,0.0,0.876,0.009819023007458485,0.795,0.0,88.41,2023-05-08,columbus oh smm food,107.62448394294066,103.92073468964487,1.8006752749016164,0.0,0.6371419929355414,1.477955420113296,11.481133027638245,0.0,0.0,119.31764040523358 +0.0,0.0,0.615,0.786,0.034517953099345015,0.0,0.0,99.57,2023-05-08,dallas/ft. worth smm food,111.82354879679002,105.27715718131851,0.0,0.0,0.6057040656525378,0.0,0.37473095362746756,0.757638677989869,0.7172046087646483,107.73243548735304 +0.0,0.0,0.0,0.768,0.004859246723265958,0.9910000000000001,0.643,85.22,2023-05-08,des moines/ames smm food,66.3559442789,62.408297363785806,0.0,1.4732312018898455,0.0,1.3665306160364756,1.207905350795836,0.0,0.0,66.45596453250796 +0.0,0.932,0.904,0.961,0.01721026422288469,0.5680000000000001,0.0,231.56,2023-05-08,detroit smm food,167.39160448463628,160.32292305294044,1.4374489318957109,0.0,0.7880440438939592,0.0,0.4600108208518612,0.0,1.080817324585448,164.08924417416742 +0.8220000000000001,0.0,0.9440000000000001,0.0,0.0077838297534429685,0.0,0.0,131.93,2023-05-08,grand rapids smm food,113.55122012739795,110.01556630860257,1.1399124594334267,1.372414055623653,0.9861029857768824,1.8290486706949751,0.5840795495550923,0.0,0.0,115.9271240296866 +0.892,0.0,0.541,0.0,0.007534117610632833,0.733,0.588,63.76,2023-05-08,greensboro smm food,88.2311630989955,83.56924325587181,0.0,1.2228144192286576,0.0,1.1878304585547828,0.4981374124255092,0.7765385582434123,0.0,87.25456410432417 +0.9199999999999999,0.0,0.0,0.0,0.007436375423754694,0.718,0.948,68.28,2023-05-08,harrisburg/lancaster smm food,89.66519213062823,85.02510769460987,1.1012713591136496,1.2325709172544184,0.5795057929167015,1.4548295173803711,0.7921243324938183,0.0,0.0,90.18540961376883 +0.533,0.63,0.729,0.734,0.009114191741263263,0.0,0.883,126.25,2023-05-08,hartford/new haven smm food,119.35811020158607,112.61073024106035,0.0,0.0,0.0,1.4926719036706118,7.327962352850794,0.7609256136861374,0.7043206936371398,122.89661080490504 +0.537,0.704,0.0,0.547,0.03104416100965263,0.5740000000000001,0.0,175.36,2023-05-08,houston smm food,175.27219022883642,167.64644198801398,1.6441788186065187,0.0,0.0,0.0,0.830642558261322,0.6886130283682322,0.0,170.80987639325005 +0.58,0.0,0.0,0.677,0.01296533447706671,0.0,0.9840000000000001,99.96,2023-05-08,indianapolis smm food,94.56990903167777,89.02123497580452,0.0,0.0,0.8205299020863963,0.0,0.5166423055924273,0.0,1.2526028596188967,91.61101004310224 +0.0,0.0,0.8270000000000001,0.0,0.007400313772003159,0.0,0.0,79.71,2023-05-08,jacksonville smm food,88.07757248310891,86.29988999004563,0.0,0.0,0.0,0.0,0.6713278665887922,0.0,0.0,86.97121785663442 +0.8,0.629,0.0,0.0,0.009571155523094404,0.967,0.0,94.05,2023-05-08,kansas city smm food,85.0350607582438,80.49370051161102,1.3331179610323127,0.0,0.0,1.3160741009828212,0.4332037917813755,0.0,0.0,83.57609636540754 +0.644,0.0,0.0,0.812,0.00585663241734633,0.0,0.558,84.84,2023-05-08,knoxville smm food,73.87417954353958,69.4030183864474,0.0,1.3285098145077305,0.7607978402486892,0.0,2.633322119601021,0.0,1.3070016123794888,75.43264977318432 +0.0,0.0,0.9570000000000001,0.623,0.007936112300524899,0.8200000000000001,0.833,84.79,2023-05-08,las vegas smm food,78.23192626031266,73.0759844669223,0.0,0.0,0.8456802439127993,0.0,0.4854392321606514,0.0,0.0,74.40710394299576 +0.0,0.0,0.0,0.988,0.005783115426819044,0.9430000000000001,0.0,91.45,2023-05-08,little rock/pine bluff smm food,61.26754509168441,57.70357115599228,1.3176615209044018,0.9658933045502961,0.0,1.6734744159462072,12.785416742295894,0.0,0.0,74.44601713968908 +0.541,0.836,0.811,0.0,0.05453981780254659,0.0,0.7020000000000001,215.39,2023-05-08,los angeles smm food,164.95037135604719,153.9765761946837,1.2790204205846245,0.0,0.8425364511844989,0.0,0.2536003768238127,0.0,0.0,156.35173344327663 +0.0,0.552,0.0,0.836,0.0034440897527578947,0.597,0.917,76.27,2023-05-08,madison wi smm food,57.301652355833404,52.419185278171575,0.0,0.0,0.6622923347619444,1.9362687651839912,1.5822684840340488,0.0,0.0,56.60001486215156 +0.603,0.806,0.918,0.0,0.01734371222652946,0.0,0.679,173.36,2023-05-08,miami/west palm beach smm food,190.66665013134445,184.12181433608328,0.0,0.0,0.5470199347242642,0.0,0.6163832101193493,0.0,0.0,185.2852174809269 +0.0,0.0,0.851,0.0,0.007989183605877812,0.9530000000000001,0.0,55.09,2023-05-08,milwaukee smm food,70.81161279383512,68.15317248002567,0.0,1.2911099054089816,0.6874426765883473,1.1689092654096624,3.752087302412181,0.6614958088740179,0.8188443836594389,76.5330618223783 +0.802,0.561,0.918,0.9540000000000001,0.01541932079755338,0.0,0.739,54.99,2023-05-08,minneapolis/st. paul smm food,94.13627660907967,85.75072244988117,1.3910796115119783,0.0,0.0,1.8353557350766818,0.4284369071262787,0.7535300083695334,0.8260021142858325,90.98512682625147 +0.9070000000000001,0.8170000000000001,0.0,0.0,0.006108126206157277,0.764,0.657,64.97,2023-05-08,mobile/pensacola smm food,72.867613103318,67.46643487620449,0.0,0.0,0.854063691188267,1.89842637889375,0.9626067080125998,0.7806472278637479,0.0,71.96217888216285 +0.9339999999999999,0.0,0.541,0.795,0.012571638896874683,0.797,0.0,122.56,2023-05-08,nashville smm food,101.7176111239486,95.47216793873541,1.4393809869116998,0.0,0.0,1.50949074202183,0.6671426766359995,0.0,0.7758979999010767,99.86408034420602 +0.923,0.9590000000000001,0.0,0.0,0.006959699866405549,0.864,0.0,58.69,2023-05-08,new orleans smm food,64.45909599631082,59.54961731628727,0.0,0.0,0.9075081675693731,0.0,6.768105752487138,0.0,0.0,67.22523123634377 +0.755,0.0,0.0,0.967,0.07112715458267148,0.591,0.0,263.93,2023-05-08,new york smm food,302.89546647891746,290.1617655847399,1.5089349674872987,1.3984313836923479,0.0,0.0,0.6076931095694892,0.8102296491301635,0.0,294.4870546946192 +0.0,0.514,0.806,0.639,0.007392350728677752,0.0,0.8200000000000001,91.66,2023-05-08,norfolk/portsmouth/newport news smm food,107.4177140722069,102.30993924858487,0.0,0.798406755108073,0.0,1.8731981213669229,2.7350274808610777,0.6171221769743943,0.894716328299212,109.22841011119455 +0.0,0.0,0.614,0.0,0.007309274379545551,0.93,0.0,62.58,2023-05-08,oklahoma city smm food,55.91672212979073,53.609244119971564,0.0,1.622830838284841,0.7052575020487162,1.4253965502657393,0.6189018242051374,0.7790037600156136,0.0,58.76063459479161 +0.0,0.0,0.0,0.0,0.004328450888681313,0.0,0.5650000000000001,73.36,2023-05-08,omaha smm food,62.21792373705474,60.87622985001895,1.4432450969436774,0.0,0.0,1.8900169597181407,1.3257335270543231,0.6614958088740179,0.0,66.19672124260912 +0.0,0.0,0.9520000000000001,0.0,0.01580612454598914,0.974,0.9199999999999999,152.08,2023-05-08,orlando/daytona beach/melborne smm food,137.6762764452668,132.61538216686213,0.0,0.0,0.0,1.843765154252291,0.305059834825649,0.0,0.0,134.76420715594008 +0.994,0.0,0.0,0.0,0.004038853103570048,0.0,0.989,45.8,2023-05-08,paducah ky/cape girardeau mo smm food,59.392738231657326,55.55925813283435,1.7407815694059618,0.0,0.0,0.0,2.505599158087032,0.5916484253283142,0.9577043578114766,61.35499164346714 +0.0,0.978,0.908,0.772,0.0293308377970183,0.982,0.0,193.6,2023-05-08,philadelphia smm food,208.32042247605978,199.7377476378349,0.0,1.0228062097005661,0.9494254039467114,0.0,2.9172388278329024,0.430588576211162,0.9777460035653789,206.03555265909162 +0.0,0.8200000000000001,0.687,0.667,0.01658364869877091,0.789,0.0,108.4,2023-05-08,phoenix/prescott smm food,123.12848925982985,116.98296111946722,0.0,0.8179197511595941,0.0,0.0,0.6921144062480677,0.430588576211162,0.0,118.92358385308604 +0.841,0.0,0.0,0.0,0.00957357100016208,0.0,0.805,102.34,2023-05-08,pittsburgh smm food,108.50807593415364,104.55223234884438,0.0,0.0,0.0,0.0,0.7923281512578589,0.0,0.927641889180623,106.27220238928287 +0.0,0.0,0.626,0.868,0.00825163785354674,0.0,0.0,88.57,2023-05-08,portland or smm food,90.39300729322561,86.8963094792362,0.0,1.1772840951084418,0.0,0.0,0.5224113799641479,0.7863993653322177,1.0235554795742985,90.4059597992153 +0.0,0.9199999999999999,0.848,0.0,0.0061157927203285955,0.0,0.0,81.07,2023-05-08,providence ri/new bedford ma smm food,86.3858559390017,83.24830635780522,0.0,0.0,0.0,1.982520570649841,1.0485434901124833,0.0,0.8818324131717034,87.16120283173925 +0.0,0.0,0.0,0.745,0.013143505254838669,0.518,0.747,111.91,2023-05-08,raleigh/durham/fayetteville smm food,130.0095311774886,125.33017277610136,0.0,0.9089803994000262,0.0,1.5914825789840186,4.050140023532204,0.0,0.0,131.8807757780176 +0.717,0.0,0.971,0.751,0.0630025275790495,0.602,0.673,391.58,2023-05-08,rem us east north central smm food,319.6496444464832,306.4536727021249,0.0,1.588683095194679,0.76708542570529,0.0,1.4741121658491099,0.0,0.0,310.283553388874 +0.739,0.0,0.0,0.0,0.020567310313536317,0.0,0.798,142.33,2023-05-08,rem us middle atlantic smm food,135.90220229287095,130.80002326169728,0.0,0.0,0.0,1.3959635831511075,8.172450156200332,0.0,0.0,140.3684370010487 +0.871,0.0,0.547,0.663,0.03182750084046895,0.0,0.0,183.31,2023-05-08,rem us mountain smm food,181.52565581750486,173.95751153106124,0.0,0.0,1.040595393067422,0.0,0.7285477722933322,0.5078315650734696,0.0,176.23448626149548 +0.0,0.0,0.0,0.0,0.009959469099139731,0.0,0.0,177.57,2023-05-08,rem us new england smm food,149.44772874484664,148.221630613054,1.1785535597532037,0.9610150555374157,0.5229175238072947,0.0,4.554209760096675,0.0,1.0020822876951174,156.4404087999437 +0.0,0.0,0.875,0.65,0.033113081983869384,0.0,0.0,101.72,2023-05-08,rem us pacific smm food,111.47362562702152,105.11364420201244,0.0,0.8862152373399182,0.6863947456789139,2.0434888596730065,7.073245532798494,0.7806472278637479,0.9233472508047867,117.50698305617131 +0.0,0.0,0.526,0.0,0.07188532403045829,0.0,0.9619999999999999,272.86,2023-05-08,rem us south atlantic smm food,294.45830422888696,283.6802303568146,0.0,0.0,0.0,0.0,13.716121339093633,0.0,1.2855284205003077,298.68188011640854 +0.0,0.0,0.0,0.0,0.12212749785235702,0.7020000000000001,0.924,420.62,2023-05-08,rem us south central smm food,416.3659029702581,399.4313293612464,0.0,1.622830838284841,0.8435843820939324,1.051177396951135,4.8259988729730905,0.7469561369769967,0.8918532360486545,409.41373022457503 +0.798,0.96,0.55,0.531,0.04222675109249857,0.0,0.0,140.99,2023-05-08,rem us west north central smm food,135.94854445168596,125.95452848252805,1.4722259221835103,0.0,0.8362488657278982,1.4968766132584164,0.47340144801211576,0.0,1.3843051031445408,131.61758643485453 +0.757,0.588,0.577,0.0,0.005851724859846172,0.0,0.0,77.48,2023-05-08,richmond/petersburg smm food,89.81185115924478,86.06809383806947,1.327321795984346,0.0,0.7146888802336173,1.5347189995486572,3.5931761541934444,0.48153607950332233,0.0,93.71953574753286 +0.0,0.0,0.0,0.803,0.013544951365795671,0.967,0.0,72.83,2023-05-08,sacramento/stockton/modesto smm food,75.73739174635702,71.58708164797008,0.4810816989812258,0.9740237195717633,0.9840071239580156,0.0,1.588914628642892,0.42319297089455804,0.0,76.03830179001854 +0.744,0.621,0.0,0.0,0.009331239962212455,0.0,0.794,61.74,2023-05-08,salt lake city smm food,88.45746077974859,83.72480907215119,0.0,1.0081714626619251,0.8006192148071607,1.7638756720840045,1.1286189251088168,0.0,0.0,88.4260943468131 +0.0,0.76,0.0,0.989,0.009469359535572253,0.9210000000000002,0.801,64.01,2023-05-08,san diego smm food,85.09861165487351,78.71431295071628,0.0,0.0,0.0,0.0,2.007961733038973,0.0,0.0,80.72227468375524 +0.9460000000000001,0.0,0.0,0.0,0.017858303978381333,0.537,0.761,89.63,2023-05-08,san francisco/oakland/san jose smm food,94.4328289012567,88.87591304741949,1.8721613104932038,0.0,0.7084012947770165,1.3581211968608666,1.2161018076843364,0.44702325469250404,0.0,94.47772191192742 +0.514,0.0,0.706,0.5650000000000001,0.012659893386360147,0.0,0.6900000000000001,91.78,2023-05-08,seattle/tacoma smm food,94.21181337361975,88.74475650580376,0.0,1.0211801266962726,0.7576540475203889,1.50949074202183,0.7555442059929256,0.7527082744454664,0.0,93.54133390248064 +0.0,0.8240000000000001,0.527,0.972,0.011970493991558927,0.0,0.0,64.03,2023-05-08,st. louis smm food,93.11340733608164,87.70409353036166,1.899210080717048,0.0,0.0,1.8143321871376592,1.1437375897494586,0.0,0.0,92.56137338796583 +0.0,0.844,0.9140000000000001,0.505,0.016997607104492284,0.987,0.924,150.2,2023-05-08,tampa/ft. myers smm food,180.87347044580747,173.25520362076367,0.0,0.0,0.8896933421090044,0.0,0.5848744205578547,0.0,0.0,174.72977138343052 +0.0,0.752,0.0,0.0,0.00330377957027227,0.0,0.0,58.48,2023-05-08,tucson/sierra vista smm food,64.95178534971697,63.32224664442017,0.0,0.0,0.5438761419959639,0.0,1.9955855971356171,0.7855776314081506,0.0,66.6472860149599 +0.812,0.0,0.9339999999999999,0.0,0.02237819779555633,0.0,0.8150000000000001,192.55,2023-05-08,washington dc/hagerstown smm food,179.4906351407248,173.02137618365978,1.0413776536179948,0.0,0.0,1.1626022010279555,0.22542069952794902,0.4289451083630278,0.0,175.8797218461967 +0.0,0.0,0.856,0.0,0.002478436384779373,0.9380000000000001,0.851,44.07,2023-05-08,yakima/pasco/richland/kennewick smm food,56.708120688749105,53.51694236690935,0.0,1.0862234468680099,0.8582554148260008,0.0,0.3386369645287562,0.6820391569756955,0.9705882729389852,57.4526856230468 +0.0,0.676,0.582,0.524,0.0,0.0,0.0,102.69,2023-05-15,albany/schenectady/troy smm food,85.16763025302821,82.35686844083078,1.9185306308769368,0.0,0.8603512766448678,1.353916487273062,1.4756236145399373,0.6146569752021931,0.9433888965586892,89.52333632192646 +0.684,0.0,0.785,0.756,1.2355381420336394e-06,0.0,0.0,71.35,2023-05-15,albuquerque/santa fe smm food,74.52581308634306,70.79212936171284,1.6480429286384966,0.0,0.7073533638675831,0.0,6.211534639134522,0.0,0.0,79.35906029335344 +0.0,0.9000000000000001,0.0,0.0,5.065706382337921e-06,0.0,0.8180000000000001,192.44,2023-05-15,atlanta smm food,167.88263390737896,165.2475308400832,1.5224593525992207,0.9675193875545894,0.0,1.290845843455994,0.9089510535536167,0.6582088731777496,0.0,170.59551535042436 +0.846,0.673,0.972,0.554,1.4826457704403671e-06,0.774,0.0,129.55,2023-05-15,baltimore smm food,110.82873157936935,105.28036119021601,1.532119627679165,0.0,0.7524143929732217,1.9068357980693593,0.40315233645404847,0.6401307268482732,1.4115044795248368,111.92651855176491 +0.0,0.0,0.9450000000000001,0.876,1.2355381420336394e-07,0.948,0.893,51.08,2023-05-15,baton rouge smm food,55.51758907276434,50.62824190344196,1.108999579177605,1.1219972729624652,0.0,0.0,0.6952320559870184,0.7987253741932241,0.8274336604111112,55.18062984617338 +0.672,0.0,0.841,0.0,1.8533072130504591e-06,0.0,0.0,57.589999999999996,2023-05-15,birmingham/anniston/tuscaloosa smm food,64.4553959275307,62.27551690355495,1.763966229597828,1.3707879726193595,0.7450788766071874,2.085535955551052,1.7211691475253201,0.0,0.9591359039367553,70.92119098939246 +0.609,0.786,0.0,0.0,3.0888453550840984e-06,0.6900000000000001,0.0,221.94,2023-05-15,boston/manchester smm food,186.36639078387074,183.34429136615643,0.0,0.9301194784558408,0.8718785166486358,1.049075042157233,0.39433507486334446,0.0,0.0,186.5896994782815 +0.0,0.647,0.0,0.0,1.2355381420336394e-07,0.0,0.0,51.48,2023-05-15,buffalo smm food,65.01528422212111,63.96319330778341,1.1727573947052372,0.0,0.0,1.5851755146023117,1.0359793848484475,0.5012576936809329,0.8861270515475396,69.14449034716789 +0.795,0.6990000000000001,0.589,0.0,1.976861027253823e-06,0.0,0.669,104.08,2023-05-15,charlotte smm food,131.34868005624236,127.1008852661048,0.0,0.0,0.0,1.135271588707226,2.1685794193722816,0.6138352412781259,0.7386778006438294,131.75724931610625 +0.891,0.0,0.986,0.973,8.648766994235476e-06,0.646,0.763,176.85,2023-05-15,chicago smm food,183.54734235598968,177.12285569785104,0.0,0.0,0.8980767893844721,0.0,0.9716309045547401,0.4519536582369067,1.1280583467196466,180.5725753967468 +0.0,0.0,0.0,0.904,1.0749181835692662e-05,0.0,0.5630000000000001,143.73,2023-05-15,cleveland/akron/canton smm food,133.79888717116515,131.09107465023894,0.0,1.2602143283274065,0.0,2.016158247352277,0.763348491298491,0.0,0.9791775496906576,136.10997326690776 +0.0,0.858,0.0,0.728,2.2239686556605507e-06,0.49499999999999994,0.631,108.38,2023-05-15,columbus oh smm food,108.15676588483082,103.92073468964487,0.0,1.2065535891857233,0.5365406256299297,0.0,10.911632987090004,0.0,1.175299368853845,117.75076126040437 +0.613,0.0,0.0,0.0,6.424798338574925e-06,0.0,0.0,121.28999999999999,2023-05-15,dallas/ft. worth smm food,106.4622978552317,105.27715718131851,0.0,1.0569539527907281,0.5564513129091654,1.149988072264542,0.3672756604717567,0.6886130283682322,1.0335763024512497,110.13001551057418 +0.0,0.0,0.504,0.669,1.976861027253823e-06,0.583,0.0,60.95,2023-05-15,des moines/ames smm food,64.82224414594954,62.408297363785806,1.3060691908084685,0.0,0.6811550911317467,1.4842624844950028,1.168621110587077,0.0,0.0,67.04840524080811 +0.846,0.508,0.903,0.787,2.471076284067279e-06,0.73,0.0,197.78,2023-05-15,detroit smm food,165.98449657243347,160.32292305294044,1.7446456794379395,0.0,0.7115450875053169,0.0,0.45899612333977025,0.7979036402691569,0.8202759297847176,164.85628951327735 +0.74,0.0,0.661,0.0,1.4826457704403671e-06,0.0,0.0,116.57999999999998,2023-05-15,grand rapids smm food,112.138151878288,110.01556630860257,0.0,0.8683283242926905,0.0,0.0,0.5883071587171846,0.0,0.0,111.47220179161245 +0.989,0.537,0.8300000000000001,0.59,9.884305136269115e-07,0.0,0.837,57.55,2023-05-15,greensboro smm food,89.66175001455954,83.56924325587181,1.3736911163680785,0.8992239013742657,0.8634950693731681,2.014055892558375,0.5044650792449225,0.0,0.0,89.22417431479062 +0.0,0.66,0.0,0.93,7.413228852201836e-07,0.762,0.0,72.89,2023-05-15,harrisburg/lancaster smm food,88.67976494927086,85.02510769460987,1.1553688995613376,1.0049192966533385,0.0,0.0,0.7495758641608817,0.46838833671824875,0.0,88.40336009170368 +0.0,0.872,0.0,0.0,2.8417377266773707e-06,0.0,0.0,89.72,2023-05-15,hartford/new haven smm food,114.02902446368068,112.61073024106035,1.6924801940062402,0.0,0.0,1.1541927818523465,6.836046576105172,0.0,0.0,122.29344979302411 +0.0,0.0,0.783,0.798,2.8417377266773707e-06,0.742,0.0,184.08,2023-05-15,houston smm food,170.75472743016863,167.64644198801398,1.3157294658884129,1.117119023949585,0.744030945697754,1.5284119351669503,0.8495362368363424,0.0,0.0,173.20126959555301 +0.679,0.662,0.0,0.909,1.8533072130504591e-06,0.0,0.0,134.61,2023-05-15,indianapolis smm food,93.32083594655806,89.02123497580452,1.6113338833347082,0.9203629804300802,0.0,0.0,0.5244437313127415,0.0,1.3213170736322764,93.39869264451433 +0.842,0.866,0.0,0.679,3.706614426100918e-07,0.68,0.615,88.92,2023-05-15,jacksonville smm food,92.2015926673776,86.29988999004563,0.0,1.4732312018898455,0.0,0.0,0.6655561828455301,0.0,0.0,88.43867737478101 +0.0,0.0,0.9450000000000001,0.0,7.413228852201836e-07,0.0,0.738,86.2,2023-05-15,kansas city smm food,82.54056752484043,80.49370051161102,1.3524385111922013,1.026058375709153,0.6832509529506136,1.1247598147377147,0.4283619935979793,0.0,0.8789693209211458,85.98753948071983 +0.725,0.0,0.536,0.803,9.884305136269115e-07,0.748,0.0,50.62,2023-05-15,knoxville smm food,73.66841879968013,69.4030183864474,0.0,1.182162344121322,0.9819112621391487,1.3286882297462348,2.491804319577302,0.6278047179872667,1.301275427878374,77.31666468789705 +0.0,0.0,0.8280000000000001,0.67,1.4826457704403671e-06,0.893,0.0,60.86999999999999,2023-05-15,las vegas smm food,76.08623989275779,73.0759844669223,0.0,1.2911099054089816,0.0,1.7407497693510798,0.48444750989499724,0.0,0.0,76.59229165157737 +0.0,0.637,0.0,0.798,2.2239686556605507e-06,0.0,0.0,26.91,2023-05-15,little rock/pine bluff smm food,60.41733894533843,57.70357115599228,1.3466423461442347,0.0,0.5292051092638954,1.049075042157233,12.477218881969536,0.0,0.0,73.10571253552718 +0.924,0.0,0.0,0.0,5.189260196541285e-06,0.902,0.0,166.03,2023-05-15,los angeles smm food,156.5036378724795,153.9765761946837,0.0,0.0,0.0,1.5956872885718232,0.25048421026655265,0.0,0.0,155.82274769352207 +0.0,0.0,0.532,0.0,8.648766994235475e-07,0.0,0.533,55.88,2023-05-15,madison wi smm food,53.739805080682665,52.419185278171575,0.0,0.0,0.0,0.0,1.4927671759858976,0.0,0.9748829113148214,54.886835365472294 +0.713,0.0,0.801,0.836,1.2355381420336394e-06,0.67,0.0,186.29,2023-05-15,miami/west palm beach smm food,188.64704466336525,184.12181433608328,1.9243267959249033,0.0,0.0,0.0,0.5867764872250345,0.0,0.0,186.6329176192332 +0.0,0.795,0.5640000000000001,0.0,1.3590919562370033e-06,0.0,0.0,98.61,2023-05-15,milwaukee smm food,70.03710881751772,68.15317248002567,1.1283201293374934,1.3138750674690898,0.7167847420524842,1.149988072264542,3.558100321792344,0.7650342833064729,0.0,76.7852750962481 +0.961,0.0,0.0,0.0,4.4479373113211014e-06,0.8290000000000001,0.587,84.75,2023-05-15,minneapolis/st. paul smm food,89.12950989899119,85.75072244988117,1.8219278800774938,1.4146922137352822,0.0,1.089019783241376,0.43071264385981894,0.7313431924197217,1.2497397673683392,92.4881579305832 +0.843,0.0,0.621,0.0,8.648766994235475e-07,0.0,0.0,101.89,2023-05-15,mobile/pensacola smm food,69.74602882336019,67.46643487620449,1.3601667312561565,1.1691536800869746,0.8855016184712706,0.0,0.9716182414594566,0.0,0.0,71.85287514747834 +0.916,0.0,0.0,0.742,1.1119843278302754e-06,0.0,0.0,65.18,2023-05-15,nashville smm food,98.8020144854953,95.47216793873541,0.0,1.1772840951084418,0.8226257639052633,0.0,0.6731774086070275,0.5801441503913747,0.8846955054222608,99.61009486216977 +0.662,0.9759999999999999,0.84,0.0,1.2355381420336394e-07,0.0,0.0,57.0,2023-05-15,new orleans smm food,63.29597192354623,59.54961731628727,0.0,0.0,0.5637868292751995,1.1373739435011283,6.30558479028764,0.0,1.075091140084333,68.63145401943557 +0.0,0.9280000000000002,0.0,0.642,7.166121223795109e-06,0.0,0.0,317.33,2023-05-15,new york smm food,293.0213646028805,290.1617655847399,1.4702938671675216,1.5025006959671274,0.5554033819997319,1.4905695488767094,0.6198516360547189,0.5941136271005154,0.0,296.3944983419062 +0.925,0.592,0.0,0.0,6.177690710168197e-07,0.6950000000000001,0.0,89.02,2023-05-15,norfolk/portsmouth/newport news smm food,105.63091240694214,102.30993924858487,0.0,1.4472138738211509,0.0,0.0,2.756555276733347,0.0,0.0,106.51370839913936 +0.0,0.6900000000000001,0.0,0.0,2.5946300982706425e-06,0.9440000000000001,0.0,31.09,2023-05-15,oklahoma city smm food,55.50727763901014,53.609244119971564,0.0,1.4472138738211509,0.5679785529129334,1.1520904270584442,0.589537431843444,0.0,0.0,57.36606440560754 +0.0,0.603,0.0,0.0,9.884305136269115e-07,0.524,0.804,62.2,2023-05-15,omaha smm food,63.43843124702193,60.87622985001895,0.0,0.0,0.8331050729995978,1.5935849337779209,1.276573271573019,0.5127619686178723,0.7730349076505192,65.86529000463788 +0.0,0.0,0.873,0.604,2.8417377266773707e-06,0.0,0.0,108.87,2023-05-15,orlando/daytona beach/melborne smm food,134.80039798919097,132.61538216686213,0.0,0.0,0.0,1.6671673515645002,0.31547483978477925,0.8077644473579622,0.0,135.4057888055694 +0.776,0.0,0.0,0.0,3.706614426100918e-07,0.0,0.0,46.92,2023-05-15,paducah ky/cape girardeau mo smm food,57.058578456921246,55.55925813283435,1.2616319254407249,0.0,0.7450788766071874,1.967804087092525,2.47931164949074,0.0,0.0,62.01308467146553 +0.0,0.0,0.0,0.541,4.818598753931193e-06,0.0,0.811,244.48,2023-05-15,philadelphia smm food,202.0366987007711,199.7377476378349,1.0626302587938723,0.0,0.7241202584185183,0.0,2.8223307858938895,0.0,1.1323529850954828,205.47918192603666 +0.791,0.0,0.737,0.0,6.054136895964833e-06,0.0,0.544,123.45999999999998,2023-05-15,phoenix/prescott smm food,120.06304812695097,116.98296111946722,1.110931634193594,1.5090050279843013,0.6140875129280053,1.5010813228462208,0.6960618480014984,0.0,0.8617907674178009,123.27591923283865 +0.5640000000000001,0.0,0.709,0.0,1.1119843278302754e-06,0.0,0.795,79.74,2023-05-15,pittsburgh smm food,107.52311045728564,104.55223234884438,1.2249228801369365,0.0,0.9661922984976468,0.0,0.7993059355056726,0.0,0.9992191954445601,108.5418726584292 +0.788,0.8170000000000001,0.725,0.0,4.07727586871101e-06,0.0,0.742,87.93,2023-05-15,portland or smm food,91.56973772911415,86.8963094792362,1.7813547247417278,1.1967970911599628,0.0,0.0,0.5027327078197182,0.7461344030529296,0.0,91.12332840601053 +0.0,0.0,0.59,0.0,8.648766994235475e-07,0.245,0.919,121.96999999999998,2023-05-15,providence ri/new bedford ma smm food,85.3836077688175,83.24830635780522,1.1534368445453487,0.8748326563098642,0.0,0.0,1.0352071059381194,0.7773602921674795,0.0,87.08914325676604 +0.551,0.549,0.0,0.559,4.942152568134558e-07,0.0,0.881,95.85,2023-05-15,raleigh/durham/fayetteville smm food,129.72392396766966,125.33017277610136,1.120591909273538,0.0,0.7136409493241839,1.875300476160825,4.04552925108914,0.0,1.0665018633326606,134.15173722528172 +0.7010000000000001,0.807,0.8320000000000001,0.801,9.266536065252295e-06,0.49499999999999994,0.6970000000000001,343.03,2023-05-15,rem us east north central smm food,313.08184369308316,306.4536727021249,0.985348058154318,0.0,0.0,1.5683566762510937,1.4596969240438502,0.7757168243193453,0.8460437600397348,312.08883494493324 +0.0,0.637,0.0,0.0,2.9652915408807343e-06,0.718,0.0,153.18,2023-05-15,rem us middle atlantic smm food,132.4262081463487,130.80002326169728,0.0,1.1902927591427892,0.0,0.0,8.01841386768577,0.686969560520098,1.312727796880604,142.00842724592653 +0.0,0.0,0.8,0.0,1.0131412764675843e-05,0.0,0.0,169.24,2023-05-15,rem us mountain smm food,174.79710352451542,173.95751153106124,0.0,0.0,0.8729264475580691,1.8017180583742456,0.735285343774772,0.6294481858354009,0.0,177.99688956660373 +0.0,0.0,0.0,0.645,3.3359529834908265e-06,0.0,0.0,174.55,2023-05-15,rem us new england smm food,149.57806014023683,148.221630613054,0.0,0.0,0.7545102547920886,0.0,4.635331320207537,0.0,0.0,153.61147218805363 +0.0,0.738,0.711,0.0,3.953722054507646e-06,0.655,0.0,112.09,2023-05-15,rem us pacific smm food,107.59749479396721,105.11364420201244,1.6383826535585522,0.0,0.0,0.0,7.098143349889207,0.7633908154583388,1.191046376231911,115.80460739715045 +0.0,0.608,0.799,0.0,9.637197507862386e-06,0.0,0.0,259.46,2023-05-15,rem us south atlantic smm food,285.50737204373036,283.6802303568146,1.2113984950250145,1.0927277788851835,0.0,0.0,13.535342350768813,0.5653529397581669,0.0,300.08505192125176 +0.0,0.924,0.0,0.68,1.1861166163522937e-05,0.726,0.0,370.68,2023-05-15,rem us south central smm food,402.96147035968505,399.4313293612464,0.0,1.3821705536494135,0.7482226693354878,0.0,4.722620800362504,0.0,0.0,406.2843433845938 +0.545,0.0,0.0,0.0,7.536782666405199e-06,0.9490000000000002,0.597,127.41,2023-05-15,rem us west north central smm food,128.64288484112367,125.95452848252805,0.0,1.1431363520182798,1.0227805676070532,1.3097670366011143,0.47109479703253254,0.4585275296294435,1.0178292950731835,131.37766406048965 +0.0,0.0,0.0,0.579,9.884305136269115e-07,0.972,0.789,92.62,2023-05-15,richmond/petersburg smm food,89.21369421525581,86.06809383806947,0.0,0.0,0.0,1.965701732298623,3.5485621980030766,0.7058694407736414,0.0,92.28822720914481 +0.0,0.0,0.0,0.791,3.45950679769419e-06,0.658,0.62,92.81,2023-05-15,sacramento/stockton/modesto smm food,74.67872970533145,71.58708164797008,1.205602329977048,0.8374327472111154,0.7010657784109824,0.0,1.6064968615700823,0.0,0.0,75.9376793651393 +0.937,0.741,0.0,0.932,3.830168240304282e-06,0.0,0.85,49.11,2023-05-15,salt lake city smm food,89.91675253007325,83.72480907215119,1.2113984950250145,1.4163182967395755,0.8530157602788335,0.0,1.120170011105372,0.7009390372292389,0.0,89.02665067252923 +0.0,0.929,0.756,0.0,8.648766994235475e-07,0.0,0.0,91.34,2023-05-15,san diego smm food,81.01728630315549,78.71431295071628,1.0722905338738167,0.0,0.0,0.0,2.015372710228571,0.0,0.0,81.80197619481866 +0.833,0.724,0.668,0.616,3.0888453550840984e-06,0.551,0.743,73.4,2023-05-15,san francisco/oakland/san jose smm food,95.17446179863123,88.87591304741949,0.9814839481223403,0.0,0.0,1.8290486706949751,1.2161678364204183,0.0,1.2010671991088622,94.10368070176608 +0.497,0.537,0.609,0.0,3.45950679769419e-06,0.0,0.0,101.47,2023-05-15,seattle/tacoma smm food,91.21681024157647,88.74475650580376,0.0,0.0,1.0102053966938518,0.0,0.7256284427010378,0.0,1.1581208153505,91.63871116054915 +0.706,0.0,0.0,0.656,2.100414841457187e-06,0.8280000000000001,0.614,78.59,2023-05-15,st. louis smm food,92.00689270601578,87.70409353036166,0.0,0.0,0.0,1.5935849337779209,1.14030498285726,0.0,0.0,90.43798344699684 +0.71,0.0,0.836,0.0,2.2239686556605507e-06,0.0,0.0,161.0,2023-05-15,tampa/ft. myers smm food,175.50330671247934,173.25520362076367,1.5127990775192766,0.0,0.0,0.0,0.5813315141388247,0.20543348101677575,0.0,175.55476769343855 +0.88,0.9540000000000001,0.999,0.9510000000000001,2.471076284067279e-07,0.0,0.654,52.62,2023-05-15,tucson/sierra vista smm food,70.55622221916335,63.32224664442017,1.4239245467837889,0.0,0.0,0.0,1.9442120727126895,0.0,0.7773295460263554,67.46771280994301 +0.0,0.0,0.992,0.0,5.3128140107446495e-06,0.557,0.0,148.55,2023-05-15,washington dc/hagerstown smm food,174.51928349559654,173.02137618365978,1.4567694820555994,1.0358148737349135,0.0,0.0,0.22841892431679384,0.7872210992562847,0.0,176.52960056302337 +0.0,0.9390000000000001,0.5720000000000001,0.711,1.1119843278302754e-06,0.497,0.533,19.21,2023-05-15,yakima/pasco/richland/kennewick smm food,58.309577786674865,53.51694236690935,1.0085327183461843,0.0,0.7084012947770165,0.0,0.4262418528300707,0.7724298886230768,0.0,56.432548121485695 +0.0,0.0,0.0,0.781,0.013810903421944697,0.972,0.0,102.33,2023-05-22,albany/schenectady/troy smm food,86.4977764376527,82.35686844083078,0.0,1.1106146919324114,0.5564513129091654,1.2803340694864824,1.678381003054561,0.0,0.8646538596683584,87.84730337788176 +0.754,0.52,0.0,0.917,0.019690944344929996,0.0,0.0,83.19,2023-05-22,albuquerque/santa fe smm food,77.44644956951012,70.79212936171284,1.8682972004612264,1.0195540436919792,0.0,1.5620496118693867,6.549908310849711,0.645882864316743,0.0,82.43782139290188 +0.0,0.0,0.0,0.584,0.08875917469249191,0.626,0.0,287.84,2023-05-22,atlanta smm food,177.91674555668135,165.2475308400832,0.0,0.0,0.8603512766448678,1.4527271625864688,1.0916428374661091,0.7979036402691569,0.3543076660064879,169.8044634230563 +0.686,0.0,0.0,0.0,0.03466234426431378,0.0,0.0,82.0,2023-05-22,baltimore smm food,110.87298999011159,105.28036119021601,0.0,0.0,0.0,0.0,0.46035136475256566,0.0,0.98776682644233,106.7284793814109 +0.738,0.605,0.961,0.0,0.014174634731116124,0.522,0.0,40.68,2023-05-22,baton rouge smm food,56.218907482996215,50.62824190344196,0.0,1.0927277788851835,0.5292051092638954,1.797513348786441,0.8691689405394378,0.0,1.2211088448627645,56.13796592577968 +0.778,0.892,0.0,0.803,0.027922893898183428,0.0,0.9500000000000001,65.0,2023-05-22,birmingham/anniston/tuscaloosa smm food,71.71483498270845,62.27551690355495,1.4818861972634547,0.0,0.6214230292940396,0.0,2.1225741076410873,0.5793224164673075,0.0,67.08072265422084 +0.773,0.629,0.0,0.507,0.06913307756694655,0.0,0.883,193.18,2023-05-22,boston/manchester smm food,196.70141433767384,183.34429136615643,1.563032507934987,1.6081960912462,0.0,1.4127824215023257,0.5232422777863288,0.0,0.0,188.45154466462625 +0.0,0.556,0.734,0.777,0.016751427365230227,0.0,0.9759999999999999,107.68,2023-05-22,buffalo smm food,70.72944329490608,63.96319330778341,1.095475194065683,1.0667104508164886,0.5491157965431311,1.4338059694413483,1.2558003529700856,0.0,1.3800104647687046,70.74411153638886 +0.811,0.841,0.0,0.672,0.04604002581978682,0.669,0.0,177.93,2023-05-22,charlotte smm food,137.66577170930222,127.1008852661048,1.7832867797577168,1.3089968184562095,0.0,1.517900161197439,2.638891826579039,0.46427966709791324,1.3184539813817189,136.13269450057484 +0.982,0.0,0.0,0.0,0.1104946121870325,0.0,0.632,182.57,2023-05-22,chicago smm food,193.52772823861855,177.12285569785104,0.0,0.0,0.7178326729619177,1.4968766132584164,1.2367774552133686,0.5168706382382078,1.1438053540977127,182.23501843162066 +0.866,0.0,0.86,0.9390000000000001,0.040994779949080976,0.855,0.5690000000000001,124.45,2023-05-22,cleveland/akron/canton smm food,142.2035157949589,131.09107465023894,0.0,0.0,0.0,0.0,0.8901121199129619,0.7724298886230768,0.0,132.75361665877497 +0.559,0.0,0.616,0.725,0.031131272626356715,0.904,0.717,115.26000000000002,2023-05-22,columbus oh smm food,112.77228527130879,103.92073468964487,1.4934785273593878,0.0,0.9913426403240497,0.0,11.184147243633367,0.0,1.3571057267642446,118.94680882772592 +0.0,0.807,0.0,0.74,0.11427844527593424,0.535,0.926,118.25,2023-05-22,dallas/ft. worth smm food,123.97906852962934,105.27715718131851,0.0,1.4309530437782165,0.0,1.610403772129139,0.44621686729250254,0.0,0.0,108.76473086451837 +0.0,0.864,0.919,0.955,0.014063507959545333,0.0,0.665,70.62,2023-05-22,des moines/ames smm food,69.46734995284307,62.408297363785806,0.0,0.0,0.8645430002826016,0.0,1.4864837825430293,0.430588576211162,0.0,65.1899127228226 +0.0,0.629,1.0,0.0,0.052864833338459566,0.0,0.0,159.1,2023-05-22,detroit smm food,168.9017855298219,160.32292305294044,0.0,0.0,0.5459720038148308,0.0,0.5794682368329427,0.5530269308971604,0.8932847821739333,162.8946750066593 +0.851,0.0,0.793,0.764,0.02250135870863053,0.0,0.577,82.61,2023-05-22,grand rapids smm food,117.69307042805211,110.01556630860257,1.108999579177605,1.5382745220615828,0.5627388983657661,2.0582053432303224,0.7111669484732915,0.6442393964686087,0.0,116.63919099637975 +0.0,0.8260000000000001,0.544,0.0,0.024432169993792618,0.8260000000000001,0.0,95.06,2023-05-22,greensboro smm food,89.16902919604618,83.56924325587181,0.0,0.0,0.7283119820562522,1.5347189995486572,0.6332171914970731,0.0,0.0,86.46549142897379 +0.891,0.751,0.735,0.889,0.021924085635757005,0.0,0.0,73.99,2023-05-22,harrisburg/lancaster smm food,93.30602720699149,85.02510769460987,0.0,0.0,0.9609526439504795,1.7386474145571775,0.910188653606554,0.6614958088740179,0.0,89.2963922155981 +0.0,0.8320000000000001,0.0,0.0,0.028443993229429393,0.592,0.0,97.02,2023-05-22,hartford/new haven smm food,117.95180320714879,112.61073024106035,0.0,0.0,0.684298883860047,1.4611365817620778,7.07492054550673,0.0,1.1438053540977127,122.97489160628692 +0.661,0.521,0.0,0.932,0.10678363136913764,0.968,0.874,159.55,2023-05-22,houston smm food,186.92272704604102,167.64644198801398,0.0,0.0,0.9054123057505062,0.0,1.0440955354567605,0.6146569752021931,0.0,170.21060680442343 +0.789,0.0,0.0,0.0,0.040615608119748556,0.665,0.0,56.11999999999999,2023-05-22,indianapolis smm food,96.09221757694863,89.02123497580452,0.0,1.2276926682415379,0.0,1.774387446053516,0.657946731122093,0.0,0.8274336604111112,93.50869548163277 +0.678,0.0,0.0,0.0,0.025297957284826846,0.0,0.9560000000000002,169.94,2023-05-22,jacksonville smm food,92.09278215002004,86.29988999004563,1.5437119577750982,1.239075249271592,0.0,1.8837098953364342,0.8061702854823759,0.6294481858354009,1.1280583467196466,93.53006391046617 +0.645,0.0,0.0,0.0,0.029058914385028823,0.9269999999999999,0.587,101.98,2023-05-22,kansas city smm food,86.91934853936867,80.49370051161102,1.28674864064858,0.0,0.9892467785051828,1.2803340694864824,0.5206094393929519,0.44044938329996725,1.377147372518147,86.38823619546234 +0.0,0.0,0.0,0.0,0.017404480934507242,0.0,0.9700000000000001,105.94,2023-05-22,knoxville smm food,72.93426261495782,69.4030183864474,1.2693601455046803,1.0504496207735543,0.0,0.0,2.5562938154502888,0.0,1.1008589703393503,75.37998093851527 +0.986,0.0,0.891,0.0,0.028511469673980275,0.784,0.0,99.88,2023-05-22,las vegas smm food,80.06894891597861,73.0759844669223,0.0,0.0,0.962000574859913,1.112145685974301,0.5865402004562627,0.0,0.7486986235207806,76.48536955173357 +0.497,0.871,0.802,0.0,0.020068554454050886,0.523,0.0,71.72,2023-05-22,little rock/pine bluff smm food,63.82094356625666,57.70357115599228,1.8141996600135384,1.1122407749367047,0.5344447638110628,0.0,13.369101116638799,0.7387387977363256,0.7758979999010767,76.04819426902978 +0.9580000000000001,0.616,0.715,0.677,0.19629818689982978,0.672,0.515,156.83,2023-05-22,los angeles smm food,184.457199402239,153.9765761946837,0.0,1.082971280859423,0.0,1.9551899583291115,0.31120671121231225,0.0,1.1881832839813535,158.5141274290659 +0.877,0.0,0.0,0.669,0.010383053582525692,0.61,0.551,60.41,2023-05-22,madison wi smm food,58.088357595560275,52.419185278171575,0.0,0.0,0.0,1.5431284187242662,1.7282091269918176,0.0,0.9033056050508844,56.593828428938544 +0.0,0.662,0.0,0.834,0.06448817323609873,0.0,0.671,509.93,2023-05-22,miami/west palm beach smm food,195.85127323366453,184.12181433608328,1.4258566017997778,0.809789336138127,0.5417802801770969,0.0,0.7045901103240717,0.46921007064231585,1.0851119629612842,189.15815269812595 +0.505,0.772,0.7010000000000001,0.91,0.025807037301027107,0.0,0.89,59.3,2023-05-22,milwaukee smm food,77.4830878090847,68.15317248002567,1.9030741907490258,0.0,0.5669306220035,2.0750241815815405,3.8336892317767193,0.6179439108984615,0.8159812914088814,77.9658159084438 +0.98,0.965,0.0,0.929,0.04628313277568964,0.8170000000000001,0.0,121.99999999999999,2023-05-22,minneapolis/st. paul smm food,97.53561088787283,85.75072244988117,0.0,0.8910934863527985,0.0,0.0,0.5402246323953411,0.4955055562124631,0.0,87.67754612484177 +0.0,0.8150000000000001,0.857,0.0,0.02023363346966986,0.806,0.0,101.8,2023-05-22,mobile/pensacola smm food,72.84302487271694,67.46643487620449,1.4606335920875773,1.4683529528769654,0.0,0.0,1.1987817025939353,0.5456313255805564,0.8703800441694733,73.01021449351299 +0.794,0.9570000000000001,0.0,0.772,0.03986140474939767,0.63,0.635,106.81,2023-05-22,nashville smm food,106.51941219322822,95.47216793873541,0.0,0.0,0.9179874766637077,0.0,0.7919929763805691,0.0,1.322748619757555,98.50489701153724 +0.0,0.0,0.0,0.0,0.02487040425292867,0.617,0.536,73.27,2023-05-22,new orleans smm food,63.885701100027575,59.54961731628727,0.0,0.0,0.8928371348373048,0.0,7.2740281869568,0.0,1.1924779223571897,68.90896056043856 +0.0,0.705,0.8,0.612,0.24330059438259502,0.776,0.0,267.03,2023-05-22,new york smm food,324.0232458519977,290.1617655847399,1.899210080717048,0.0,0.0,1.360223551654769,0.7407799674746436,0.5218010417826104,0.0,294.683780226369 +0.972,0.988,0.5710000000000001,0.762,0.023965302138214933,0.973,0.624,108.53,2023-05-22,norfolk/portsmouth/newport news smm food,112.63800073344689,102.30993924858487,1.9281909059568814,0.0,0.0,0.0,2.835591820453203,0.0,0.8045289224066515,107.8782508974016 +0.933,0.0,0.8250000000000001,0.0,0.02485581007639497,0.5640000000000001,0.0,42.58,2023-05-22,oklahoma city smm food,59.79982094145805,53.609244119971564,0.0,0.0,0.0,1.3875541639754985,0.65872470547445,0.4774274098829868,0.0,56.1329503993045 +0.0,0.0,0.0,0.0,0.01369611575085906,0.0,0.758,70.3,2023-05-22,omaha smm food,63.647453970945996,60.87622985001895,1.4026719416079114,0.0,0.0,0.0,1.516762669963819,0.7280562567234533,1.4243883946523455,65.94810911296648 +0.555,0.0,0.0,0.882,0.052351646393475185,0.0,0.682,391.94,2023-05-22,orlando/daytona beach/melborne smm food,142.9632116232954,132.61538216686213,1.1978741099130925,1.1756580121041482,0.7828043893467919,0.0,0.4014488515551542,0.6590306071018166,1.1609839076010575,137.9931820444842 +0.549,0.66,0.649,0.0,0.012256315972108136,0.6970000000000001,0.0,56.11999999999999,2023-05-22,paducah ky/cape girardeau mo smm food,60.45488698249576,55.55925813283435,1.7175969092140955,0.0,0.0,0.0,2.870837900087496,0.0,1.2540344057441755,61.40172734788012 +0.0,0.0,0.0,0.6940000000000001,0.09632938978548239,0.0,0.602,201.66,2023-05-22,philadelphia smm food,213.91756668873188,199.7377476378349,1.682819918926296,1.2650925773402868,0.0,0.0,2.9673973357774144,0.5637094719100327,0.0,206.21676694178893 +0.714,0.714,0.0,0.9490000000000002,0.05702808289324584,0.534,0.749,99.19,2023-05-22,phoenix/prescott smm food,130.050298277289,116.98296111946722,0.0,0.0,0.0,0.0,0.871032555671854,0.534127050643617,0.0,118.38812072578268 +0.9580000000000001,0.0,0.0,0.607,0.027925576251489784,0.0,0.0,75.68,2023-05-22,pittsburgh smm food,111.11715415368076,104.55223234884438,0.0,1.2260665852372445,0.6989699165921154,0.0,0.9238976061464286,0.6483480660889442,0.0,108.04951452290912 +0.0,0.0,0.682,0.873,0.02724298467185117,0.896,0.0,98.34,2023-05-22,portland or smm food,93.5364784106757,86.8963094792362,0.0,0.0,0.7566061166109554,0.0,0.6015103075136303,0.7872210992562847,1.1939094684824685,90.23555647109953 +0.0,0.0,0.0,0.0,0.019611893379064542,0.0,0.609,77.23,2023-05-22,providence ri/new bedford ma smm food,86.53451429730538,83.24830635780522,1.5379157927271316,1.5090050279843013,0.6748675056751459,0.0,1.2749014544513022,0.8036557777376268,0.0,89.04865191638072 +0.661,0.9199999999999999,0.873,0.8280000000000001,0.043365355089598955,0.0,0.9460000000000001,134.46,2023-05-22,raleigh/durham/fayetteville smm food,137.45174973368302,125.33017277610136,1.655771148702452,1.5106311109885946,0.0,1.9783158610620362,5.171538846333245,0.0,0.0,135.6464297431877 +0.0,0.851,0.836,0.602,0.18381035949728183,0.708,0.0,314.77,2023-05-22,rem us east north central smm food,333.1896146591423,306.4536727021249,1.0027365532982178,1.1772840951084418,0.0,0.0,1.9140160495319356,0.0,0.0,310.54770940006347 +0.755,0.0,0.0,0.0,0.060072020143481446,0.8300000000000001,0.924,112.50000000000001,2023-05-22,rem us middle atlantic smm food,141.6589059381155,130.80002326169728,0.0,1.4911181149370734,0.5250133856261616,0.0,8.411795465867243,0.0,0.0,141.22795022812775 +0.912,0.0,0.898,0.645,0.10496392955801236,0.0,0.74,138.0,2023-05-22,rem us mountain smm food,191.99793238687857,173.95751153106124,0.0,0.0,0.0,0.0,0.9142650941406688,0.0,1.020692387323741,175.89246901252565 +0.502,0.0,0.608,0.0,0.028882472125117572,0.9510000000000001,0.853,134.26,2023-05-22,rem us new england smm food,155.38692805786832,148.221630613054,0.0,0.9577628895288289,0.8970288584750387,1.221468135257219,5.207837051039503,0.0,1.388599741520377,157.89432728887496 +0.76,0.0,0.89,0.0,0.11763149069408195,0.0,0.0,90.18,2023-05-22,rem us pacific smm food,121.9961343232354,105.11364420201244,0.0,1.3707879726193595,0.0,1.353916487273062,8.288426954526013,0.5571356005174959,0.0,116.68391121694837 +0.511,0.836,0.0,0.0,0.2348948849227367,0.676,0.0,407.95,2023-05-22,rem us south atlantic smm food,315.50003168527815,283.6802303568146,1.3582346762401678,0.0,0.5931288947393364,0.0,15.387714727164333,0.0,0.0,301.0193086549584 +0.8,0.681,0.955,0.776,0.4034279240211291,0.588,0.0,443.79,2023-05-22,rem us south central smm food,454.8652380131215,399.4313293612464,0.0,1.026058375709153,0.8383447275467651,0.0,5.401459726582571,0.0,0.0,406.6971921910849 +0.549,0.0,0.671,0.599,0.13011014916807792,1.0,0.0,106.45,2023-05-22,rem us west north central smm food,145.8171350446559,125.95452848252805,0.0,0.0,0.9137957530259739,2.047693569260811,0.591238736004373,0.0,0.7572879002724531,130.26454444109166 +0.612,0.933,0.585,0.904,0.01900693560304247,0.0,0.789,74.65,2023-05-22,richmond/petersburg smm food,94.75062589233558,86.06809383806947,0.0,0.0,0.0,1.7365450597632752,3.6776736417831377,0.7412039995085269,0.0,92.22351653912442 +0.584,0.893,0.912,0.674,0.04677857492187813,0.0,0.0,90.75,2023-05-22,sacramento/stockton/modesto smm food,82.29904750456123,71.58708164797008,1.763966229597828,0.0,0.6874426765883473,1.4190894858840324,1.7075718622458183,0.6352003233038707,0.8489068522902923,78.64925907788027 +0.9590000000000001,0.645,0.0,0.756,0.029967317857658077,0.729,0.756,81.11,2023-05-22,salt lake city smm food,93.58638656214845,83.72480907215119,1.2268549351529254,0.0,0.9284667857580423,1.1163503955621055,1.30082292548806,0.0,1.1266268005943678,89.42393091470669 +0.851,0.915,0.0,0.0,0.03274365978601575,0.0,0.8310000000000001,71.14,2023-05-22,san diego smm food,87.06700469395238,78.71431295071628,1.3775552264000563,0.0,0.5386364874487966,1.532616644754755,2.269586366482209,0.0,1.1810255533549598,85.61373322915705 +0.806,0.0,0.529,0.0,0.06201358802370807,0.0,0.941,74.98,2023-05-22,san francisco/oakland/san jose smm food,99.96900716901939,88.87591304741949,1.2616319254407249,1.0016671306447515,0.6287585456600738,0.0,1.3552848810771074,0.6475263321648772,1.4115044795248368,95.18228634193186 +0.0,0.7030000000000001,0.5750000000000001,0.0,0.04096268931691793,0.0,0.0,104.23,2023-05-22,seattle/tacoma smm food,95.53332000896299,88.74475650580376,0.0,1.4813616169113129,0.8456802439127993,0.0,0.9187548098447667,0.0,0.8875585976728183,92.87811177414547 +0.8140000000000001,0.861,0.0,0.0,0.034797891447261864,0.0,0.0,99.2,2023-05-22,st. louis smm food,94.96076988789112,87.70409353036166,0.0,1.3870488026622938,0.987150916686316,1.5010813228462208,1.3747808578182719,0.6524567357092798,0.0,93.60661216608405 +0.0,0.0,0.0,0.901,0.056106236765631264,0.0,0.588,483.13000000000005,2023-05-22,tampa/ft. myers smm food,182.89834500441066,173.25520362076367,1.8084034949655718,0.0,0.0,0.0,0.6149305637797265,0.6606740749499509,0.0,176.33921175445892 +0.686,0.834,0.755,0.903,0.01126402440178737,0.612,0.754,45.61,2023-05-22,tucson/sierra vista smm food,71.66239111546105,63.32224664442017,1.367894951320112,0.0,0.7482226693354878,0.0,2.1829931420989293,0.0,0.0,67.6213574071747 +0.0,0.776,0.0,0.742,0.07566951048326864,0.979,0.5630000000000001,128.23,2023-05-22,washington dc/hagerstown smm food,186.76918326673803,173.02137618365978,0.0,0.0,0.6455254402110091,0.0,0.26952661784785636,0.4741404741867184,0.0,174.41056871590536 +0.544,0.0,0.0,0.0,0.008641300637243167,0.766,0.0,52.9,2023-05-22,yakima/pasco/richland/kennewick smm food,56.261248496557485,53.51694236690935,0.0,1.4244487117610427,1.0112533276032853,0.0,0.6456475156283034,0.0,0.7758979999010767,57.37418992180306 +0.726,0.0,0.678,0.0,0.02016193642682579,0.9420000000000002,0.972,76.4,2023-05-29,albany/schenectady/troy smm food,89.11768520933421,82.35686844083078,0.0,1.622830838284841,0.6214230292940396,0.0,1.857909192058925,0.0,0.0,86.45903150046858 +0.71,0.0,0.625,0.578,0.027569575704473066,0.6980000000000001,0.0,59.290000000000006,2023-05-29,albuquerque/santa fe smm food,78.0016335364478,70.79212936171284,1.4297207118317554,0.9837802175975238,0.6738195747657124,0.0,7.682420628812811,0.6927216979885678,0.9004425128003269,83.15503470550954 +0.898,0.627,0.891,0.0,0.1278503980922859,0.0,0.0,147.09,2023-05-29,atlanta smm food,184.67528379347206,165.2475308400832,1.7427136244219505,0.0,0.0,1.4674436461437848,1.6754656726226616,0.0,1.0564810404557095,171.1896348237273 +0.892,0.614,0.0,0.618,0.05123016077733267,0.0,0.0,88.26,2023-05-29,baltimore smm food,115.60830729797382,105.28036119021601,1.4548374270396107,0.0,0.0,0.0,0.6498300738500313,0.6450611303926759,0.7730349076505192,108.80312472914885 +0.0,0.787,0.0,0.0,0.02011096430077619,0.683,0.0,43.19,2023-05-29,baton rouge smm food,54.945049861551595,50.62824190344196,1.791014999821672,1.2781012413746342,0.0,1.7407497693510798,1.210690343917785,0.8044775116616938,0.0,57.453275769568826 +0.704,0.841,0.981,0.881,0.037640683087974386,0.9840000000000001,0.0,71.37,2023-05-29,birmingham/anniston/tuscaloosa smm food,73.32589914864604,62.27551690355495,1.259699870424736,0.0,0.0,1.8164345419315615,3.5449489416800186,0.0,0.0,68.89660025759127 +0.0,0.0,0.503,0.888,0.1027825820260994,0.838,0.974,218.3,2023-05-29,boston/manchester smm food,200.47466933225724,183.34429136615643,1.7620341745818393,1.2000492571685497,0.8823578257429702,1.9635993775047202,0.7549252682348376,0.6582088731777496,1.4200937562765092,191.9855598988436 +0.0,0.0,0.929,0.0,0.023359535084709827,0.0,0.0,82.64,2023-05-29,buffalo smm food,67.81248508574637,63.96319330778341,1.6654314237823962,1.1366320200011062,0.0,0.0,1.9174243192241687,0.5817876182395089,0.0,69.2644686890306 +0.972,0.6930000000000001,0.0,0.0,0.06516732507754991,0.711,0.0,135.15,2023-05-29,charlotte smm food,138.71264124166464,127.1008852661048,0.0,0.0,0.7377433602411533,0.0,4.394089615739108,0.0,0.7716033615252404,133.0043216036103 +0.8250000000000001,0.0,0.0,0.0,0.16330559830218597,0.0,0.0,194.83,2023-05-29,chicago smm food,198.82115474148733,177.12285569785104,0.0,1.03418879073062,0.0,0.0,1.745396204784759,0.0,0.8875585976728183,180.78999929103924 +0.6900000000000001,0.6880000000000001,0.865,0.0,0.05955468796803054,0.526,0.514,157.34,2023-05-29,cleveland/akron/canton smm food,142.94914993481828,131.09107465023894,0.0,0.855319660258343,0.0,1.578868450220605,1.2972818358182978,0.5242662435548118,0.0,135.346810840091 +0.0,0.0,0.0,0.838,0.043991587596888704,0.857,0.0,114.45000000000002,2023-05-29,columbus oh smm food,111.80248484270474,103.92073468964487,0.0,0.0,1.0049657421466847,0.0,12.493829957155878,0.48646648304772494,0.0,117.90599687199516 +0.0,0.757,0.52,0.799,0.16322773839508942,0.0,0.0,133.07,2023-05-29,dallas/ft. worth smm food,128.82757598574904,105.27715718131851,1.9069383007810037,1.5041267789714208,0.6507650947581763,0.0,0.6263655771700236,0.0,0.0,109.96535293299914 +0.0,0.0,0.0,0.0,0.021537433858512714,0.0,0.0,44.75,2023-05-29,des moines/ames smm food,65.05974466028985,62.408297363785806,1.1186598542575492,0.8439370792282891,0.7964274911694268,0.0,2.2492363546799643,0.5579573344415629,1.0078084721962324,68.98232394975884 +0.67,0.0,0.516,0.736,0.07825210026234516,0.0,0.9829999999999999,190.14,2023-05-29,detroit smm food,174.746196154576,160.32292305294044,0.0,1.4211965457524558,0.564834760184633,1.360223551654769,0.8568452851744038,0.7716081546990098,1.4301145791534604,166.72774592955918 +0.749,0.512,0.0,0.982,0.03158074039828014,0.936,0.0,116.74999999999999,2023-05-29,grand rapids smm food,119.01675192799573,110.01556630860257,0.0,0.0,0.732503705693986,1.2740270051047757,1.065365903098916,0.6179439108984615,0.0,113.70540683339871 +0.0,0.0,0.585,0.0,0.032508947076249906,0.9899999999999999,0.595,106.67,2023-05-29,greensboro smm food,89.84970631652317,83.56924325587181,0.0,1.4260747947653363,0.0,0.0,0.9460450297277802,0.8159817865986333,1.2826653282497502,88.04001019521331 +0.0,0.986,0.0,0.74,0.031185228577019324,0.0,0.0,79.08,2023-05-29,harrisburg/lancaster smm food,92.02334365857027,85.02510769460987,0.0,0.8081632531338336,0.0,1.5010813228462208,1.440386371328282,0.6475263321648772,0.0,89.42226497408309 +0.552,0.0,0.497,0.9470000000000001,0.04176938946738569,0.0,0.6940000000000001,114.93999999999998,2023-05-29,hartford/new haven smm food,122.3246480255756,112.61073024106035,0.9679595630104182,1.1854145101299087,0.7775647347996246,1.423294195471837,8.446088298194908,0.7929732367247544,0.8317282987869474,127.03575307817876 +0.9450000000000001,0.955,0.987,0.0,0.16016681496647714,0.0,0.0,165.13,2023-05-29,houston smm food,191.77739291004187,167.64644198801398,1.4876823623114213,0.0,0.0,1.408577711914521,1.540577577634704,0.0,0.0,172.08327963987463 +0.0,0.0,0.0,0.5740000000000001,0.05797452117203945,0.0,0.0,113.58,2023-05-29,indianapolis smm food,97.3651594419418,89.02123497580452,0.0,0.0,0.8110985239014953,1.1058386215925942,1.0004279681315875,0.0,0.0,91.9386000894302 +0.0,0.5630000000000001,0.0,0.0,0.03714332091551317,0.0,0.0,112.81,2023-05-29,jacksonville smm food,91.78804379947805,86.29988999004563,0.0,0.8195458341638876,0.5574992438185988,2.062410052818127,1.20881761492212,0.0,1.378578918643426,92.32674165441179 +0.0,0.793,0.0,0.916,0.044661695299140214,0.0,0.894,94.2,2023-05-29,kansas city smm food,90.48699056856205,80.49370051161102,1.394943721543956,1.5220136920186484,0.9399940257618103,0.0,0.7581759178922403,0.0,0.0,85.10882786882767 +0.55,0.0,0.0,0.0,0.02347012192611255,0.88,0.503,24.51,2023-05-29,knoxville smm food,74.7982203741253,69.4030183864474,1.4934785273593878,0.0,0.0,0.0,2.9211638839011957,0.4157973655779542,0.9992191954445601,75.2326773587305 +0.5760000000000001,0.0,0.0,0.505,0.04552557491928314,0.535,0.637,36.11,2023-05-29,las vegas smm food,82.2066580352703,73.0759844669223,0.0,1.3317619805163174,0.7408871529694536,0.0,0.8368180461673731,0.0,1.0894066013371204,77.07485824791257 +0.0,0.751,0.937,0.0,0.02601639553258028,0.0,0.0,88.97,2023-05-29,little rock/pine bluff smm food,63.10951757690678,57.70357115599228,1.8296561001414493,1.1415102690139864,0.7880440438939592,1.2971529078377007,17.576931773293936,0.7198389174827822,1.4014836566478857,82.45818882430397 +0.753,0.0,0.668,0.0,0.3111072636837758,0.0,0.55,176.58,2023-05-29,los angeles smm food,195.218818817282,153.9765761946837,1.097407249081672,1.5073789449800075,0.0,0.0,0.4661486431527758,0.0,1.0450286714534796,158.09253970335163 +0.0,0.9350000000000002,0.73,0.0,0.014767837597254885,0.0,0.8240000000000001,63.47999999999999,2023-05-29,madison wi smm food,57.70220698974803,52.419185278171575,0.0,0.0,0.9295147166674758,1.5935849337779209,2.9125908670920704,0.0,0.9176210663036718,58.772496862012716 +0.508,0.745,0.0,0.0,0.09789957713990027,0.879,0.0,165.38,2023-05-29,miami/west palm beach smm food,199.0893321542947,184.12181433608328,1.0491058736819503,1.0732147828336625,0.5407323492676634,2.0897406651388564,1.0895455949792046,0.0,0.0,189.9641536019846 +0.0,0.733,0.905,0.9199999999999999,0.03682983276488754,0.0,0.0,53.06,2023-05-29,milwaukee smm food,76.76171113853955,68.15317248002567,1.7446456794379395,0.0,0.5711223456412338,0.0,4.64563171511928,0.0,0.0,75.11457222022413 +0.71,0.851,0.6960000000000001,0.0,0.06957768473181922,0.727,0.982,80.37,2023-05-29,minneapolis/st. paul smm food,99.80444109150262,85.75072244988117,0.0,0.0,0.0,0.0,0.7916839420672198,0.44702325469250404,0.7172046087646483,87.70663425540553 +0.0,0.647,0.0,0.0,0.028349176796871593,0.8140000000000001,0.93,83.06,2023-05-29,mobile/pensacola smm food,74.00877257841906,67.46643487620449,1.8412484302373826,0.0,0.0,0.0,1.7654601820090923,0.7042259729255073,1.256897497994733,73.03426695937121 +0.0,0.0,0.9070000000000001,0.777,0.055472598442718166,0.0,0.645,133.98,2023-05-29,nashville smm food,105.80868234839703,95.47216793873541,0.0,0.9902845496146975,0.875022309376936,0.0,1.1430279848862384,0.7395605316603928,0.0,99.22006331427367 +0.883,0.895,0.0,0.868,0.03386062086148214,0.782,0.0,73.41,2023-05-29,new orleans smm food,69.34694593953816,59.54961731628727,0.9969403882502511,0.8634500752798102,0.0,1.7701827364657114,11.976007795206753,0.622052580518797,0.8489068522902923,76.62715774429888 +0.0,0.9430000000000001,0.6990000000000001,0.5680000000000001,0.3725043589473678,0.0,0.757,241.96,2023-05-29,new york smm food,340.5640422319955,290.1617655847399,0.0,1.1154929409452916,0.8362488657278982,0.0,1.1234552626569465,0.0,1.31702243525644,294.5539850893265 +0.0,0.0,0.0,0.0,0.03388924704469492,0.659,0.672,77.32,2023-05-29,norfolk/portsmouth/newport news smm food,107.98552490090567,102.30993924858487,1.6364505985425633,0.8179197511595941,0.5218695928978613,1.1647045558218578,3.220829514534657,0.0,0.7272254316415995,110.398938693183 +0.0,0.584,0.0,0.896,0.033624778869854474,0.0,0.98,52.75,2023-05-29,oklahoma city smm food,61.985007337305035,53.609244119971564,1.1186598542575492,1.1756580121041482,0.0,0.0,0.8540177724534604,0.0,1.1810255533549598,57.93860531214168 +0.9420000000000002,0.0,0.0,0.0,0.019229716720970697,0.0,0.848,77.11,2023-05-29,omaha smm food,66.27752383480544,60.87622985001895,0.0,0.0,0.0,1.149988072264542,2.378909386019057,0.757638677989869,0.0,65.16276598629241 +0.0,0.994,0.973,0.891,0.07941364696720499,0.586,0.0,116.65999999999998,2023-05-29,orlando/daytona beach/melborne smm food,147.38259717366725,132.61538216686213,0.0,0.0,0.0,1.189932813348685,0.5290189335573935,0.0,1.103722062589908,135.43805597635813 +0.788,0.0,0.0,0.0,0.01587388516431269,0.0,0.771,36.42,2023-05-29,paducah ky/cape girardeau mo smm food,60.13965425068624,55.55925813283435,0.9911442232022846,0.0,0.6926823311355147,1.5473331283120708,4.621500126938717,0.7206606514068493,1.3513795422631298,65.48395813609292 +0.0,0.606,0.0,0.0,0.1415894920374156,0.0,0.0,216.53,2023-05-29,philadelphia smm food,218.15406415467874,199.7377476378349,0.0,1.5382745220615828,0.0,1.126862169531617,3.9361410208401186,0.0,0.0,206.33902535026823 +0.741,0.0,0.0,0.0,0.08728168729379453,0.0,0.0,100.72,2023-05-29,phoenix/prescott smm food,129.15975628952526,116.98296111946722,1.08388286396975,1.014675794679099,0.5816016547355684,0.0,1.2860391646725315,0.0,0.0,120.94916059752417 +0.0,0.0,0.0,0.0,0.0399956509106822,0.738,0.904,80.4,2023-05-29,pittsburgh smm food,111.3766056378354,104.55223234884438,1.7620341745818393,1.3106229014605029,0.6130395820185719,0.0,1.4449326999755998,0.0,1.2654867747464054,110.9483484816273 +0.0,0.0,0.523,0.0,0.044652837726199976,0.622,0.0,47.1,2023-05-29,portland or smm food,93.4526524079369,86.8963094792362,0.0,1.5838048461817986,0.6004644111053705,0.0,0.9621384741998855,0.0,1.3599688190148023,91.40268602973805 +0.0,0.0,0.0,0.878,0.02867326710029401,0.843,0.9280000000000002,51.28,2023-05-29,providence ri/new bedford ma smm food,90.64530142005175,83.24830635780522,0.0,0.0,0.5438761419959639,1.414884776296228,1.9445632419499743,0.0,0.0,87.15163051804738 +0.644,0.683,0.0,0.0,0.05970038509681544,0.0,0.96,171.99,2023-05-29,raleigh/durham/fayetteville smm food,136.40895700246088,125.33017277610136,1.6461108736225076,0.0,0.0,0.0,7.315355352591147,0.4930403544402618,0.0,134.78467935675528 +0.0,0.0,0.0,0.973,0.25124204791450794,0.979,0.773,317.15,2023-05-29,rem us east north central smm food,341.3404296347052,306.4536727021249,1.6499749836544852,0.8195458341638876,0.0,0.0,2.7132679688411647,0.7674994850786742,0.0,312.4039609738631 +0.0,0.978,0.0,0.809,0.08359167232263183,0.0,0.0,133.52,2023-05-29,rem us middle atlantic smm food,144.3820066146976,130.80002326169728,1.4954105823753767,0.0,0.0,1.6125061269230412,9.887449252682114,0.0,0.0,143.7953892236778 +0.0,0.634,0.765,0.0,0.15883649375141554,0.0,0.912,121.42000000000002,2023-05-29,rem us mountain smm food,196.64985299561715,173.95751153106124,0.0,0.0,1.0395474621579888,0.0,1.4513765330347774,0.0,0.0,176.448435526254 +0.0,0.662,0.0,0.0,0.04166166907447249,0.9400000000000001,0.0,178.48,2023-05-29,rem us new england smm food,155.19944487684938,148.221630613054,0.0,0.0,0.0,0.0,7.448087236641682,0.0,1.0464602175787583,156.71617806727446 +0.0,0.84,0.902,0.595,0.17557058528097488,0.8310000000000001,0.0,129.03,2023-05-29,rem us pacific smm food,130.9728308894878,105.11364420201244,1.7601021195658504,1.4699790358812588,0.6612444038525109,1.284538779074287,11.482060547803952,0.7757168243193453,0.0,122.54728591250964 +0.523,0.883,0.0,0.923,0.3208966238915203,0.601,0.0,306.49,2023-05-29,rem us south atlantic smm food,328.06605519825393,283.6802303568146,0.0,0.0,0.5354926947204962,0.0,20.502337314982405,0.677108753431293,0.0,305.3951691199488 +0.966,0.0,0.49,0.9059999999999999,0.5420515413436608,0.658,0.806,360.41,2023-05-29,rem us south central smm food,472.1417474079184,399.4313293612464,0.0,0.0,0.0,1.7218285762059595,7.201242316331893,0.0,1.0736595939590543,409.4280598477433 +0.0,0.0,0.583,0.736,0.17368927459593525,0.782,0.9530000000000001,155.9,2023-05-29,rem us west north central smm food,151.50234013625442,125.95452848252805,0.0,0.0,0.0,0.0,0.8933158332811073,0.7559952101417347,0.6942998707601885,128.29813939671106 +0.0,0.785,0.0,0.941,0.02666069160750656,0.0,0.0,106.0,2023-05-29,richmond/petersburg smm food,92.60505018648374,86.06809383806947,1.0664943688258501,1.094353861889477,0.0,0.0,4.510857074176161,0.6886130283682322,1.1137428854668592,94.54215505679605 +0.0,0.0,0.0,0.0,0.07187046791983848,0.966,0.621,78.57,2023-05-29,sacramento/stockton/modesto smm food,82.1177526858933,71.58708164797008,0.0,0.0,0.7545102547920886,0.0,2.1902863150235734,0.0,0.0,74.53187821778575 +0.678,0.588,0.513,0.0,0.046172140677776335,0.992,0.0,95.1,2023-05-29,salt lake city smm food,93.02782389018469,83.72480907215119,1.3833513914480229,0.0,0.0,1.400168292738912,2.186009069089429,0.4782491438070539,0.0,89.1725869692346 +0.796,0.773,0.0,0.632,0.05309676114525327,0.0,0.0,92.5,2023-05-29,san diego smm food,89.37455684356593,78.71431295071628,1.7601021195658504,1.5041267789714208,0.0,1.3644282612425733,3.7574995101272144,0.0,0.0,87.10046962062333 +0.0,0.9380000000000001,0.747,0.588,0.10306403885039281,0.891,0.0,94.73,2023-05-29,san francisco/oakland/san jose smm food,105.84042135466834,88.87591304741949,0.0,0.0,0.9525691966750118,1.0974292024169852,2.1065744209077697,0.6294481858354009,1.4258199407776242,95.08775399403228 +0.0,0.708,0.9430000000000001,0.0,0.06791572160421107,0.0,0.528,107.43,2023-05-29,seattle/tacoma smm food,100.00110038743753,88.74475650580376,1.4838182522794436,0.0,0.0,0.0,1.388567901676609,0.5489182612768249,1.0650703172073819,93.23113123824402 +0.912,0.8140000000000001,0.0,0.0,0.0484362445544427,0.0,0.989,100.28,2023-05-29,st. louis smm food,98.16848556528889,87.70409353036166,1.7060045791181624,1.4325791267825099,0.6717237129468455,0.0,2.212969529358669,0.0,0.960567450062034,94.68793792862988 +0.0,0.0,0.496,0.965,0.08642964042243785,0.912,0.542,179.14,2023-05-29,tampa/ft. myers smm food,187.96931701542877,173.25520362076367,1.4258566017997778,1.045571371760674,0.0,0.0,0.809638446754004,0.0,0.9233472508047867,177.45961729188292 +0.712,0.0,0.0,0.974,0.016782242922030687,0.0,0.833,33.03,2023-05-29,tucson/sierra vista smm food,70.00408282923078,63.32224664442017,1.4258566017997778,0.0,0.0,0.0,3.473590647502101,0.0,0.8646538596683584,69.08634775339041 +0.0,0.542,0.0,0.0,0.11374288767735022,0.547,0.592,201.84,2023-05-29,washington dc/hagerstown smm food,189.2024255447752,173.02137618365978,1.1360483494014488,0.0,0.828913349361864,1.1520904270584442,0.40593705761118726,0.0,0.0,176.54436536709272 +0.0,0.862,0.0,0.0,0.012515607242133457,0.0,0.0,57.39999999999999,2023-05-29,yakima/pasco/richland/kennewick smm food,56.45940710736225,53.51694236690935,0.0,0.0,1.0280202221542207,1.913142862451066,0.9490208689835935,0.0,1.2440135828672243,58.651139903365454 +0.764,0.9910000000000001,0.685,0.679,0.020629987927943537,0.0,0.0,102.23,2023-06-05,albany/schenectady/troy smm food,90.12947103961255,82.35686844083078,0.0,0.0,0.7796605966184915,1.4422153886169575,1.5348403567610966,0.4535971260850409,0.0,86.56718190891237 +0.748,0.0,0.0,0.0,0.02778536367651738,0.0,0.0,67.62,2023-06-05,albuquerque/santa fe smm food,75.65792885366241,70.79212936171284,1.7504418444859058,1.5821787631775053,0.9902947094146163,1.438010679029153,6.558724778753402,0.694365165836702,1.2740760514980778,85.0802213539082 +0.0,0.0,0.838,0.0,0.12976065620045527,0.835,0.761,185.72,2023-06-05,atlanta smm food,183.8759279883065,165.2475308400832,0.0,1.417944379743869,0.0,1.1163503955621055,1.893216565686231,0.0,0.0,169.67504218107538 +0.964,0.0,0.0,0.8130000000000001,0.052960912490998525,0.609,0.0,82.49,2023-06-05,baltimore smm food,115.87246617822949,105.28036119021601,1.8934139156690815,0.0,0.0,0.0,0.5401837210088392,0.4552405939331751,1.2225403909880432,109.39173981181516 +0.916,0.0,0.0,0.0,0.020663368461926863,0.0,0.0,13.58,2023-06-05,baton rouge smm food,54.941846466331384,50.62824190344196,1.6190621033986636,1.2862316563961014,0.7890919748033927,0.0,1.0906196694974506,0.0,1.1767309149791236,56.58997822251669 +0.0,0.0,0.788,0.583,0.038120729193375,0.941,0.597,62.31999999999999,2023-06-05,birmingham/anniston/tuscaloosa smm food,70.64784058711444,62.27551690355495,0.0,1.1268755219753455,0.925322993029742,1.486364839288905,4.065939922604052,0.0,0.9161895201783931,70.7962097006314 +0.578,0.882,0.5720000000000001,0.838,0.10329266529927099,0.754,0.0,193.78,2023-06-05,boston/manchester smm food,201.59223599028485,183.34429136615643,0.0,0.0,0.9232271312108751,0.0,0.7155746500555424,0.0,0.0,184.98309314742284 +0.879,0.627,0.0,0.784,0.02410565062238296,0.0,0.966,71.87,2023-06-05,buffalo smm food,72.67976076576223,63.96319330778341,1.5282555176471873,1.1951710081556695,0.7283119820562522,1.820639251519366,2.184436280469698,0.0,1.2311296677397157,72.6511370153713 +0.787,0.0,0.632,0.0,0.06570907025114928,0.0,0.0,82.94,2023-06-05,charlotte smm food,137.37306864613439,127.1008852661048,0.0,1.4959963639499534,0.0,0.0,4.1697329225556325,0.0,0.0,132.76661455261038 +0.868,0.0,0.725,0.0,0.16572969819055497,0.917,0.758,141.89,2023-06-05,chicago smm food,201.80105297781327,177.12285569785104,0.0,1.0228062097005661,0.0,0.0,1.6737001540412286,0.0,0.939094258182853,180.7584563197757 +0.0,0.9530000000000001,0.0,0.85,0.059602778819132916,0.0,0.9910000000000001,137.09,2023-06-05,cleveland/akron/canton smm food,143.18402117198838,131.09107465023894,0.0,0.8845891543356248,0.8362488657278982,1.1478857174706396,1.9109444518923981,0.0,0.0,135.8707428396655 +0.0,0.641,0.543,0.895,0.04412894978536744,0.737,0.647,95.27,2023-06-05,columbus oh smm food,114.37817751971372,103.92073468964487,0.0,0.0,0.0,1.6125061269230412,9.105873092990459,0.20379001316864154,0.0,114.84290392272702 +0.0,0.0,0.0,0.0,0.16341100823877355,0.965,0.0,150.96,2023-06-05,dallas/ft. worth smm food,126.1874609626217,105.27715718131851,0.0,0.0,0.7733730111618907,0.0,0.5488936979577786,0.0,0.0,106.59942389043819 +0.0,0.923,0.728,0.0,0.0203929239890934,0.0,0.941,66.6,2023-06-05,des moines/ames smm food,68.52969866071058,62.408297363785806,0.0,0.8260501661810613,0.0,0.0,2.817020236434533,0.742025733432594,1.0106715644467898,67.80406506428079 +0.0,0.638,0.0,0.0,0.08020058468509089,0.0,0.0,142.11,2023-06-05,detroit smm food,171.23376048013603,160.32292305294044,0.0,0.0,1.0468829785240228,1.345507068097453,1.1376385113302678,0.0,1.3370640810103422,165.19001569190252 +0.784,0.0,0.0,0.9899999999999999,0.03218082397633189,0.5650000000000001,0.0,131.88,2023-06-05,grand rapids smm food,118.03765046757488,110.01556630860257,1.7601021195658504,0.0,0.0,0.0,1.3431780945280398,0.0,0.0,113.11884652269646 +0.9280000000000002,0.535,0.579,0.896,0.03363721332571589,0.0,0.0,39.32,2023-06-05,greensboro smm food,92.86364304536431,83.56924325587181,1.7832867797577168,0.0,0.0,1.50949074202183,1.5228369130372097,0.0,0.0,88.38485769068856 +0.0,0.599,0.77,0.0,0.03186681195753404,0.722,0.577,106.26,2023-06-05,harrisburg/lancaster smm food,92.148416697434,85.02510769460987,0.0,1.3285098145077305,0.0,0.0,1.9112052704041964,0.0,0.0,88.2648227795218 +0.0,0.0,0.5760000000000001,0.767,0.04270989963417383,0.0,0.0,73.38,2023-06-05,hartford/new haven smm food,120.08480838788373,112.61073024106035,0.985348058154318,0.0,0.9305626475769092,0.0,6.579140446937223,0.0,0.0,121.1057813937288 +0.0,0.0,0.784,0.783,0.1572505050996992,0.0,0.536,162.62,2023-06-05,houston smm food,190.24039084102455,167.64644198801398,1.4896144173274102,0.0,0.6759154365845793,0.0,2.2124256088648986,0.6475263321648772,0.0,172.67192378295573 +0.679,0.743,0.873,0.854,0.05720214550669554,0.743,0.8290000000000001,85.24,2023-06-05,indianapolis smm food,103.09092131056978,89.02123497580452,1.2249228801369365,0.8390588302154087,0.7251681893279519,1.3875541639754985,1.0794855946000246,0.4749622081107855,0.0,94.75238684217112 +0.0,0.843,0.9199999999999999,0.646,0.037756546912781734,0.0,0.0,110.13,2023-06-05,jacksonville smm food,94.64105818116619,86.29988999004563,1.4529053720236218,1.253709996310233,0.755558185701522,0.0,1.1019810071948088,0.0,0.7758979999010767,91.63994255117689 +0.807,0.901,0.554,0.732,0.042997524264872265,0.0,0.0,59.07,2023-06-05,kansas city smm food,90.93082006399484,80.49370051161102,0.0,1.352901059572132,0.8813098948335367,0.0,0.9203359455634248,0.0,0.0,83.64824741158012 +0.0,0.995,0.0,0.539,0.023636606984137158,0.0,0.8270000000000001,54.03,2023-06-05,knoxville smm food,76.24790280300417,69.4030183864474,0.0,0.0,1.0269722912447872,0.0,2.321034728380637,0.47660567595891973,0.9619989961873128,74.18963007821905 +0.8140000000000001,0.0,0.0,0.6,0.04564736562055782,0.727,0.0,68.48,2023-06-05,las vegas smm food,82.12708237127208,73.0759844669223,0.0,0.0,0.8593033457354343,1.6923956090913277,0.9610699760249847,0.0,1.3742842802675894,77.96303767804164 +0.0,0.561,0.9530000000000001,0.8160000000000001,0.027160346938759388,0.0,0.589,62.839999999999996,2023-06-05,little rock/pine bluff smm food,65.51686134702184,57.70357115599228,0.0,0.0,0.9022685130222059,1.1562951366462486,13.930998572575058,0.0,0.0,73.69313337823579 +0.805,0.9840000000000001,0.0,0.0,0.31664023576497313,0.989,0.0,185.68,2023-06-05,los angeles smm food,196.9258354546089,153.9765761946837,0.0,0.8406849132197022,0.6371419929355414,0.0,0.43116651677455964,0.5530269308971604,0.0,156.43859654851067 +0.542,0.714,0.955,0.0,0.014915180462844964,0.0,0.851,56.76,2023-06-05,madison wi smm food,58.6825918655094,52.419185278171575,0.0,0.0,0.0,1.6839861899157185,2.4203918682010515,0.0,1.3413587193861787,57.864922055674526 +0.6990000000000001,0.0,0.0,0.0,0.09922651050937642,0.498,0.0,125.89,2023-06-05,miami/west palm beach smm food,198.0971993528737,184.12181433608328,0.0,0.0,0.0,1.1878304585547828,1.0718537976515397,0.694365165836702,1.4043467488984431,188.48021050702474 +0.932,0.6890000000000001,0.0,0.613,0.037763946550714377,0.0,0.0,57.24000000000001,2023-06-05,milwaukee smm food,77.01203597893831,68.15317248002567,1.7465777344539284,1.6016917592290263,0.8760702402863695,0.0,3.514589984503247,0.0,1.0464602175787583,76.938562416077 +0.891,0.0,0.88,0.557,0.0719607140968089,0.0,0.0,55.67,2023-06-05,minneapolis/st. paul smm food,98.42437031023151,85.75072244988117,0.0,1.2683447433488737,0.0,0.0,0.7981819460142342,0.7831124296359492,1.004945379945675,89.6053069488259 +0.754,0.6970000000000001,0.665,0.0,0.028681023808749696,0.0,0.841,33.0,2023-06-05,mobile/pensacola smm food,75.48827452828554,67.46643487620449,1.696344304038218,0.0,0.0,0.0,2.1894126873924606,0.0,0.0,71.35219186763517 +0.809,0.708,0.729,0.0,0.05682147496959684,0.517,0.0,106.79,2023-06-05,nashville smm food,106.37046798379049,95.47216793873541,0.0,0.0,0.0,2.0119535377644726,1.1011906412556618,0.5160489043141406,0.8546330367914072,99.9559940588611 +0.0,0.916,0.0,0.0,0.03496502269173475,0.0,0.0,42.54,2023-06-05,new orleans smm food,65.34361078034213,59.54961731628727,1.8760254205251818,1.0195540436919792,0.0,1.4926719036706118,11.16949436679531,0.0,0.0,75.10736305097035 +0.0,0.0,0.749,0.51,0.38033863572314996,0.0,0.642,308.56,2023-06-05,new york smm food,339.7609464106977,290.1617655847399,0.0,0.0,0.7566061166109554,1.625120255686455,1.2621888478830636,0.0,0.0,293.80568080492037 +0.0,0.0,0.0,0.761,0.0349084436935966,0.0,0.639,95.02,2023-06-05,norfolk/portsmouth/newport news smm food,109.12212528124924,102.30993924858487,0.0,0.0,0.0,1.8689934117791183,2.3655015634730017,0.6006874984930523,1.086543509086563,108.2316652314166 +0.733,0.665,0.0,0.0,0.03556364092155005,0.757,0.5,56.75,2023-06-05,oklahoma city smm food,61.82280788228246,53.609244119971564,0.0,0.0,0.7943316293505599,0.0,0.7962839252038679,0.0,1.1538261769746638,56.35368585150066 +0.846,0.6880000000000001,0.75,0.6990000000000001,0.019372344773010773,0.8220000000000001,0.654,64.44,2023-06-05,omaha smm food,69.8815899465917,60.87622985001895,1.2133305500410032,0.0,0.0,1.3938612283572052,2.211912279849091,0.0,0.0,65.69533390826625 +0.511,0.603,0.0,0.995,0.08056526365201727,0.0,0.851,147.78,2023-06-05,orlando/daytona beach/melborne smm food,147.8115707588541,132.61538216686213,1.576556893046909,1.269970826353167,0.6528609565770433,0.0,0.63625136902991,0.0,0.0,136.75102221186916 +0.743,0.0,0.0,0.717,0.01602820387825269,0.546,0.0,71.14,2023-06-05,paducah ky/cape girardeau mo smm food,60.92404281139354,55.55925813283435,0.0,0.0,0.6539088874864768,0.0,5.17290681868042,0.0,0.0,61.38607383900125 +0.0,0.0,0.709,0.0,0.1461072038942318,0.0,0.0,168.71,2023-06-05,philadelphia smm food,218.4678108827968,199.7377476378349,1.4722259221835103,0.9691454705588829,0.0,0.0,3.630674088765473,0.0,1.3112962507553252,207.1210893700981 +0.0,0.0,0.754,0.876,0.08753222477608355,0.0,0.597,154.43,2023-06-05,phoenix/prescott smm food,131.24538262947422,116.98296111946722,1.2384472652488585,0.0,0.0,0.0,1.1811627343394486,0.526731445327013,0.0,119.92930256438254 +0.24749999999999997,0.0,0.0,0.0,0.040306120641626836,0.0,0.0,89.06,2023-06-05,pittsburgh smm food,109.9924534721779,104.55223234884438,0.0,1.4927441979413667,0.0,0.0,1.675168967837018,0.0,1.3098647046300465,109.03001021925282 +0.0,0.774,0.0,0.0,0.0453560380820477,0.0,0.0,124.60000000000001,2023-06-05,portland or smm food,93.73862442769423,86.8963094792362,1.6519070386704742,0.0,0.0,1.5662543214571913,1.1867758391741878,0.4141538977298199,0.0,91.71540057626787 +0.0,0.0,0.0,0.0,0.029116008602572206,0.0,0.0,78.9,2023-06-05,providence ri/new bedford ma smm food,86.83274277680623,83.24830635780522,0.0,0.9203629804300802,0.0,1.143681007882835,2.173076003100467,0.0,1.0564810404557095,88.54190738967431 +0.0,0.0,0.0,0.594,0.062027283964012525,0.0,0.58,120.01,2023-06-05,raleigh/durham/fayetteville smm food,135.04537179063527,125.33017277610136,0.0,1.3366402295291977,0.7566061166109554,0.0,9.958448031588558,0.7781820260915466,1.3084331585047677,139.46848233842638 +0.549,0.869,0.0,0.0,0.2531817822561318,0.0,0.0,318.17,2023-06-05,rem us east north central smm food,340.0963384246588,306.4536727021249,0.9679595630104182,0.0,0.7890919748033927,1.517900161197439,3.417128666046245,0.4108669620335515,1.3814420108939833,314.9380620401099 +0.887,0.8260000000000001,0.0,0.9269999999999999,0.0853218655730575,0.8300000000000001,0.842,128.53,2023-06-05,rem us middle atlantic smm food,148.19705564481026,130.80002326169728,0.0,1.3171272334776767,0.0,1.3812470995937915,8.21743012561334,0.0,1.3843051031445408,143.10013282352662 +0.772,0.0,0.582,0.5750000000000001,0.16059636957016543,0.0,0.0,187.4,2023-06-05,rem us mountain smm food,197.0386315993916,173.95751153106124,1.0181929934261287,1.1187451069538783,0.6717237129468455,1.1100433311803988,1.9940505824202086,0.6927216979885678,0.8002342840308153,181.3632232400081 +0.779,0.0,0.0,0.0,0.04188785904213458,0.606,0.0,145.73,2023-06-05,rem us new england smm food,155.38143562673477,148.221630613054,0.0,1.5252658580272354,0.9578088512221793,1.6545532228010866,6.370838423618798,0.42401470481862513,1.0335763024512497,160.18768797599319 +0.0,0.755,0.669,0.971,0.1788076322006578,0.839,0.9280000000000002,93.58,2023-06-05,rem us pacific smm food,133.11448892097283,105.11364420201244,0.0,0.0,0.8142423166297956,0.0,12.256921465876548,0.4716752724145172,0.0,118.6564832569333 +0.685,0.0,0.785,0.881,0.329062411612806,0.5680000000000001,0.0,233.13999999999996,2023-06-05,rem us south atlantic smm food,328.6557066592934,283.6802303568146,0.0,1.079719114850836,1.0112533276032853,1.2803340694864824,18.86852683436457,0.46263619924977906,0.8460437600397348,307.2287436624093 +0.888,0.6930000000000001,0.0,0.8300000000000001,0.5531427868561282,0.9759999999999999,0.8260000000000001,403.19,2023-06-05,rem us south central smm food,474.1000295890384,399.4313293612464,0.0,1.5496571030916368,0.6402857856638419,1.656655577594989,6.354412457903673,0.47331874026265136,0.9505466271850829,411.0562056529483 +0.0,0.0,0.0,0.0,0.17526073331910125,0.547,0.904,94.24,2023-06-05,rem us west north central smm food,149.27427042823348,125.95452848252805,1.7697623946457948,1.170779763091268,0.0,0.0,1.1009424035500186,0.0,0.0,129.99601304381514 +0.9570000000000001,0.988,0.0,0.8170000000000001,0.02799499249092366,0.8170000000000001,0.0,107.85,2023-06-05,richmond/petersburg smm food,95.35905046765255,86.06809383806947,0.0,1.1333798539925193,0.0,0.0,3.4318034765116,0.7223041192549835,0.0,91.35558128782857 +0.629,0.902,0.0,0.0,0.07308188712180147,0.5060000000000001,0.596,68.88,2023-06-05,sacramento/stockton/modesto smm food,84.53509224769627,71.58708164797008,0.9834160031383291,0.0,0.8215778329958298,0.0,2.1755591254743316,0.0,0.0,75.56763460957858 +0.713,0.0,0.0,0.0,0.047194395283579556,0.668,0.0,50.98,2023-06-05,salt lake city smm food,91.46132718291722,83.72480907215119,0.0,1.3837966366537071,0.9777195385014148,1.9026310884815545,1.847657183459109,0.5415226559602209,1.0450286714534796,91.42316484666067 +0.551,0.876,0.0,0.646,0.054178990008008944,0.0,0.586,107.03,2023-06-05,san diego smm food,90.07024079010844,78.71431295071628,0.9776198380903628,1.2114318381986038,0.0,1.3518141324791597,3.244904875359692,0.6039744341893207,0.9376627120575742,87.04172078109099 +0.0,0.618,0.0,0.9430000000000001,0.10395210289412789,0.0,0.854,73.12,2023-06-05,san francisco/oakland/san jose smm food,105.88331030511821,88.87591304741949,1.0529699837139281,0.9073543163957328,0.0,0.0,2.4346070125057366,0.7042259729255073,1.2526028596188967,95.22767319257929 +0.9350000000000002,0.669,0.766,0.0,0.06843369625949584,0.0,0.9969999999999999,104.49,2023-06-05,seattle/tacoma smm food,102.29383318204967,88.74475650580376,0.0,0.0,0.0,0.0,1.2673221470153686,0.5275531792510801,1.400052110522607,91.93968394259282 +0.0,0.0,0.783,0.807,0.048184685282110236,0.9969999999999999,0.0,82.94,2023-06-05,st. louis smm food,96.97245049420795,87.70409353036166,0.0,1.3740401386279464,0.0,0.0,2.1399338541883486,0.0,0.0,91.21806752317795 +0.0,0.526,0.0,0.0,0.08706486641186348,0.671,0.511,160.82,2023-06-05,tampa/ft. myers smm food,186.11187666214119,173.25520362076367,1.1379804044174378,1.3903009686708807,0.0,0.0,0.750327692625602,0.0,1.229698121614437,177.76351080809204 +0.742,0.0,0.0,0.0,0.01692240113332484,0.0,0.743,47.31,2023-06-05,tucson/sierra vista smm food,67.90276646615868,63.32224664442017,0.0,1.4211965457524558,0.0,1.0616891709206464,3.997383583908106,0.0,0.0,69.80251594500137 +0.0,0.513,0.522,0.848,0.11600980116775156,0.0,0.0,190.79,2023-06-05,washington dc/hagerstown smm food,190.46719913860053,173.02137618365978,1.707936634134151,1.5187615260100615,0.0,1.6860885447096208,0.4015440097301867,0.0,0.939094258182853,179.27480115642666 +0.0,0.0,0.5640000000000001,0.538,0.012838992053276774,0.0,0.0,49.15,2023-06-05,yakima/pasco/richland/kennewick smm food,56.81963498062072,53.51694236690935,1.9185306308769368,1.5724222651517445,0.9567609203127455,0.0,1.1772573103886432,0.709978110393977,1.0078084721962324,60.85970007622963 +0.0,0.65,0.0,0.891,0.020498377169515972,0.965,0.0,65.44,2023-06-12,albany/schenectady/troy smm food,88.60352404254917,82.35686844083078,1.707936634134151,0.0,0.7744209420713243,1.4317036146474462,1.0625218948300303,0.8094079152060965,0.9806090958159364,89.12346853753576 +0.0,0.0,0.0,0.0,0.027198268075414686,0.659,0.791,81.4,2023-06-12,albuquerque/santa fe smm food,75.81435071711402,70.79212936171284,1.0201250484421174,0.9463803084987749,0.0,0.0,5.140582628271433,0.0,1.0464602175787583,78.94567756450392 +0.0,0.0,0.0,0.0,0.12860937805309391,0.666,0.837,160.66,2023-06-12,atlanta smm food,182.82595390558976,165.2475308400832,0.0,1.1610232650655075,0.6832509529506136,1.803820413168148,1.7662195737725905,0.4609927314016448,0.0,171.12283777644168 +0.0,0.0,0.0,0.0,0.052415017144780085,0.0,0.0,128.92,2023-06-12,baltimore smm food,111.73311022325876,105.28036119021601,0.0,0.0,0.0,0.0,0.21672374099297076,0.6976521015329704,0.0,106.19473703274195 +0.9490000000000002,0.598,0.719,0.0,0.020077886473637667,0.0,0.0,54.51,2023-06-12,baton rouge smm food,56.65938626657632,50.62824190344196,0.0,0.926867312447254,0.0,2.100252439108368,0.5223633226566301,0.0,0.0,54.177724977654215 +0.0,0.0,0.86,0.9269999999999999,0.03523881794400941,1.0,0.5640000000000001,59.93,2023-06-12,birmingham/anniston/tuscaloosa smm food,71.09295435108109,62.27551690355495,1.8006752749016164,0.0,0.0,0.0,3.8364753804448997,0.0,0.8603592212925222,68.77302678019399 +0.0,0.0,0.0,0.0,0.09868479498869248,0.597,0.0,175.15,2023-06-12,boston/manchester smm food,195.98383164613483,183.34429136615643,1.6905481389902515,0.9366238104730145,0.0,1.9551899583291115,0.42505749901503725,0.6820391569756955,0.0,189.03374992993955 +0.757,0.0,0.0,0.662,0.02568743103118754,0.0,0.0,43.11,2023-06-12,buffalo smm food,69.97986623119911,63.96319330778341,0.0,1.48949203193278,0.9557129894033122,2.0119535377644726,1.915213169265637,0.0,0.8875585976728183,71.22312363382244 +0.8190000000000001,0.0,0.5730000000000001,0.709,0.06490267527860259,0.0,0.9450000000000001,140.02,2023-06-12,charlotte smm food,140.11717281562204,127.1008852661048,0.0,0.0,0.8152902475392291,1.8816075405425319,2.5540798637066335,0.0,0.0,132.3518629178932 +0.0,0.0,0.802,0.9339999999999999,0.17285622783012675,0.0,0.772,163.59,2023-06-12,chicago smm food,202.31216931814302,177.12285569785104,0.0,0.8358066642068219,0.0,1.6650649967705982,1.105983055618616,0.6721783498868903,0.0,181.40188876433396 +0.0,0.872,0.732,0.0,0.057759421394740246,0.0,0.0,127.74,2023-06-12,cleveland/akron/canton smm food,140.38679659806652,131.09107465023894,1.6615673137504186,0.8244240831767679,0.0,0.0,2.4802917647302807,0.0,0.0,136.0573578118964 +0.627,0.0,0.0,0.498,0.04154199608557325,0.0,0.9490000000000002,93.88,2023-06-12,columbus oh smm food,112.65182777509116,103.92073468964487,0.0,0.8260501661810613,0.0,1.5136954516096346,6.728098697652355,0.0,0.9204841585542293,113.90906316364216 +0.0,0.648,0.0,0.9770000000000001,0.15533086431487922,0.965,0.847,100.01,2023-06-12,dallas/ft. worth smm food,129.51294625675288,105.27715718131851,0.9814839481223403,0.0,0.6633402656713778,0.0,0.23325976773334853,0.4618144653257119,0.894716328299212,108.51177195647051 +0.523,0.0,0.0,0.803,0.01845612034394245,0.0,0.796,58.15,2023-06-12,des moines/ames smm food,68.51857428844626,62.408297363785806,0.0,1.0813451978551296,0.5994164801959371,0.0,3.2973158725222858,0.0,0.0,67.38637491435915 +0.612,0.7000000000000001,0.0,0.0,0.08376666158968807,0.0,0.0,110.01,2023-06-12,detroit smm food,172.9560106881758,160.32292305294044,0.0,1.5333962730487025,0.0,0.0,1.4322982682317975,0.7658560172305401,0.0,164.05447361145147 +0.0,0.676,0.582,0.667,0.03198186526932021,0.677,0.0,143.22,2023-06-12,grand rapids smm food,117.62052727177672,110.01556630860257,1.406536051639889,1.4130661307309886,0.0,1.4064753571206188,1.3886601515925987,0.0,0.0,115.63030399968667 +0.6970000000000001,0.0,0.808,0.0,0.0349009686878373,0.0,0.0,95.92,2023-06-12,greensboro smm food,90.0592295984192,83.56924325587181,1.6654314237823962,1.1756580121041482,0.0,1.2340822640206326,2.0569890255634853,0.0,0.9591359039367553,90.66053988527923 +0.0,0.0,0.9759999999999999,0.852,0.030116971179573754,0.736,0.803,80.28,2023-06-12,harrisburg/lancaster smm food,93.30108595819111,85.02510769460987,0.0,1.0228062097005661,0.7691812875241569,0.0,2.130554639680965,0.0,1.3656950035159172,90.31334483503147 +0.0,0.682,0.848,0.0,0.040904192763583355,0.582,0.0,120.9,2023-06-12,hartford/new haven smm food,120.12227884365255,112.61073024106035,0.0,1.4358312927910968,0.0,0.0,4.623856130100778,0.7247693210271848,0.9104633356772781,120.3056503206567 +0.0,0.93,0.542,0.846,0.14444052348199737,0.0,0.0,184.38,2023-06-12,houston smm food,189.28716712158143,167.64644198801398,1.7407815694059618,0.9658933045502961,0.0,1.9846229254437433,2.561550808528426,0.0,1.1051536087151868,176.0044442046576 +0.514,0.0,0.0,0.0,0.05290402213724859,0.8,0.79,96.59,2023-06-12,indianapolis smm food,98.3155696753662,89.02123497580452,0.0,1.6179525892719606,0.900172651203339,1.4611365817620778,0.8544398542333831,0.4757839420348526,0.0,94.33072059431014 +0.0,0.0,0.789,0.0,0.039237556830722047,0.0,0.0,117.89000000000001,2023-06-12,jacksonville smm food,91.95719539289433,86.29988999004563,0.0,1.5431527710744632,0.5354926947204962,0.0,0.4912683141683386,0.0,0.0,88.86980377000893 +0.628,0.761,0.0,0.601,0.03939207199522663,0.8130000000000001,0.875,84.95,2023-06-12,kansas city smm food,90.97817808828401,80.49370051161102,0.0,1.3171272334776767,0.0,1.532616644754755,0.8498745251631273,0.0,1.069364955583218,85.2626838705898 +0.0,0.924,0.681,0.0,0.022117131057220907,0.0,0.9630000000000002,89.13,2023-06-12,knoxville smm food,75.720552064207,69.4030183864474,0.0,0.9772758855803501,0.0,2.060307698024225,1.6383925461713016,0.0,0.0,74.07899451622328 +0.0,0.0,0.8260000000000001,0.0,0.046021710202369316,0.0,0.0,107.83,2023-06-12,las vegas smm food,79.60725218663919,73.0759844669223,1.0104647733621732,0.0,0.0,0.0,0.8741945006905556,0.0,0.0,74.96064374097503 +0.528,0.989,0.9910000000000001,0.8190000000000001,0.02966336188379824,0.0,0.0,70.84,2023-06-12,little rock/pine bluff smm food,66.74404081910036,57.70357115599228,0.0,0.0,1.0384995312485554,1.1394762982950306,6.5305780180216795,0.0,1.1838886456055173,67.59601364916307 +0.0,0.905,0.719,0.5690000000000001,0.31516906196618155,0.0,0.0,206.15,2023-06-12,los angeles smm food,196.19796354243456,153.9765761946837,1.7485097894699173,0.0,0.0,0.0,0.20359271200129747,0.0,1.1652785459768937,157.0939572421318 +0.0,0.674,0.995,0.8280000000000001,0.01466383246753478,0.0,0.0,36.44,2023-06-12,madison wi smm food,58.10385283368124,52.419185278171575,0.0,0.0,0.9378981639429435,0.0,1.16568812054309,0.0,0.888990143798097,55.41176170645571 +0.729,0.0,0.753,0.649,0.09611239716374959,0.657,0.886,153.79,2023-06-12,miami/west palm beach smm food,201.32431209256941,184.12181433608328,1.9223947409089144,0.0,0.0,0.0,0.6781212684301481,0.0,0.0,186.72233034542234 +0.52,0.0,0.8150000000000001,0.0,0.04048130018155693,0.0,0.545,84.09,2023-06-12,milwaukee smm food,75.77570106485392,68.15317248002567,0.0,1.0992321109023573,0.0,0.0,1.9352968380807472,0.6236960483669312,0.0,71.8113974773757 +0.0,0.639,0.0,0.0,0.06712694293449352,0.0,0.0,55.72,2023-06-12,minneapolis/st. paul smm food,95.05370581946613,85.75072244988117,1.097407249081672,1.1415102690139864,0.0,0.0,0.542339512895338,0.47331874026265136,0.9705882729389852,89.9758864940738 +0.6930000000000001,0.0,0.587,0.0,0.027030005078003693,0.926,0.0,35.47,2023-06-12,mobile/pensacola smm food,73.50904112112144,67.46643487620449,0.0,1.2650925773402868,0.7115450875053169,1.4043730023267165,2.1686162456587255,0.0,0.0,73.01606178903553 +0.0,0.989,0.8320000000000001,0.538,0.054874962465725784,0.0,0.0,105.6,2023-06-12,nashville smm food,105.83889933638336,95.47216793873541,1.3485744011602236,1.1512667670397467,0.8058588693543279,1.7344427049693731,0.6779507364552751,0.0,0.0,101.19026141771435 +0.0,0.9570000000000001,0.0,0.7010000000000001,0.03519121513047313,0.0,0.0,56.17,2023-06-12,new orleans smm food,66.9118771701656,59.54961731628727,0.0,1.5707961821474512,0.0,1.4106800667084234,8.040354931426952,0.6319133876076022,0.0,71.2033618841777 +0.0,0.0,0.0,0.522,0.36563024851467535,0.0,0.9199999999999999,288.36,2023-06-12,new york smm food,337.5885125735217,290.1617655847399,1.0066006633301954,0.0,0.9148436839354074,2.045591214466909,1.1486077460443156,0.0,0.0,295.27740889251675 +0.0,0.722,0.9590000000000001,0.0,0.0340516721243848,0.8250000000000001,0.589,112.86,2023-06-12,norfolk/portsmouth/newport news smm food,110.20210802922885,102.30993924858487,0.0,1.5025006959671274,0.0,0.0,1.4932818316667347,0.0,0.0,105.30572177621873 +0.881,0.856,0.6960000000000001,0.878,0.04718432688326012,0.0,0.931,47.48,2023-06-12,oklahoma city smm food,66.42011361994658,53.609244119971564,1.7658982846138171,0.0,0.0,1.9446781843596,0.6121867876244269,0.0,0.0,57.93200737656941 +0.598,0.9269999999999999,0.781,0.0,0.018135416650567348,0.0,0.549,74.47,2023-06-12,omaha smm food,67.37595965190789,60.87622985001895,1.3601667312561565,0.0,0.6182792365657392,1.3097670366011143,1.2523434964907465,0.0,1.0364393947018071,66.45322574563451 +0.0,0.6880000000000001,0.81,0.0,0.07834462971380207,0.584,0.0,118.88,2023-06-12,orlando/daytona beach/melborne smm food,144.70775603257556,132.61538216686213,1.4625656471035662,0.0,0.0,0.0,0.5332528219428015,0.6927216979885678,0.9548412655609191,136.25876359945798 +0.587,0.0,0.71,0.532,0.015056951051414474,0.0,0.756,18.39,2023-06-12,paducah ky/cape girardeau mo smm food,61.491749931259626,55.55925813283435,1.3041371357924798,0.9528846405159487,0.0,1.4359083242352506,4.692077760427303,0.4577057957053764,1.1237637083438103,65.52573549785453 +0.0,0.0,0.593,0.553,0.13940237454237936,0.835,0.0,173.46,2023-06-12,philadelphia smm food,219.36957753533994,199.7377476378349,1.8335202101734274,0.0,0.0,0.0,2.8750971336766704,0.8069427134338951,0.0,205.2533076951189 +0.774,0.0,0.0,0.0,0.08581799714952924,0.0,0.739,118.96,2023-06-12,phoenix/prescott smm food,130.101233577569,116.98296111946722,0.0,1.5724222651517445,0.9599047130410461,0.0,0.5979888755150969,0.0,0.0,120.1132769731751 +0.553,0.0,0.0,0.0,0.03789724752532024,0.0,0.0,77.03,2023-06-12,pittsburgh smm food,110.28614283898963,104.55223234884438,0.0,0.0,0.0,1.9404734747717955,1.528116554638958,0.0,1.163846999851615,109.18466937810675 +0.0,0.774,0.0,0.707,0.047594314269393014,0.0,0.909,92.15,2023-06-12,portland or smm food,96.80181615492648,86.8963094792362,0.0,0.0,0.0,1.875300476160825,1.2590896829290719,0.0,0.0,90.0306996383261 +0.0,0.9420000000000002,0.0,0.633,0.02725304071678918,0.6900000000000001,0.86,88.03,2023-06-12,providence ri/new bedford ma smm food,91.26408191536676,83.24830635780522,1.0568340937459058,1.6179525892719606,0.0,1.330790584540137,1.9744983933819704,0.0,0.0,89.2283820187452 +0.0,0.622,0.734,0.776,0.06595707611578526,0.0,0.711,84.12,2023-06-12,raleigh/durham/fayetteville smm food,137.87992975558464,125.33017277610136,1.6094018283187193,0.0,0.6455254402110091,0.0,11.220602275295866,0.0,0.7758979999010767,139.58160031982803 +0.0,0.879,0.0,0.5640000000000001,0.2422295743218639,0.0,0.0,285.13,2023-06-12,rem us east north central smm food,338.88931615189927,306.4536727021249,0.0,0.0,1.0269722912447872,1.6209155460986504,3.385483879629692,0.0,1.1652785459768937,313.6523229650749 +0.611,0.0,0.498,0.658,0.08246042842624354,0.871,0.535,130.99,2023-06-12,rem us middle atlantic smm food,145.51893843448676,130.80002326169728,1.7658982846138171,1.5951874272118527,0.0,0.0,6.393415737473075,0.44620152076843694,1.4129360256501156,142.41366225741456 +0.0,0.0,0.0,0.751,0.15745652861380702,0.0,0.5670000000000001,195.12,2023-06-12,rem us mountain smm food,195.7323484318874,173.95751153106124,0.0,0.0,1.0227805676070532,0.0,2.236410734564701,0.654100203557414,1.2826653282497502,179.15346836504017 +0.0,0.923,0.0,0.0,0.04020704036694087,0.0,0.0,122.34,2023-06-12,rem us new england smm food,154.67234508074114,148.221630613054,1.1437765694654043,1.6081960912462,0.0,0.0,2.6723001070515093,0.0,1.3971890182720492,155.04309239908918 +0.0,0.746,0.846,0.0,0.18137977921135784,0.0,0.0,122.02999999999999,2023-06-12,rem us pacific smm food,129.54269576467252,105.11364420201244,1.3408461810962682,1.3984313836923479,0.0,1.221468135257219,9.957441491043397,0.0,0.0,119.03183139310167 +0.759,0.0,0.591,0.672,0.34118998698159053,0.0,0.0,254.95,2023-06-12,rem us south atlantic smm food,329.1822541718549,283.6802303568146,0.0,0.9171108144214933,0.0,0.0,12.239638080902884,0.0,0.0,296.836979252139 +0.541,0.0,0.0,0.0,0.5801570968931136,0.0,0.0,451.72999999999996,2023-06-12,rem us south central smm food,471.89900595210213,399.4313293612464,1.5842851131108644,1.1366320200011062,0.0,1.9867252802376454,3.727002241808704,0.7551734762176677,0.0,408.6211474926224 +0.6900000000000001,0.621,0.0,0.621,0.16633835763885058,0.63,0.0,122.84,2023-06-12,rem us west north central smm food,150.59841165847038,125.95452848252805,0.0,0.0,0.0,0.0,1.138452651678666,0.0,1.295549243377259,128.38853037758398 +0.5710000000000001,0.774,0.0,0.0,0.02614413287893257,0.0,0.743,75.3,2023-06-12,richmond/petersburg smm food,92.7120966805581,86.06809383806947,1.0858149189857387,0.0,0.0,0.0,1.3854071456673707,0.42072776912235677,0.966293634563149,89.92633730640809 +0.0,0.875,0.0,0.0,0.07532998336629965,0.869,0.0,63.8,2023-06-12,sacramento/stockton/modesto smm food,82.99777372065515,71.58708164797008,0.0,0.0,0.8414885202750655,1.5410260639303641,1.9678790680322484,0.526731445327013,0.0,76.46420674553477 +0.0,0.917,0.929,0.656,0.047939388952619726,0.0,0.0,98.7,2023-06-12,salt lake city smm food,93.47035963465227,83.72480907215119,1.3195935759203907,1.1724058460955613,0.6371419929355414,1.8395604446644864,0.6051281691378938,0.0,1.3155908891311614,90.61422999003622 +0.0,0.0,0.526,0.0,0.05349666036245644,0.5630000000000001,0.0,91.65,2023-06-12,san diego smm food,86.3140696228067,78.71431295071628,1.0278532685060728,0.0,0.9756236766825479,1.2277751996389257,0.6592948517112964,0.0,1.4186622101512307,84.02352215740635 +0.513,0.0,0.674,0.0,0.10336286610542506,0.0,0.717,103.72,2023-06-12,san francisco/oakland/san jose smm food,104.32465805016571,88.87591304741949,0.0,0.0,1.0018219494183844,0.0,2.241199218062674,0.0,0.0,92.11893421490055 +0.0,0.6990000000000001,0.734,0.0,0.07020970449976625,0.9560000000000002,0.0,69.64,2023-06-12,seattle/tacoma smm food,100.07957880277121,88.74475650580376,0.0,0.0,0.0,0.0,0.6262452722890307,0.42237123697049095,0.0,89.79337301506328 +0.728,0.511,0.0,0.901,0.04516467917014768,0.0,0.649,99.52,2023-06-12,st. louis smm food,98.32502184195779,87.70409353036166,0.9834160031383291,0.0,0.6675319893091117,1.0932244928291805,1.3789817610399138,0.0,0.8474753061650135,92.67472308284322 +0.955,0.0,0.9630000000000002,0.847,0.08447602357425012,0.0,0.0,136.26,2023-06-12,tampa/ft. myers smm food,188.28990869115466,173.25520362076367,0.0,0.8748326563098642,0.636094062026108,1.6923956090913277,0.5878880944081243,0.0,0.0,177.04641404259908 +0.753,0.841,0.0,0.5,0.016263722158887144,0.0,0.0,74.86,2023-06-12,tucson/sierra vista smm food,69.19800433611175,63.32224664442017,1.599741553238775,1.0650843678121953,0.6423816474827088,1.625120255686455,3.491732448025976,0.6113700395059246,0.7286569777668782,73.08633393393907 +0.0,0.0,0.0,0.591,0.11076718919869913,0.0,0.9460000000000001,201.53,2023-06-12,washington dc/hagerstown smm food,189.25452448975946,173.02137618365978,1.818063770045516,0.0,0.0,2.0014417637949613,0.24591554171788257,0.0,0.8589276751672434,177.9457249343854 +0.765,0.0,0.805,0.654,0.013849770980816791,0.9770000000000001,0.979,60.59,2023-06-12,yakima/pasco/richland/kennewick smm food,61.1228350384158,53.51694236690935,0.0,0.0,0.6528609565770433,0.0,1.010566633267336,0.0,0.0,55.18036995675373 +0.776,0.833,0.0,0.656,1.3590919562370033e-06,0.522,0.989,94.53,2023-06-19,albany/schenectady/troy smm food,88.43472656303646,82.35686844083078,0.0,1.304118569443329,0.0,1.7596709624962001,0.8795012873616173,0.0,1.0722280478337756,87.37238730796571 +0.867,0.0,0.0,0.5690000000000001,7.413228852201836e-07,0.0,0.658,105.81,2023-06-19,albuquerque/santa fe smm food,74.60550955209806,70.79212936171284,1.1012713591136496,1.3480228105592518,0.0,0.0,4.195943450508541,0.0,1.1080167009657442,78.54538368286002 +0.0,0.0,0.0,0.0,5.436367824948013e-06,0.0,0.511,194.06,2023-06-19,atlanta smm food,165.97972017473384,165.2475308400832,0.0,0.0,0.5627388983657661,1.0553821065389397,1.489290174184781,0.0,0.0,168.35494201917268 +0.773,0.902,0.651,0.0,1.729753398847095e-06,0.9530000000000001,0.0,150.05,2023-06-19,baltimore smm food,109.70609498696305,105.28036119021601,1.3543705662081902,0.0,0.0,0.0,0.17034170704447732,0.4141538977298199,1.152394630849385,108.37162199204789 +0.0,0.607,0.0,0.0,4.942152568134558e-07,0.0,0.551,71.01,2023-06-19,baton rouge smm food,52.40411704431604,50.62824190344196,1.0858149189857387,1.0374409567392069,0.6895385384072144,1.6902932542974254,0.3998083690993548,0.5990440306449181,0.0,56.13018197161582 +0.0,0.0,0.0,0.0,1.2355381420336394e-06,0.852,0.9350000000000002,92.06,2023-06-19,birmingham/anniston/tuscaloosa smm food,64.31428193959422,62.27551690355495,1.6654314237823962,0.0,0.9724798839542477,0.0,3.303624573903049,0.694365165836702,0.0,68.91141795103135 +0.9700000000000001,0.0,0.0,0.0,2.471076284067279e-06,0.0,0.0,242.06,2023-06-19,boston/manchester smm food,185.21868894286254,183.34429136615643,1.4567694820555994,1.2602143283274065,0.0,1.6146084817169435,0.34448265266515576,0.0,1.0192608411984623,189.03962715212 +0.865,0.0,0.9530000000000001,0.0,6.177690710168197e-07,0.0,0.669,81.91,2023-06-19,buffalo smm food,67.59087946391456,63.96319330778341,1.5379157927271316,1.4927441979413667,0.7482226693354878,1.9551899583291115,1.51661744942527,0.0,0.0,71.21388337554178 +0.513,0.0,0.968,0.0,8.648766994235475e-07,0.616,0.0,107.01,2023-06-19,charlotte smm food,129.61272118078293,127.1008852661048,0.0,0.892719569357092,1.0311640148825212,0.0,2.0562650941781566,0.7518865405213992,1.3971890182720492,133.23010950331602 +0.0,0.0,0.0,0.0,4.324383497117738e-06,0.0,0.909,138.29,2023-06-19,chicago smm food,178.42466349532404,177.12285569785104,1.6229262134306413,1.1740319290998549,0.0,1.965701732298623,0.9013129395075219,0.7995471081172912,0.0,183.58637562030498 +0.72,0.715,0.864,0.0,3.830168240304282e-06,0.601,0.0,93.21,2023-06-19,cleveland/akron/canton smm food,135.04454953129078,131.09107465023894,0.0,0.0,0.0,1.4653412913498824,2.0413427805250937,0.0,1.4243883946523455,136.02214711676626 +0.9969999999999999,0.0,0.5650000000000001,0.0,2.7181839124740066e-06,0.514,0.61,76.31,2023-06-19,columbus oh smm food,107.73502351012282,103.92073468964487,1.6905481389902515,1.0537017867821412,0.0,0.0,5.639834765284273,0.6286264519113338,0.0,112.93344583261288 +0.0,0.0,0.0,0.0,4.942152568134558e-06,0.8250000000000001,0.0,113.15999999999998,2023-06-19,dallas/ft. worth smm food,105.95569609106772,105.27715718131851,0.0,0.0,0.0,0.0,0.17117594617033965,0.0,0.0,105.44833312748885 +0.509,0.6950000000000001,0.0,0.5700000000000001,8.648766994235475e-07,0.0,0.737,30.15,2023-06-19,des moines/ames smm food,66.77533925568171,62.408297363785806,1.5398478477431206,1.5545353521045173,0.8048109384448945,0.0,2.8307391179715586,0.0,0.0,69.1382306200499 +0.9560000000000002,0.973,0.85,0.0,4.324383497117738e-06,0.715,0.0,138.42,2023-06-19,detroit smm food,165.2309598097243,160.32292305294044,0.0,0.0,0.5375885565393631,1.8858122501303365,1.2025034579698566,0.5020794276049999,1.0665018633326606,165.51740860851766 +0.0,0.915,0.0,0.71,8.648766994235475e-07,0.0,0.0,125.44999999999999,2023-06-19,grand rapids smm food,112.99621063512059,110.01556630860257,0.0,0.0,0.0,0.0,1.119252134890927,0.20337914620660796,0.7988027379055365,112.13700032760565 +0.524,0.0,0.555,0.0,1.1119843278302754e-06,0.0,0.0,42.17,2023-06-19,greensboro smm food,85.16337863402416,83.56924325587181,0.0,0.0,0.7618457711581228,2.0245676665278864,1.719745866540431,0.0,1.377147372518147,89.45254993261639 +0.0,0.0,0.0,0.0,2.471076284067279e-07,0.616,0.0,59.94,2023-06-19,harrisburg/lancaster smm food,85.5313262129549,85.02510769460987,1.8528407603333157,1.1984231741642564,0.0,0.0,1.806019144402622,0.0,0.0,89.88239077351007 +0.9339999999999999,0.0,0.0,0.0,1.1119843278302754e-06,0.597,0.609,149.09,2023-06-19,hartford/new haven smm food,115.77779326399538,112.61073024106035,0.0,1.0537017867821412,0.0,0.0,3.8452450272032714,0.534948784567684,1.2654867747464054,119.31011261435985 +0.968,0.91,0.897,0.0,5.189260196541285e-06,0.985,0.0,210.5,2023-06-19,houston smm food,172.74644756187965,167.64644198801398,1.5301875726631762,0.0,0.0,0.0,2.1179678496921857,0.0,0.0,171.29459741036933 +0.714,0.732,0.0,0.594,2.2239686556605507e-06,0.0,0.0,85.34,2023-06-19,indianapolis smm food,92.84008755401854,89.02123497580452,1.097407249081672,1.3903009686708807,1.0217326366976198,2.0203629569400814,0.6958736431813513,0.42319297089455804,1.0435971253282008,96.71370252659888 +0.556,0.0,0.0,0.807,1.2355381420336394e-07,0.798,0.0,77.38,2023-06-19,jacksonville smm food,89.72647177957995,86.29988999004563,0.0,0.0,0.6256147529317734,1.6167108365108458,0.38182395375926625,0.6927216979885678,0.8718115902947521,90.48857282153084 +0.0,0.0,0.9269999999999999,0.0,3.45950679769419e-06,0.84,0.9560000000000002,110.22,2023-06-19,kansas city smm food,83.52437295231438,80.49370051161102,1.926258850940892,0.0,0.0,0.0,0.6865006246955213,0.0,0.0,83.10645998724743 +0.0,0.709,0.0,0.85,1.4826457704403671e-06,0.748,0.0,80.09,2023-06-19,knoxville smm food,72.95775231322872,69.4030183864474,0.0,0.0,0.0,1.3013576174255053,1.3758451683739419,0.4116886959576186,1.0450286714534796,73.53693853965794 +0.0,0.0,0.975,0.0,1.4826457704403671e-06,0.9500000000000001,0.0,87.04,2023-06-19,las vegas smm food,74.87854685820182,73.0759844669223,0.0,0.0,0.9106519602976736,1.1773186845852714,0.6924190448617269,0.6105483055818575,1.284096874375029,77.75101933662387 +0.807,0.908,0.739,0.0,1.3590919562370033e-06,0.0,0.614,51.2,2023-06-19,little rock/pine bluff smm food,62.39278050094451,57.70357115599228,1.4490412619916442,0.0,0.8299612802712975,1.7218285762059595,5.2654179577830025,0.6688914141906219,0.0,67.6387116464348 +0.0,0.0,0.76,0.55,3.7066144261009183e-06,0.0,0.0,192.98,2023-06-19,los angeles smm food,155.92975513929477,153.9765761946837,1.1495727345133708,0.0,0.0,1.0469726873633305,0.16373779440294206,0.0,0.0,156.33685941096334 +0.763,0.6880000000000001,0.638,0.0,0.0,0.247,0.0,39.64,2023-06-19,madison wi smm food,55.88363656178807,52.419185278171575,1.4316527668477443,0.0,0.6748675056751459,0.0,0.8937202297430964,0.0,0.0,55.419425780437564 +0.663,0.746,0.0,0.785,2.100414841457187e-06,0.627,0.0,180.37,2023-06-19,miami/west palm beach smm food,188.78165899600754,184.12181433608328,1.1959420548971036,0.9723976365674698,0.0,0.0,0.5615016455310933,0.0,0.0,186.85165567307894 +0.801,0.848,0.737,0.68,1.3590919562370033e-06,0.0,0.0,108.14,2023-06-19,milwaukee smm food,73.28176059173788,68.15317248002567,1.547576067807076,1.4049357157095217,0.9441857493995441,1.1626022010279555,1.540143097119028,0.5686398754544353,0.7286569777668782,76.04991216431011 +0.704,0.933,0.577,0.0,3.45950679769419e-06,0.0,0.0,73.65,2023-06-19,minneapolis/st. paul smm food,89.2331066545619,85.75072244988117,0.0,0.0,0.8613992075543012,1.8374580898705841,0.4354722771847202,0.0,0.0,88.88505202449078 +0.663,0.0,0.0,0.0,1.2355381420336394e-07,0.797,0.0,76.95,2023-06-19,mobile/pensacola smm food,69.40232449984643,67.46643487620449,0.0,0.0,0.0,2.014055892558375,1.7714920937902192,0.0,0.0,71.25198286255308 +0.0,0.643,0.788,0.581,1.976861027253823e-06,0.9540000000000001,0.0,115.11999999999999,2023-06-19,nashville smm food,99.34915453490443,95.47216793873541,1.698276359054207,0.0,0.6989699165921154,2.016158247352277,0.5672909739800941,0.0,0.0,100.45286343571411 +0.91,0.0,0.744,0.0,6.177690710168197e-07,0.0,0.6970000000000001,53.51,2023-06-19,new orleans smm food,63.08531167957413,59.54961731628727,0.0,1.2634664943359935,0.0,0.0,6.79644648284119,0.5702833433025696,0.795939645654979,68.975753282422 +0.591,0.532,0.0,0.8170000000000001,4.07727586871101e-06,0.577,0.915,285.39,2023-06-19,new york smm food,295.67081725138326,290.1617655847399,1.4297207118317554,1.3447706445506649,0.0,0.0,0.9429193332984597,0.0,0.0,293.8791762744208 +0.8300000000000001,0.0,0.9899999999999999,0.0,7.413228852201836e-07,0.0,0.0,102.13,2023-06-19,norfolk/portsmouth/newport news smm food,104.95108777555382,102.30993924858487,1.4258566017997778,0.0,0.7702292184335904,1.5620496118693867,1.2486731731892562,0.0,0.0,107.31674785387688 +0.0,0.918,0.64,0.0,2.7181839124740066e-06,0.711,0.0,50.04,2023-06-19,oklahoma city smm food,56.35725155227867,53.609244119971564,0.0,0.0,0.0,0.0,0.5077685430082237,0.0,0.8431806677891773,54.960193330768966 +0.641,0.0,0.0,0.596,2.8417377266773707e-06,0.0,0.52,37.77,2023-06-19,omaha smm food,64.11243440045496,60.87622985001895,1.6383826535585522,0.0,0.0,1.307664681807212,1.0154122816997462,0.0,0.8489068522902923,65.68659631937476 +0.887,0.0,0.531,0.0,1.0625628021489299e-05,0.609,0.0,120.21000000000001,2023-06-19,orlando/daytona beach/melborne smm food,135.38731034685708,132.61538216686213,0.0,0.0,0.0,2.0518982788486153,0.43347389649206514,0.43962764937590015,0.7873503689033066,136.32773236048203 +0.737,0.923,0.0,0.868,0.0,0.0,0.586,39.25,2023-06-19,paducah ky/cape girardeau mo smm food,61.147787283101486,55.55925813283435,0.0,0.0,0.8582554148260008,0.0,3.876446091167986,0.5596008022896972,1.3528110883884086,62.20637152950644 +0.0,0.0,0.547,0.0,7.042567409591745e-06,0.941,0.853,180.22,2023-06-19,philadelphia smm food,202.30619331461617,199.7377476378349,0.0,0.9870323836061107,0.0,0.0,2.3218657025598284,0.0,0.0,203.04664572400083 +0.9460000000000001,0.0,0.624,0.0,2.8417377266773707e-06,0.0,0.9530000000000001,118.64999999999999,2023-06-19,phoenix/prescott smm food,120.82920735234626,116.98296111946722,1.1727573947052372,1.3155011504733831,0.7345995675128529,1.4653412913498824,0.4511731057734373,0.5916484253283142,0.7873503689033066,123.50133242351363 +0.0,0.0,0.0,0.9000000000000001,6.177690710168197e-07,0.0,0.966,86.76,2023-06-19,pittsburgh smm food,107.82730127317492,104.55223234884438,1.0123968283781621,1.2797273243789278,0.985055054867449,1.3854518091815962,1.319186410643254,0.0,0.0,110.53404977629377 +0.0,0.709,0.968,0.0,1.6061995846437312e-06,0.635,0.908,77.37,2023-06-19,portland or smm food,90.88544211042553,86.8963094792362,0.0,0.0,0.6266626838412068,1.993032344619352,1.087065570692169,0.5448095916564893,0.0,91.14787967004541 +0.0,0.664,0.0,0.528,2.471076284067279e-07,0.0,0.612,66.35,2023-06-19,providence ri/new bedford ma smm food,86.31420545362673,83.24830635780522,0.0,1.3317619805163174,0.0,0.0,1.6289563559488456,0.5637094719100327,0.0,86.77273416618041 +0.546,0.0,0.0,0.0,1.4826457704403671e-06,0.0,0.643,86.35,2023-06-19,raleigh/durham/fayetteville smm food,127.30574150010366,125.33017277610136,0.0,1.3089968184562095,0.0,0.0,9.272946010111754,0.0,0.0,135.91211560466934 +0.0,0.525,0.0,0.641,8.648766994235476e-06,0.629,0.856,313.26,2023-06-19,rem us east north central smm food,310.3983145629363,306.4536727021249,1.7291892393100285,0.0,0.0,0.0,2.8034938764745387,0.718195449634648,1.3198855275069976,313.0244367950511 +0.656,0.753,0.732,0.0,2.8417377266773707e-06,0.0,0.8220000000000001,120.30999999999999,2023-06-19,rem us middle atlantic smm food,135.2360580379798,130.80002326169728,0.0,1.2569621623188196,1.006013673056118,0.0,5.266928299449284,0.6023309663411864,0.0,138.93225836286268 +0.5660000000000001,0.8130000000000001,0.0,0.537,9.019428436845567e-06,0.0,0.782,193.59,2023-06-19,rem us mountain smm food,178.62260411776379,173.95751153106124,0.0,1.4862398659241933,0.962000574859913,0.0,1.8645170182254034,0.0,1.2926861511267014,179.56295514119745 +0.0,0.9619999999999999,0.512,0.0,2.100414841457187e-06,0.879,0.0,146.91,2023-06-19,rem us new england smm food,151.0450257875866,148.221630613054,0.0,0.0,0.0,0.0,2.134219262064625,0.42072776912235677,0.0,150.77657764424097 +0.0,0.0,0.709,0.0,3.953722054507646e-06,0.0,0.883,102.28,2023-06-19,rem us pacific smm food,107.12116918333697,105.11364420201244,1.559168397903009,0.0,0.0,0.0,8.095444517304829,0.0,0.0,114.76825711722027 +0.0,0.0,0.0,0.0,4.942152568134558e-06,0.739,0.0,267.81,2023-06-19,rem us south atlantic smm food,284.288100149094,283.6802303568146,0.0,0.9366238104730145,0.0,0.0,9.771946310448387,0.6549219374814811,0.0,295.0437224152175 +0.0,0.618,0.6970000000000001,0.0,1.1984719977726302e-05,0.759,0.6890000000000001,428.46,2023-06-19,rem us south central smm food,402.77816325476397,399.4313293612464,0.0,0.0,0.6884906074977809,1.5914825789840186,2.998765410168186,0.6754652855831587,0.0,405.38553324347953 +0.778,0.8230000000000001,0.709,0.965,6.177690710168197e-06,0.657,0.882,140.61,2023-06-19,rem us west north central smm food,133.37095238700513,125.95452848252805,0.0,0.0,0.684298883860047,0.0,0.9277227131696548,0.0,0.8231390220352751,128.38968910159304 +0.0,0.0,0.0,0.0,3.706614426100918e-07,0.0,0.0,125.82,2023-06-19,richmond/petersburg smm food,86.06813946974901,86.06809383806947,1.1379804044174378,0.926867312447254,0.7911878366222596,0.0,1.1287765903190101,0.0,0.0,90.05290598187543 +0.0,0.781,0.73,0.763,1.6061995846437312e-06,0.999,0.0,52.69,2023-06-19,sacramento/stockton/modesto smm food,76.04724867337816,71.58708164797008,1.381419336432034,0.0,0.0,1.997237054207157,1.5766717996070865,0.7773602921674795,0.7472670773955019,78.06703720777934 +0.8240000000000001,0.0,0.0,0.923,3.2123991692874624e-06,0.725,0.0,121.28000000000002,2023-06-19,salt lake city smm food,87.85344844960245,83.72480907215119,1.4625656471035662,0.0,1.0091574657844187,1.572561385838898,0.4664204126592406,0.0,1.2010671991088622,89.43658118264618 +0.793,0.0,0.0,0.602,1.729753398847095e-06,0.709,0.0,90.86,2023-06-19,san diego smm food,82.09487246432602,78.71431295071628,0.0,0.0,0.6518130256676098,1.8248439611071705,0.43655383210419346,0.5448095916564893,1.1667100921021725,83.33904345335391 +0.0,0.0,0.0,0.84,1.6061995846437312e-06,0.508,0.0,144.41,2023-06-19,san francisco/oakland/san jose smm food,91.05952964500148,88.87591304741949,0.0,1.5707961821474512,0.0,2.0729218267876384,1.8862905224393187,0.0,0.8302967526616687,95.23621833145556 +0.0,0.0,0.865,0.901,5.189260196541285e-06,0.851,0.615,121.87999999999998,2023-06-19,seattle/tacoma smm food,93.12577369171072,88.74475650580376,1.0201250484421174,0.9171108144214933,0.7628937020675562,1.1731139749974668,0.48884660868881036,0.8184469883708346,0.0,93.92529364279204 +0.8280000000000001,0.0,0.809,0.0,1.3590919562370033e-06,0.0,0.8150000000000001,84.74,2023-06-19,st. louis smm food,91.31848859759259,87.70409353036166,1.3852834464640116,1.3106229014605029,0.5417802801770969,0.0,1.1353145336977526,0.0,0.0,92.07709469216103 +0.0,0.0,0.803,0.679,4.07727586871101e-06,0.8,0.9350000000000002,153.73,2023-06-19,tampa/ft. myers smm food,177.52057576096257,173.25520362076367,1.818063770045516,0.0,0.7607978402486892,1.6923956090913277,0.47719023708580804,0.0,0.0,178.00365107723502 +0.743,0.748,0.0,0.751,3.706614426100918e-07,0.737,0.683,60.27000000000001,2023-06-19,tucson/sierra vista smm food,69.13635159601435,63.32224664442017,0.0,0.9431281424901881,0.0,0.0,2.758963223957283,0.733808394191923,1.278370689873914,69.03651709493347 +0.577,0.0,0.855,0.556,6.301244524371561e-06,0.584,0.578,176.59,2023-06-19,washington dc/hagerstown smm food,177.50916413147908,173.02137618365978,0.0,0.0,0.6098957892902716,0.0,0.19904946744709387,0.0,1.2583290441200117,175.08865048451716 +0.67,0.0,0.0,0.0,3.706614426100918e-07,0.93,0.626,35.8,2023-06-19,yakima/pasco/richland/kennewick smm food,56.471825283108316,53.51694236690935,0.0,0.0,0.5983685492865036,0.0,0.4407401173694008,0.0,0.0,54.556051033565254 +0.0,0.583,0.861,0.0,6.177690710168197e-07,0.0,0.726,105.38,2023-06-26,albany/schenectady/troy smm food,85.24652188510765,82.35686844083078,1.2384472652488585,0.0,0.9242750621203085,1.1773186845852714,0.19419047965790961,0.0,0.0,85.89109993244313 +0.529,0.0,0.6900000000000001,0.0,1.2355381420336394e-06,0.6930000000000001,0.793,37.22,2023-06-26,albuquerque/santa fe smm food,74.24208858500305,70.79212936171284,0.9930762782182734,0.0,0.0,1.3181764557767235,1.1076250585219778,0.0,0.0,74.21100715422982 +0.0,0.0,0.0,0.0,2.471076284067279e-06,0.0,0.98,183.49,2023-06-26,atlanta smm food,166.65075025405326,165.2475308400832,0.0,1.2033014231771366,0.0,0.0,0.65418442789205,0.0,1.2440135828672243,168.34903027401958 +0.0,0.0,0.0,0.0,9.884305136269115e-07,0.0,0.0,84.51,2023-06-26,baltimore smm food,105.28048287469478,105.28036119021601,1.1167277992415603,0.0,0.8414885202750655,0.0,0.07109735093952901,0.821733924067103,0.8417491216638986,108.97315790640317 +0.717,0.0,0.0,0.6960000000000001,3.706614426100918e-07,0.0,0.0,39.73,2023-06-26,baton rouge smm food,53.4768099181415,50.62824190344196,0.0,1.5220136920186484,0.0,0.0,0.17443363557905034,0.0,0.0,52.324689231039656 +0.973,0.0,0.0,0.602,1.2355381420336394e-06,0.779,0.0,78.69,2023-06-26,birmingham/anniston/tuscaloosa smm food,66.061306852488,62.27551690355495,0.0,0.0,0.0,1.290845843455994,1.4756935320077496,0.5596008022896972,0.0,65.60165708130839 +0.0,0.602,0.0,0.0,3.0888453550840984e-06,0.735,0.523,188.3,2023-06-26,boston/manchester smm food,185.67624665644735,183.34429136615643,1.0916110840337052,0.0,0.8603512766448678,1.3560188420669643,0.13521427175435916,0.0,0.0,186.78748684065633 +0.853,0.0,0.0,0.0,1.4826457704403671e-06,0.0,0.0,56.87,2023-06-26,buffalo smm food,65.61141876314007,63.96319330778341,0.0,1.619578672276254,0.0,0.0,0.6746164687224898,0.7025825050773731,0.0,66.95997095385952 +0.9590000000000001,0.0,0.531,0.674,1.976861027253823e-06,0.0,0.656,134.35,2023-06-26,charlotte smm food,131.86650209757778,127.1008852661048,1.4857503072954323,0.0,0.9756236766825479,0.0,0.8436331676234504,0.717373715710581,0.8517699445408498,131.97503607795767 +0.751,0.0,0.882,0.0,3.953722054507646e-06,0.0,0.9440000000000001,162.3,2023-06-26,chicago smm food,180.8499703571572,177.12285569785104,0.0,0.0,0.0,1.8269463159010728,0.37623274148331415,0.7724298886230768,0.8474753061650135,180.9459399500235 +0.9140000000000001,0.7020000000000001,0.0,0.0,6.054136895964833e-06,0.0,0.0,125.53999999999999,2023-06-26,cleveland/akron/canton smm food,133.99922852129922,131.09107465023894,1.3756231713840674,0.0,0.0,1.6019943529535299,0.8989056042044083,0.5012576936809329,0.9849037341917726,136.45375920665364 +0.0,0.973,0.526,0.593,2.471076284067279e-06,0.0,0.861,97.22,2023-06-26,columbus oh smm food,108.53368692903035,103.92073468964487,1.246175485312814,0.0,0.7157368111430508,0.0,0.8684259238562478,0.7083346425458428,0.8961478744244907,108.35555542692732 +0.0,0.536,0.988,0.678,5.807029267558105e-06,0.0,0.0,107.45,2023-06-26,dallas/ft. worth smm food,108.61020485671858,105.27715718131851,1.2539037053767694,1.1902927591427892,0.0,0.0,0.06339852607328582,0.4535971260850409,1.428683033028182,109.66703233102459 +0.674,0.0,0.0,0.844,9.884305136269115e-07,0.0,0.0,109.53,2023-06-26,des moines/ames smm food,65.48501157509457,62.408297363785806,0.0,1.060206118799315,1.0154450512410191,0.0,1.1907025506077094,0.0,0.8675169519189159,66.54216803635276 +0.0,0.0,0.747,0.0,4.324383497117738e-06,0.0,0.74,154.41,2023-06-26,detroit smm food,162.1656039445881,160.32292305294044,0.0,0.0,0.0,1.3518141324791597,0.5164797311740437,0.717373715710581,1.3313378965092275,164.23992852881344 +0.857,0.0,0.747,0.0,8.648766994235475e-07,0.0,0.7010000000000001,114.10999999999999,2023-06-26,grand rapids smm food,113.45776215439113,110.01556630860257,1.5031388024393322,0.0,0.7146888802336173,0.0,0.508814217433864,0.4585275296294435,1.3513795422631298,114.55211528060195 +0.748,0.9910000000000001,0.0,0.8320000000000001,1.729753398847095e-06,0.0,0.0,90.82,2023-06-26,greensboro smm food,88.37524080145081,83.56924325587181,1.3157294658884129,1.6244569212891344,0.0,0.0,0.770937795266461,0.7444909352047953,0.0,88.02485837352062 +0.0,0.752,0.0,0.0,1.6061995846437312e-06,0.611,0.0,111.31,2023-06-26,harrisburg/lancaster smm food,86.75019927872152,85.02510769460987,1.8354522651894158,0.0,0.5805537238261349,1.2971529078377007,0.7992286760527282,0.6278047179872667,0.0,90.16529998550311 +0.0,0.0,0.5660000000000001,0.0,7.413228852201836e-07,0.0,0.0,120.87,2023-06-26,hartford/new haven smm food,113.20395039915877,112.61073024106035,1.4413130419276887,0.0,0.0,0.0,0.7720966878211565,0.7321649263437888,0.8875585976728183,116.4438634948258 +0.0,0.679,0.0,0.0,1.976861027253823e-06,0.0,0.0,159.6,2023-06-26,houston smm food,168.75079571688676,167.64644198801398,1.0297853235220618,1.6049439252376132,0.93685023303351,1.7575686077022978,0.9581583400859659,0.5842528200117102,0.0,174.51800123760714 +0.0,0.0,0.711,0.926,1.1119843278302754e-06,0.0,0.512,111.28,2023-06-26,indianapolis smm food,92.44618290274654,89.02123497580452,0.0,1.2293187512458315,0.0,1.112145685974301,0.2948544210380211,0.573570278998838,0.0,92.23112411306151 +0.0,0.65,0.0,0.0,1.2355381420336394e-07,0.0,0.5720000000000001,91.6,2023-06-26,jacksonville smm food,88.17570353705565,86.29988999004563,1.7620341745818393,1.4358312927910968,0.5239654547167282,0.0,0.15177066193594244,0.0,1.0063769260709536,91.17986850014219 +0.0,0.551,0.591,0.0,2.9652915408807343e-06,0.655,0.0,53.15,2023-06-26,kansas city smm food,82.54760018815215,80.49370051161102,0.0,1.5301441070401154,0.5606430365468992,0.0,0.308019312690658,0.6130135073540588,0.0,83.50552047524276 +0.0,0.751,0.0,0.9210000000000002,1.3590919562370033e-06,0.0,0.0,113.54000000000002,2023-06-26,knoxville smm food,72.56064280401407,69.4030183864474,1.5166631875512542,1.0732147828336625,0.8257695566335637,0.0,0.23450257010196449,0.0,0.0,73.05316848356784 +0.73,0.0,0.653,0.553,1.3590919562370033e-06,0.851,0.0,52.06,2023-06-26,las vegas smm food,77.03274859902157,73.0759844669223,1.394943721543956,0.0,0.7869961129845258,0.0,0.324709403693291,0.8143383187504991,0.0,76.39697202389458 +0.654,0.0,0.0,0.863,6.177690710168197e-07,0.0,0.0,22.21,2023-06-26,little rock/pine bluff smm food,60.78154337638588,57.70357115599228,0.0,1.250457830301646,0.0,0.0,1.2713957874375215,0.0,1.0350078485765284,61.260432622307974 +0.0,0.0,0.0,0.842,5.189260196541285e-06,0.0,0.52,213.0,2023-06-26,los angeles smm food,156.4918017598079,153.9765761946837,1.3640308412881341,0.0,0.0,1.0700985900962556,0.06627788505220478,0.590826691404247,0.0,157.06781020252456 +0.0,0.8250000000000001,0.5680000000000001,0.0,3.706614426100918e-07,0.559,0.742,71.24,2023-06-26,madison wi smm food,55.87753063346174,52.419185278171575,1.273224255536658,0.9171108144214933,0.0,2.091843019932759,0.38299064111746045,0.518514106086342,1.196772560733026,58.79964067599931 +0.0,0.0,0.0,0.773,9.884305136269115e-07,0.0,0.0,209.74,2023-06-26,miami/west palm beach smm food,185.74705627624851,184.12181433608328,0.0,1.5041267789714208,0.0,0.0,0.23374675738319803,0.0,1.3857366492698195,187.24542452170772 +0.0,0.0,0.662,0.56,3.706614426100918e-07,0.896,0.0,36.57,2023-06-26,milwaukee smm food,70.76054065429956,68.15317248002567,1.8760254205251818,1.0667104508164886,0.8383447275467651,0.0,0.17632050552799328,0.5587790683656301,0.0,72.66935265280773 +0.874,0.9440000000000001,0.727,0.9570000000000001,3.5830606118975546e-06,0.0,0.902,73.94,2023-06-26,minneapolis/st. paul smm food,93.03985591006798,85.75072244988117,0.0,0.0,0.7199285347807846,1.3917588735633029,0.18364560693881102,0.4922186205161947,0.0,88.53827408568026 +0.0,0.5690000000000001,0.0,0.0,3.706614426100918e-07,0.529,0.766,69.63,2023-06-26,mobile/pensacola smm food,69.922983315122,67.46643487620449,1.3331179610323127,0.0,0.6381899238449749,1.641939094037673,0.822296402693348,0.0,1.0550494943304307,72.95702775214323 +0.0,0.584,0.0,0.607,9.884305136269115e-07,0.0,0.709,140.52,2023-06-26,nashville smm food,98.71301766044284,95.47216793873541,0.0,1.1350059369968126,0.0,2.014055892558375,0.23792403343380825,0.6425959286204745,0.0,99.50174973034488 +0.9759999999999999,0.0,0.803,0.0,3.706614426100918e-07,0.0,0.8220000000000001,85.68,2023-06-26,new orleans smm food,63.45356807882612,59.54961731628727,1.6615673137504186,0.0,0.0,0.0,2.9557908253022225,0.0,1.2354243061155519,65.40239976145546 +0.502,0.0,0.516,0.0,8.030997923218657e-06,0.7000000000000001,0.738,342.23,2023-06-26,new york smm food,293.30507302572664,290.1617655847399,1.6654314237823962,1.562665767125984,0.0,0.0,0.4167926119472664,0.0,0.7057522397624184,294.51240762735796 +0.87,0.0,0.888,0.0,2.471076284067279e-07,0.0,0.0,150.89,2023-06-26,norfolk/portsmouth/newport news smm food,104.92142018119178,102.30993924858487,0.0,1.1610232650655075,0.5564513129091654,1.290845843455994,0.09656667287429324,0.0,1.355674180638966,106.7705005235288 +0.716,0.0,0.619,0.641,1.4826457704403671e-06,0.0,0.54,95.99,2023-06-26,oklahoma city smm food,57.76209160161892,53.609244119971564,0.9776198380903628,0.0,0.0,1.2866411338681893,0.16337647120432577,0.0,0.0,56.03688156313444 +0.988,0.767,0.9689999999999999,0.0,1.1119843278302754e-06,0.787,0.541,85.1,2023-06-26,omaha smm food,66.46905886840526,60.87622985001895,0.0,1.5252658580272354,0.6025602729242374,1.9089381528632614,0.40271386985905927,0.0,0.0,65.31570800369275 +0.878,0.8130000000000001,0.0,0.803,8.525213180032111e-06,0.668,0.686,125.81,2023-06-26,orlando/daytona beach/melborne smm food,138.85393128474186,132.61538216686213,1.4606335920875773,0.0,0.9640964366787798,1.3707353256242802,0.20261439191202954,0.0,1.2597605902452904,137.8732225034101 +0.624,0.51,0.0,0.9430000000000001,7.413228852201836e-07,0.0,0.749,60.629999999999995,2023-06-26,paducah ky/cape girardeau mo smm food,60.64900267684373,55.55925813283435,0.0,0.8992239013742657,0.7566061166109554,0.0,1.7194638962241109,0.0,1.1867517378560748,60.12130378489976 +0.0,0.0,0.0,0.0,4.69504493972783e-06,0.729,0.0,181.23,2023-06-26,philadelphia smm food,200.33736966975397,199.7377476378349,0.0,0.0,0.0,1.717623866618155,0.8043118930477884,0.4568840617813093,0.0,202.71656745928215 +0.739,0.0,0.0,0.59,3.3359529834908265e-06,0.799,0.869,121.01,2023-06-26,phoenix/prescott smm food,121.55212877799802,116.98296111946722,0.0,0.0,0.5302530401733291,0.0,0.19327069710399924,0.0,0.8088235607824877,118.51530841752704 +0.929,0.672,0.0,0.544,9.884305136269115e-07,0.893,0.51,114.5,2023-06-26,pittsburgh smm food,110.04753884802889,104.55223234884438,0.0,0.0,0.9200833384825747,0.0,0.533610776306623,0.5053663633012684,0.8846955054222608,107.3959883323571 +0.0,0.9460000000000001,0.65,0.8230000000000001,2.2239686556605507e-06,0.0,0.0,85.96,2023-06-26,portland or smm food,90.84625087788834,86.8963094792362,0.0,1.6081960912462,0.9179874766637077,0.0,0.4969069348693255,0.45441886000910797,0.0,90.37381884202453 +0.0,0.617,0.85,0.0,4.942152568134558e-07,0.0,0.767,94.07,2023-06-26,providence ri/new bedford ma smm food,86.24039756480089,83.24830635780522,0.0,1.3821705536494135,0.7345995675128529,0.0,0.7272154973048488,0.43962764937590015,1.1953410146077472,87.72726064025598 +0.0,0.0,0.0,0.805,2.2239686556605507e-06,0.0,0.0,124.56,2023-06-26,raleigh/durham/fayetteville smm food,127.02284217526991,125.33017277610136,0.0,0.0,0.5229175238072947,1.4548295173803711,4.16034426381164,0.6023309663411864,0.0,132.07059504744186 +0.682,0.751,0.0,0.623,6.795459781185017e-06,0.0,0.709,317.85,2023-06-26,rem us east north central smm food,311.3180923794689,306.4536727021249,0.0,0.0,0.0,0.0,1.2187511271756237,0.0,1.069364955583218,308.74178878488374 +0.841,0.9000000000000001,0.502,0.966,2.2239686556605507e-06,0.9700000000000001,0.5680000000000001,140.46,2023-06-26,rem us middle atlantic smm food,138.05576617703383,130.80002326169728,0.0,1.3463967275549582,0.6528609565770433,0.0,1.313177370068335,0.7822906957118821,1.3327694426345063,136.227518454244 +0.0,0.0,0.0,0.9910000000000001,8.030997923218657e-06,0.0,0.639,216.7,2023-06-26,rem us mountain smm food,176.95669179226152,173.95751153106124,1.2423113752808361,1.2276926682415379,0.0,0.0,0.829658617870191,0.0,0.9147579740531143,178.17193216650693 +0.0,0.0,0.0,0.749,2.5946300982706425e-06,0.0,0.93,147.47,2023-06-26,rem us new england smm food,151.12795167195281,148.221630613054,0.99887244326624,0.0,0.6822030220411801,1.572561385838898,0.7231466725459432,0.8143383187504991,0.9376627120575742,153.95041516755433 +0.785,0.0,0.0,0.0,4.818598753931193e-06,0.0,0.0,92.64,2023-06-26,rem us pacific smm food,106.6309006013977,105.11364420201244,0.0,0.0,0.7534623238826551,1.618813191304748,3.2367677399588035,0.6631392767221521,0.0,111.38582673388079 +0.738,0.0,0.774,0.0,7.907444109015292e-06,0.0,0.986,291.35,2023-06-26,rem us south atlantic smm food,287.32966343787086,283.6802303568146,0.0,0.0,0.6455254402110091,1.6629626419766959,3.5163311372888613,0.0,0.0,289.5050495762912 +0.6930000000000001,0.514,0.511,0.0,1.3096704305556577e-05,0.709,0.933,423.46,2023-06-26,rem us south central smm food,404.0613970526464,399.4313293612464,1.2229908251209476,1.026058375709153,0.5753140692789676,1.1647045558218578,0.986149724948858,0.0,0.0,404.4065469121262 +0.979,0.8220000000000001,0.5740000000000001,0.971,6.795459781185017e-06,0.881,0.0,168.6,2023-06-26,rem us west north central smm food,132.5503335874989,125.95452848252805,1.8219278800774938,0.0,0.5333968329016293,0.0,0.42888470281393837,0.7444909352047953,1.295549243377259,130.77877807690317 +0.0,0.786,0.0,0.0,0.0,0.0,0.0,113.13999999999999,2023-06-26,richmond/petersburg smm food,87.3461950794441,86.06809383806947,0.0,0.0,0.7104971565958834,1.7302379953815685,0.08728579767842848,0.44455805292030276,0.0,89.04067284064566 +0.0,0.656,0.0,0.0,2.7181839124740066e-06,0.0,0.0,74.55,2023-06-26,sacramento/stockton/modesto smm food,72.65412673110319,71.58708164797008,0.0,0.0,0.0,0.0,0.5841966872933141,0.6401307268482732,0.0,72.81140906211166 +0.0,0.772,0.773,0.9210000000000002,2.471076284067279e-06,0.0,0.67,68.79,2023-06-26,salt lake city smm food,88.68590462477546,83.72480907215119,1.4277886568157665,0.0,0.0,2.0371817952912994,0.19549143884157016,0.0,0.9347996198070166,88.32007058290684 +0.0,0.966,0.0,0.0,1.976861027253823e-06,0.8250000000000001,0.837,62.67,2023-06-26,san diego smm food,82.16148709603493,78.71431295071628,0.0,0.0,0.6465733711204426,1.4842624844950028,0.14729373785635863,0.0,0.0,80.99244254418808 +0.0,0.0,0.0,0.785,2.2239686556605507e-06,0.0,0.857,105.0,2023-06-26,san francisco/oakland/san jose smm food,91.7533703800739,88.87591304741949,1.1573009545773263,0.0,0.0,0.0,0.759700689968754,0.5538486648212274,0.790213461153864,92.13697681794066 +0.0,0.869,0.622,0.989,4.07727586871101e-06,0.515,0.896,158.14,2023-06-26,seattle/tacoma smm food,94.59522480099093,88.74475650580376,0.0,0.9057282333914394,0.8896933421090044,1.3560188420669643,0.19946230759506506,0.0,1.0450286714534796,93.14068790241971 +0.994,0.0,0.858,0.9510000000000001,1.729753398847095e-06,0.965,0.0,120.51000000000002,2023-06-26,st. louis smm food,93.31620653011214,87.70409353036166,0.0,1.5171354430057682,0.0,0.0,0.4589456364495282,0.7510648065973322,0.0,90.43123941641429 +0.0,0.0,0.0,0.0,1.4826457704403671e-06,0.0,0.975,136.75,2023-06-26,tampa/ft. myers smm food,174.65114361962858,173.25520362076367,1.8084034949655718,1.0894756128765968,0.0,0.0,0.16250384138593923,0.8126948509023648,0.0,177.12828142089413 +0.737,0.0,0.639,0.0,1.1119843278302754e-06,0.856,0.562,23.64,2023-06-26,tucson/sierra vista smm food,66.92386909877865,63.32224664442017,0.0,1.5545353521045173,0.6738195747657124,0.0,1.1711512011923746,0.5620660040618984,0.7343831622679932,68.01820193881267 +0.0,0.0,0.888,0.0,4.07727586871101e-06,0.712,0.0,186.68,2023-06-26,washington dc/hagerstown smm food,174.5375153336474,173.02137618365978,0.0,0.8260501661810613,0.6402857856638419,0.0,0.0803789866633861,0.5226227757066775,1.0879750552118417,176.17868895308658 +0.556,0.595,0.0,0.683,2.471076284067279e-07,0.0,0.0,53.28,2023-06-26,yakima/pasco/richland/kennewick smm food,56.99462308870869,53.51694236690935,1.5688286729829535,1.562665767125984,0.6832509529506136,0.0,0.4672425405289308,0.0,0.8918532360486545,58.69078353654648 +0.0,0.0,0.768,0.554,0.0,0.886,0.0,78.74,2023-07-03,albany/schenectady/troy smm food,85.05444019182097,82.35686844083078,0.0,1.0992321109023573,0.9997260875995174,1.1604998462340532,0.20139541764594096,0.6417741946964075,0.9476835349345254,87.40717963284358 +0.0,0.0,0.0,0.8290000000000001,0.0,0.8160000000000001,0.0,102.46,2023-07-03,albuquerque/santa fe smm food,73.20551636789658,70.79212936171284,0.0,0.0,0.6077999274714047,0.0,1.1470456580534365,0.7412039995085269,0.0,73.2881789467462 +0.68,0.9530000000000001,0.863,0.0,0.0,0.0,0.926,276.02,2023-07-03,atlanta smm food,170.34096144089642,165.2475308400832,0.0,0.0,0.0,0.0,0.67599469755017,0.6278047179872667,0.98776682644233,167.53909708206297 +0.0,0.589,0.0,0.0,0.0,0.0,0.0,112.66,2023-07-03,baltimore smm food,106.23812407974484,105.28036119021601,0.0,0.0,0.8865495493807041,0.0,0.07819368553025724,0.0,0.0,106.24510442512697 +0.0,0.0,0.596,0.995,0.0,0.0,0.0,48.91,2023-07-03,baton rouge smm food,53.34465174539706,50.62824190344196,1.367894951320112,1.0862234468680099,0.8016671457165941,0.0,0.1855914938599579,0.41826256735015543,0.9204841585542293,55.40836566711102 +0.723,0.616,0.0,0.741,0.0,0.0,0.76,63.669999999999995,2023-07-03,birmingham/anniston/tuscaloosa smm food,67.31987976825306,62.27551690355495,0.0,1.3805444706451202,0.0,1.8248439611071705,1.5577450718318433,0.6236960483669312,1.4029152027731644,69.06526165827918 +0.0,0.0,0.655,0.0,0.0,0.0,0.0,186.52,2023-07-03,boston/manchester smm food,184.03068611183534,183.34429136615643,0.0,1.4504660398297375,0.8917892039278713,0.0,0.1561896337825116,0.8011905759654254,0.0,186.64392681966197 +0.745,0.864,0.557,0.0,0.0,0.768,0.671,52.79,2023-07-03,buffalo smm food,68.98286663070463,63.96319330778341,1.3852834464640116,0.0,0.0,0.0,0.7031139089114705,0.5456313255805564,0.0,66.59722198873945 +0.0,0.856,0.579,0.0,0.0,0.0,0.5750000000000001,169.78,2023-07-03,charlotte smm food,129.9227033363772,127.1008852661048,0.0,0.8536935772540496,0.5637868292751995,1.6209155460986504,0.885135180164287,0.0,0.0,131.024416398897 +0.0,0.0,0.0,0.0,0.0,0.726,0.912,186.07,2023-07-03,chicago smm food,179.02500459297795,177.12285569785104,0.0,0.0,0.0,0.0,0.41405121274615403,0.7116215782421111,0.9734513651895427,179.22197985402883 +0.923,0.76,0.858,0.73,0.0,0.686,0.73,147.9,2023-07-03,cleveland/akron/canton smm food,138.15276637646573,131.09107465023894,0.0,0.8732065733055707,0.0,0.0,0.9227502862419811,0.41004522810948446,0.0,133.29707673789596 +0.925,0.8130000000000001,0.659,0.778,0.0,0.0,0.0,123.75999999999999,2023-07-03,columbus oh smm food,109.35610956089774,103.92073468964487,1.4529053720236218,0.954510723520242,0.0,1.196239877730392,0.9075999602125968,0.0,1.2883915127508654,109.72038213588259 +0.9689999999999999,0.0,0.726,0.599,0.0,0.525,0.0,110.55,2023-07-03,dallas/ft. worth smm food,109.60083716374311,105.27715718131851,1.176621504737215,0.9691454705588829,0.0,0.0,0.07357469482170825,0.0,0.0,107.49649885143631 +0.739,0.8150000000000001,0.0,0.9440000000000001,0.0,0.0,0.0,32.58,2023-07-03,des moines/ames smm food,67.14596659454446,62.408297363785806,0.0,1.2179361702157774,0.5816016547355684,1.5410260639303641,1.2451479890498198,0.0,0.8302967526616687,67.824305994379 +0.756,0.0,0.0,0.0,0.0,0.967,0.752,166.57,2023-07-03,detroit smm food,163.6546960358105,160.32292305294044,1.217194660072981,0.0,1.0395474621579888,1.3413023585096484,0.541660812999719,0.0,1.2769391437486353,165.7395674904294 +0.59,0.0,0.0,0.762,0.0,0.0,0.664,184.94,2023-07-03,grand rapids smm food,113.7080197481746,110.01556630860257,1.2635639804567136,0.0,1.0007740185089509,1.4190894858840324,0.5318031533744798,0.0,0.8388860294133411,115.06968297624009 +0.0,0.0,0.68,0.876,0.0,0.0,0.0,99.89,2023-07-03,greensboro smm food,86.12349907374494,83.56924325587181,0.0,0.8618239922755168,0.0,1.244594037990144,0.7985522624563598,0.6417741946964075,0.795939645654979,87.91192738894522 +0.0,0.655,0.9140000000000001,0.0,0.0,0.791,0.548,103.71,2023-07-03,harrisburg/lancaster smm food,88.48247972423407,85.02510769460987,1.5920133331748196,0.821171917168181,0.7859481820750922,1.408577711914521,0.8590639763764018,0.6294481858354009,0.0,91.12133100115429 +0.0,0.8260000000000001,0.0,0.848,0.0,0.0,0.0,129.45,2023-07-03,hartford/new haven smm food,115.73667166783585,112.61073024106035,1.8740933655091931,0.0,0.0,0.0,0.8259828339777157,0.0,0.9419573504334104,116.25276379098067 +0.515,0.528,0.81,0.0,0.0,0.895,0.0,177.55,2023-07-03,houston smm food,171.08429804619632,167.64644198801398,0.0,0.8455631622325824,0.5218695928978613,2.0392841500852024,0.9825040579648783,0.5743920129229051,0.9090317895519994,173.5190867536694 +0.9770000000000001,0.0,0.507,0.707,0.0,0.8160000000000001,0.0,98.81,2023-07-03,indianapolis smm food,93.59705341883605,89.02123497580452,1.257767815408747,1.1870405931342023,0.9609526439504795,0.0,0.3013999812567121,0.0,0.7286569777668782,93.45705298732153 +0.551,0.0,0.0,0.0,0.0,0.9580000000000001,0.764,135.14,2023-07-03,jacksonville smm food,89.24537464282473,86.29988999004563,0.9776198380903628,0.9431281424901881,0.6161833747468723,2.098150084314466,0.1688557711777858,0.0,1.2354243061155519,92.33925150698086 +0.799,0.922,0.546,0.882,0.0,0.645,0.542,95.13,2023-07-03,kansas city smm food,87.26902458504149,80.49370051161102,1.0626302587938723,0.0,0.0,0.0,0.3231758750495794,0.0,0.0,81.87950664545447 +0.0,0.0,0.836,0.731,0.0,0.524,0.87,61.68,2023-07-03,knoxville smm food,73.49194368628,69.4030183864474,1.0355814885700283,0.0,0.0,0.0,0.24724734609164442,0.7674994850786742,1.3928943798962132,72.84624108608396 +0.503,0.9619999999999999,0.0,0.847,0.0,0.9540000000000001,0.538,103.14,2023-07-03,las vegas smm food,78.94690047949018,73.0759844669223,1.707936634134151,1.3512749765678387,0.7073533638675831,1.3749400352120849,0.34495374621522656,0.7724298886230768,0.9147579740531143,80.24963108559538 +0.863,0.0,0.0,0.975,0.0,0.966,0.0,75.2,2023-07-03,little rock/pine bluff smm food,62.214525529494196,57.70357115599228,1.3833513914480229,1.3594053915893056,0.0,0.0,1.359974178491695,0.8151600526745661,0.0,62.62146217019587 +0.757,0.901,0.67,0.9440000000000001,0.0,0.0,0.0,174.0,2023-07-03,los angeles smm food,159.5909792634198,153.9765761946837,0.0,1.2130579212028971,0.7513664620637882,2.007748828176668,0.07591103681411161,0.6582088731777496,0.0,158.6828693161189 +0.0,0.904,0.531,0.0,0.0,0.0,0.0,36.58,2023-07-03,madison wi smm food,54.44561562696199,52.419185278171575,1.2152626050569921,0.0,0.7775647347996246,0.0,0.4598657232146354,0.47331874026265136,0.0,55.34519708150548 +0.0,0.0,0.0,0.0,0.0,0.843,0.8180000000000001,395.52,2023-07-03,miami/west palm beach smm food,185.98554076454985,184.12181433608328,0.0,0.8504414112454628,0.6423816474827088,0.0,0.25148881070480633,0.0,1.1395107157218765,187.00563692123814 +0.0,0.0,0.802,0.0,0.0,0.9430000000000001,0.0,55.05,2023-07-03,milwaukee smm food,69.76850815978658,68.15317248002567,1.4509733170076329,0.0,0.8226257639052633,1.7954109939925387,0.20350497019103486,0.7518865405213992,0.0,73.17757406564354 +0.555,0.762,0.978,0.779,0.0,0.639,0.746,76.53,2023-07-03,minneapolis/st. paul smm food,92.31772043383918,85.75072244988117,0.0,1.5171354430057682,0.7146888802336173,0.0,0.19347360597234992,0.6089048377337233,0.0,88.78492521682662 +0.6880000000000001,0.647,0.577,0.0,0.0,0.767,0.598,70.18,2023-07-03,mobile/pensacola smm food,71.93875506840193,67.46643487620449,1.4046039966239003,1.5203876090143553,0.5113902838035266,2.0750241815815405,0.8311805864884193,0.7716081546990098,0.0,74.58062968841524 +0.0,0.594,0.8220000000000001,0.0,0.0,0.659,0.0,146.32,2023-07-03,nashville smm food,97.84098310680022,95.47216793873541,0.0,0.0,0.0,0.0,0.2473904774597988,0.7412039995085269,0.0,96.46076241570374 +0.932,0.0,0.731,0.553,0.0,0.9980000000000001,0.0,69.54,2023-07-03,new orleans smm food,64.09902274323166,59.54961731628727,0.0,0.0,1.0374516003391216,0.0,3.137787911764883,0.0,1.3814420108939833,65.10629883928526 +0.0,0.0,0.517,0.0,0.0,0.6920000000000001,0.0,291.04,2023-07-03,new york smm food,291.2721857403714,290.1617655847399,1.1746894497212261,0.0,0.5344447638110628,1.6377343844498686,0.4342135703505177,0.7510648065973322,0.9204841585542293,295.61439671822416 +0.0,0.0,0.546,0.811,0.0,0.756,0.0,111.86,2023-07-03,norfolk/portsmouth/newport news smm food,105.208350109585,102.30993924858487,0.0,1.4049357157095217,0.0,1.3118693913950166,0.11178012272704003,0.0,1.2998438817530953,106.43836836016955 +0.0,0.0,0.739,0.78,0.0,0.922,0.0,53.85,2023-07-03,oklahoma city smm food,56.781140479276544,53.609244119971564,0.0,0.0,0.0,0.0,0.17496326727290115,0.6532784696333469,1.2368558522408306,55.67434170911864 +0.0,0.0,0.533,0.887,0.0,0.0,0.0,70.61,2023-07-03,omaha smm food,63.299565726938305,60.87622985001895,1.8354522651894158,0.0,0.5941768256487698,0.0,0.43551422532298134,0.4938620883643289,0.0,64.23523525454445 +0.6950000000000001,0.0,0.0,0.0,0.0,0.904,0.982,322.89,2023-07-03,orlando/daytona beach/melborne smm food,136.10678616535475,132.61538216686213,0.0,0.0,0.0,0.0,0.21332384288866593,0.0,1.4129360256501156,134.2416420354009 +0.843,0.0,0.551,0.0,0.0,0.0,0.0,40.75,2023-07-03,paducah ky/cape girardeau mo smm food,57.7653904424108,55.55925813283435,0.0,1.5610396841216907,0.8624471384637347,1.1773186845852714,1.8004592147724723,0.0,0.0,60.96052285477752 +0.7030000000000001,0.0,0.584,0.624,0.0,0.0,0.0,183.44,2023-07-03,philadelphia smm food,203.01984335657923,199.7377476378349,0.0,1.0634582848079017,0.0,0.0,0.8575537198892551,0.0,0.0,201.65875964253206 +0.881,0.0,0.898,0.0,0.0,0.629,0.918,148.82,2023-07-03,phoenix/prescott smm food,121.45717352646874,116.98296111946722,1.2500395953447916,1.372414055623653,0.9389460948523769,0.0,0.2259717276121245,0.6105483055818575,0.0,121.38088089848202 +0.6880000000000001,0.994,0.0,0.0,0.0,0.767,0.0,122.33,2023-07-03,pittsburgh smm food,108.12808262587185,104.55223234884438,1.244243430296825,0.0,0.0,1.6314273200681617,0.5780023389014759,0.0,0.795939645654979,108.80184508376583 +0.992,0.724,0.871,0.0,0.0,0.869,0.986,63.25000000000001,2023-07-03,portland or smm food,93.02853123186128,86.8963094792362,1.91273446582897,0.0,0.0,0.0,0.5175724577934074,0.7091563764699099,0.0,90.03577277932848 +0.0,0.853,0.0,0.909,0.0,0.0,0.551,131.65,2023-07-03,providence ri/new bedford ma smm food,87.33517758315325,83.24830635780522,0.0,0.9008499843785591,0.7702292184335904,0.0,0.7502135595813723,0.5612442701378314,1.0464602175787583,87.27730360791533 +0.0,0.0,0.8280000000000001,0.863,0.0,0.806,0.0,132.23,2023-07-03,raleigh/durham/fayetteville smm food,128.67450929904803,125.33017277610136,0.0,0.0,0.0,1.6461438036254776,4.325663579825143,0.6853260926719639,0.850338398415571,132.83764465063953 +0.923,0.905,0.641,0.708,0.0,0.0,0.0,401.24,2023-07-03,rem us east north central smm food,311.8687555077978,306.4536727021249,1.3756231713840674,1.4829876999156062,0.0,1.7954109939925387,1.30046377572634,0.5160489043141406,0.9462519888092467,313.8704592362668 +0.993,0.646,0.641,0.0,0.0,0.561,0.631,121.67,2023-07-03,rem us middle atlantic smm food,135.80502556274715,130.80002326169728,1.0278532685060728,1.3171272334776767,0.6444775093015757,1.789103929610832,1.386315826033649,0.0,0.0,136.96490102862708 +0.0,0.0,0.9700000000000001,0.0,0.0,0.0,0.9280000000000002,186.76,2023-07-03,rem us mountain smm food,176.3024793174704,173.95751153106124,1.5437119577750982,0.8715804903012774,0.0,0.0,0.8902593135653342,0.7132650460902454,1.115174431592138,179.09150277038535 +0.785,0.0,0.8220000000000001,0.0,0.0,0.0,0.608,191.62,2023-07-03,rem us new england smm food,151.47007305232904,148.221630613054,0.0,0.0,0.9567609203127455,1.9152452172449683,0.80246715634962,0.7132650460902454,0.8002342840308153,153.4096032370824 +0.0,0.0,0.0,0.0,0.0,0.0,0.55,113.65,2023-07-03,rem us pacific smm food,105.90099457091574,105.11364420201244,1.9301229609728698,0.0,0.6287585456600738,1.0785080092718646,3.3660241875269357,0.5530269308971604,0.0,112.67008483634135 +0.0,0.502,0.85,0.0,0.0,0.9560000000000002,0.614,420.69,2023-07-03,rem us south atlantic smm food,287.0518122503176,283.6802303568146,1.8586369253812818,1.4992485299585405,0.8687347239203353,0.0,3.7481855489215716,0.6795739552034943,0.921915704679508,293.25652574487935 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,476.72,2023-07-03,rem us south central smm food,399.4313293612464,399.4313293612464,0.0,1.3659097236064792,1.0280202221542207,1.9951346994132548,1.0808654247954455,0.0,1.0908381474623992,405.9920975786782 +0.9700000000000001,0.0,0.0,0.96,0.0,0.0,0.0,128.16,2023-07-03,rem us west north central smm food,129.84688245018341,125.95452848252805,1.1147957442255714,0.0,0.8152902475392291,0.0,0.44084902497790074,0.5226227757066775,1.2039302913594196,130.05201656633685 +0.0,0.0,0.0,0.937,0.0,0.0,0.794,144.66,2023-07-03,richmond/petersburg smm food,89.17464790342721,86.06809383806947,1.0008044982822288,1.512257193992888,0.6119916511091384,0.0,0.10911066947400104,0.7494213387491979,0.8904216899233758,90.9421008796003 +0.0,0.0,0.9380000000000001,0.781,0.0,0.9530000000000001,0.0,81.27,2023-07-03,sacramento/stockton/modesto smm food,74.99509236469228,71.58708164797008,1.8373843202054048,0.0,0.0,1.2340822640206326,0.6189847587179607,0.0,1.3971890182720492,76.67472200918613 +0.713,0.663,0.88,0.0,0.0,0.71,0.0,116.03000000000002,2023-07-03,salt lake city smm food,87.68606761678687,83.72480907215119,0.0,1.6130743402590804,0.0,1.2950505530437983,0.21038637957113382,0.5456313255805564,1.3857366492698195,88.77468831987558 +0.9580000000000001,0.904,0.668,0.0,0.0,0.0,0.803,92.39,2023-07-03,san diego smm food,83.88475007801523,78.71431295071628,1.6654314237823962,0.8699544072969839,1.042691254886289,0.0,0.16385895016265284,0.0,1.196772560733026,83.65302154757762 +0.75,0.657,0.555,0.9490000000000002,0.0,0.835,0.0,90.82,2023-07-03,san francisco/oakland/san jose smm food,94.65617502397677,88.87591304741949,1.0104647733621732,1.1496406840354534,0.7513664620637882,0.0,0.8071234129297926,0.645882864316743,0.0,93.24039124412744 +0.527,0.0,0.0,0.806,0.0,0.663,0.948,111.74,2023-07-03,seattle/tacoma smm food,93.35936278153585,88.74475650580376,1.6519070386704742,0.0,0.53968441835823,0.0,0.22575999661906293,0.7272345227993862,0.8231390220352751,92.71248150428619 +0.635,0.844,0.0,0.0,0.0,0.0,0.0,93.18,2023-07-03,st. louis smm food,90.30336252113824,87.70409353036166,1.095475194065683,1.3285098145077305,0.0,0.0,0.47869609209325187,0.0,0.0,90.60677463102833 +0.0,0.98,0.854,0.51,0.0,0.905,0.0,454.34,2023-07-03,tampa/ft. myers smm food,177.55956810779827,173.25520362076367,0.0,1.0764669488422491,0.0,0.0,0.17304977884422706,0.6516350017852127,0.9834721880664938,176.13982753830186 +0.762,0.0,0.0,0.982,0.0,0.0,0.8160000000000001,63.75,2023-07-03,tucson/sierra vista smm food,68.02712661244317,63.32224664442017,1.1630971196252928,0.0,0.0,0.0,1.2064206868361587,0.46674486887011457,0.0,66.15850931975173 +0.974,0.9390000000000001,0.553,0.656,0.0,0.0,0.719,193.89,2023-07-03,washington dc/hagerstown smm food,179.41802191205645,173.02137618365978,1.3389141260802793,0.0,1.0479309094334563,1.7954109939925387,0.08590772095634681,0.4881099508958592,0.9963561031940026,178.77400598821225 +0.8160000000000001,0.0,0.528,0.729,0.0,0.0,0.9070000000000001,61.28,2023-07-03,yakima/pasco/richland/kennewick smm food,58.477835760519696,53.51694236690935,1.1051354691456274,1.409813964722402,0.6193271674751727,0.0,0.2874689337046133,0.6368437911520048,0.7587194463977318,58.3342511395069 +0.885,0.7020000000000001,0.0,0.901,0.0,0.501,0.663,48.46,2023-07-10,albany/schenectady/troy smm food,88.46327284531827,82.35686844083078,0.0,0.0,0.0,0.0,0.1647496805472566,0.44455805292030276,0.0,82.96617617429834 +0.0,0.0,0.0,0.0,0.0,0.0,0.884,59.78000000000001,2023-07-10,albuquerque/santa fe smm food,72.05761613645925,70.79212936171284,1.5012067474233433,0.0,0.0,1.4211918406779347,0.8728345525221213,0.0,1.179594007229681,75.76695650956592 +0.517,0.0,0.0,0.0,0.0,0.0,0.0,167.83,2023-07-10,atlanta smm food,166.24640328334942,165.2475308400832,1.0452417636499727,1.0667104508164886,0.0,0.0,0.5355545337493914,0.0,0.0,167.89503758829903 +0.0,0.0,0.0,0.0,0.0,0.0,0.9540000000000001,109.78,2023-07-10,baltimore smm food,106.64605619373194,105.28036119021601,1.572692783014931,1.1447624350225731,0.0,0.0,0.07052999705725918,0.7453126691288625,0.0,108.81365907443964 +0.582,0.922,0.837,0.888,0.0,0.9339999999999999,0.746,25.29,2023-07-10,baton rouge smm food,57.83138857542363,50.62824190344196,0.0,1.5025006959671274,0.0,2.0371817952912994,0.16528752594342447,0.0,1.4129360256501156,55.74614794629393 +0.521,0.96,0.89,0.605,0.0,0.0,0.0,38.72,2023-07-10,birmingham/anniston/tuscaloosa smm food,67.04774041071349,62.27551690355495,1.7890829448056833,0.0,0.0,0.0,1.1365862686806747,0.6236960483669312,0.0,65.82488216540824 +0.0,0.857,0.737,0.0,0.0,0.491,0.712,223.37,2023-07-10,boston/manchester smm food,186.93290177900377,183.34429136615643,1.3022050807764909,0.0,0.9190354075731412,0.0,0.13987159307372102,0.41744083342608834,1.1681416382274512,187.29098591923332 +0.805,0.614,0.9759999999999999,0.0,0.0,0.0,0.0,68.83,2023-07-10,buffalo smm food,67.53969312789766,63.96319330778341,1.7678303396298058,0.0,0.0,0.0,0.5825655068553888,0.0,1.1380791695965977,67.4516683238652 +0.0,0.7010000000000001,0.852,0.844,0.0,0.626,0.915,133.75,2023-07-10,charlotte smm food,132.73226417410135,127.1008852661048,0.0,0.0,0.8393926584561986,1.820639251519366,0.9336001306859993,0.0,1.0350078485765284,131.72952515534288 +0.739,0.0,0.764,0.633,0.0,0.727,0.0,190.8,2023-07-10,chicago smm food,181.27945471681087,177.12285569785104,1.518595242567243,1.045571371760674,0.5491157965431311,1.5073883872279277,0.36346089069710763,0.6680696802665548,0.0,182.7750570669137 +0.0,0.781,0.719,0.9210000000000002,0.0,0.0,0.0,144.79,2023-07-10,cleveland/akron/canton smm food,135.05077656565877,131.09107465023894,0.0,1.372414055623653,0.0,1.7806945104352228,0.5807692918431302,0.0,1.3155908891311614,136.1405433972721 +0.0,0.664,0.0,0.0,0.0,0.0,0.9500000000000001,106.78,2023-07-10,columbus oh smm food,106.3604226235105,103.92073468964487,1.0297853235220618,0.0,0.0,1.0827127188596692,0.6856130950690258,0.0,1.2039302913594196,107.92277611845505 +0.973,0.0,0.0,0.0,0.0,0.856,0.0,154.23,2023-07-10,dallas/ft. worth smm food,107.86045095087712,105.27715718131851,0.0,0.0,0.0,1.3980659379450098,0.06872526413148668,0.6606740749499509,0.8574961290419647,108.26211858738692 +0.673,0.518,0.5660000000000001,0.8180000000000001,0.0,0.8270000000000001,0.5690000000000001,36.02,2023-07-10,des moines/ames smm food,68.3578602024088,62.408297363785806,1.9320550159888588,0.988658466610404,0.0,0.0,0.8851030858830115,0.630269919759468,0.8546330367914072,67.69901688881896 +0.0,0.0,0.6880000000000001,0.0,0.0,0.898,0.0,204.33,2023-07-10,detroit smm food,161.7818165824429,160.32292305294044,0.0,0.0,0.0,0.0,0.3430770673413807,0.5234445096307446,1.3313378965092275,162.52078252642178 +0.0,0.0,0.643,0.649,0.0,0.881,0.0,109.48,2023-07-10,grand rapids smm food,112.77776173171398,110.01556630860257,0.0,0.0,0.0,0.0,0.405445230090673,0.742025733432594,1.0564810404557095,112.21951831258156 +0.71,0.8160000000000001,0.0,0.0,0.0,0.842,0.622,86.17,2023-07-10,greensboro smm food,87.85020770271521,83.56924325587181,0.9582992879304739,1.395179217683761,0.0,1.8689934117791183,0.5051025366201515,0.0,1.1466684463482701,89.44348615623359 +0.863,0.835,0.0,0.6880000000000001,0.0,0.0,0.0,97.01,2023-07-10,harrisburg/lancaster smm food,89.49667058019803,85.02510769460987,0.9756877830743736,1.4943702809456603,0.0,1.2929481982498963,0.6189789787052189,0.8184469883708346,1.0951327858382354,91.3206727097941 +0.0,0.0,0.0,0.0,0.0,0.9440000000000001,0.0,135.85,2023-07-10,hartford/new haven smm food,113.3864470653797,112.61073024106035,1.1650291746412818,0.0,0.987150916686316,0.0,0.6831432043611714,0.0,0.0,115.44605353674912 +0.0,0.0,0.716,0.516,0.0,0.509,0.0,184.85,2023-07-10,houston smm food,169.89983816017204,167.64644198801398,1.7311212943260175,1.577300514164625,0.9441857493995441,0.0,0.6354591639819719,0.7527082744454664,0.0,173.2872169843316 +0.0,0.72,0.734,0.681,0.0,0.0,0.0,78.81,2023-07-10,indianapolis smm food,92.39289964106739,89.02123497580452,1.7562380095338728,0.0,0.0,1.143681007882835,0.22011550996567125,0.7979036402691569,0.0,92.93917314345606 +0.673,0.0,0.72,0.894,0.0,0.0,0.618,97.01,2023-07-10,jacksonville smm food,91.11887396176911,86.29988999004563,0.0,1.0553278697864346,0.6916344002260812,1.0848150736535715,0.1477865599953812,0.6352003233038707,1.1996356529835834,91.11428986999455 +0.541,0.0,0.0,0.812,0.0,0.0,0.789,98.67,2023-07-10,kansas city smm food,84.37554426075457,80.49370051161102,1.190145889849137,1.1951710081556695,0.0,1.4127824215023257,0.2274724014465679,0.0,0.0,84.51927223256473 +0.0,0.841,0.9980000000000001,0.0,0.0,0.0,0.0,83.39,2023-07-10,knoxville smm food,71.81638924067275,69.4030183864474,0.0,1.4976224469542472,0.5795057929167015,1.6987026734730344,0.20442596958973291,0.0,0.7930765534044215,74.17635182278553 +0.0,0.0,0.545,0.0,0.0,0.9059999999999999,0.0,72.78,2023-07-10,las vegas smm food,74.39159774776832,73.0759844669223,1.0780866989217832,0.0,1.0259243603353538,1.6209155460986504,0.22300627686447505,0.0,0.0,77.02391734914256 +0.0,0.912,0.723,0.8230000000000001,0.0,0.71,0.0,69.36,2023-07-10,little rock/pine bluff smm food,62.257881984897494,57.70357115599228,0.0,0.8699544072969839,0.7691812875241569,1.99092998982545,1.2862326238284723,0.5407009220361538,1.382873557019262,64.54344394352276 +0.893,0.941,0.0,0.0,0.0,0.879,0.0,187.3,2023-07-10,los angeles smm food,157.95434955025684,153.9765761946837,0.0,0.0,0.0,1.3938612283572052,0.10508017532590833,0.4560623278572422,1.3485164500125726,157.28009637623663 +0.5700000000000001,0.0,0.8230000000000001,0.52,0.0,0.988,0.595,75.1,2023-07-10,madison wi smm food,57.1397713300973,52.419185278171575,1.682819918926296,0.0,0.7775647347996246,0.0,0.3783395561276357,0.4609927314016448,0.0,55.718902219426774 +0.0,0.627,0.686,0.0,0.0,0.0,0.687,125.86,2023-07-10,miami/west palm beach smm food,186.84372117171313,184.12181433608328,0.0,1.4553442888426178,0.0,1.7954109939925387,0.37054825105752653,0.48646648304772494,1.1710047304780087,189.4005890835017 +0.9390000000000001,0.5730000000000001,0.0,0.759,0.0,0.645,0.0,48.72,2023-07-10,milwaukee smm food,73.02482337109446,68.15317248002567,0.0,0.0,0.0,0.0,0.18673897849476848,0.0,0.8861270515475396,69.22603851006798 +0.774,0.0,0.686,0.0,0.0,0.0,0.715,84.28,2023-07-10,minneapolis/st. paul smm food,88.98856911570219,85.75072244988117,1.6325864885105856,0.0,0.7786126657090581,0.0,0.15792880919534624,0.0,0.0,88.31985041329615 +0.0,0.0,0.882,0.0,0.0,0.765,0.0,54.99,2023-07-10,mobile/pensacola smm food,69.01933639023612,67.46643487620449,1.9301229609728698,0.0,0.0,0.0,0.5742296637427794,0.6499915339370785,0.9591359039367553,71.57991493879398 +0.615,0.805,0.732,0.577,0.0,0.0,0.0,80.27,2023-07-10,nashville smm food,99.94952273381166,95.47216793873541,0.0,1.4553442888426178,0.0,1.8479698638400954,0.19914516742226812,0.42565817266675937,1.1939094684824685,100.59419489998962 +0.502,0.517,0.808,0.0,0.0,0.618,0.885,27.89,2023-07-10,new orleans smm food,63.98167190830077,59.54961731628727,1.831588155157438,1.5951874272118527,0.8949329966561717,1.221468135257219,2.6405419335165816,0.0,0.7572879002724531,68.49062386435898 +0.761,0.9380000000000001,0.867,0.982,0.0,0.0,0.0,309.09,2023-07-10,new york smm food,296.13039381602545,290.1617655847399,0.0,1.14801460103116,0.9326585093957762,0.0,0.37271164898447656,0.0,1.1166059777174167,293.7317563218687 +0.577,0.0,0.855,0.889,0.0,0.0,0.873,91.86,2023-07-10,norfolk/portsmouth/newport news smm food,107.4394490995235,102.30993924858487,0.0,1.4228226287567494,0.564834760184633,0.0,0.10309519726595627,0.46921007064231585,0.98776682644233,105.85766873187686 +0.0,0.0,0.5660000000000001,0.0,0.0,0.0,0.512,47.6,2023-07-10,oklahoma city smm food,54.935324630853614,53.609244119971564,1.0201250484421174,1.1398841860096929,0.5962726874676367,1.4211918406779347,0.10885117732302187,0.0,0.0,57.89556905989197 +0.0,0.0,0.0,0.78,0.0,0.892,0.919,18.31,2023-07-10,omaha smm food,64.56464413866175,60.87622985001895,0.0,1.0130497116748054,0.0,0.0,0.3812683494260553,0.0,0.0,62.27054791111981 +0.681,0.0,0.752,0.0,0.0,0.596,0.6890000000000001,113.04,2023-07-10,orlando/daytona beach/melborne smm food,136.19524437570553,132.61538216686213,0.0,1.54640493708305,0.7000178475015488,1.4506248077925665,0.14040746109710883,0.4125104298816857,1.272644505372799,138.1379921555909 +0.9420000000000002,0.785,0.722,0.0,0.0,0.6910000000000001,0.58,98.56,2023-07-10,paducah ky/cape girardeau mo smm food,60.810450127069196,55.55925813283435,1.0104647733621732,1.4211965457524558,0.0,0.0,1.335196937029941,0.502901161529067,1.2654867747464054,61.09450432525439 +0.0,0.0,0.863,0.785,0.0,0.0,0.0,172.44,2023-07-10,philadelphia smm food,202.29246052588925,199.7377476378349,1.603605663270753,0.9691454705588829,0.5805537238261349,1.149988072264542,0.6611420421769792,0.7395605316603928,0.801665830156094,206.2434089717487 +0.853,0.0,0.5680000000000001,0.0,0.0,0.753,0.579,134.61,2023-07-10,phoenix/prescott smm food,120.67385965602284,116.98296111946722,0.0,0.0,0.0,1.967804087092525,0.22517925744412828,0.7765385582434123,1.1767309149791236,121.12921393722641 +0.5750000000000001,0.904,0.0,0.71,0.0,0.0,0.0,96.32,2023-07-10,pittsburgh smm food,108.62581492258984,104.55223234884438,1.6924801940062402,0.0,0.7377433602411533,0.0,0.40991120256716745,0.542344389884288,0.0,107.93471149554324 +0.8130000000000001,0.684,0.0,0.516,0.0,0.79,0.794,127.24999999999999,2023-07-10,portland or smm food,92.44994347930975,86.8963094792362,0.0,0.0,0.8938850657467382,1.2572081667535575,0.38670232193117315,0.0,1.1667100921021725,90.60081512576984 +0.0,0.547,0.862,0.0,0.0,0.0,0.0,58.38999999999999,2023-07-10,providence ri/new bedford ma smm food,85.04109020508537,83.24830635780522,1.6190621033986636,1.167527597082681,0.0,1.8164345419315615,0.623535301907201,0.0,0.0,88.47486590212533 +0.677,0.9430000000000001,0.0,0.0,0.0,0.659,0.5700000000000001,113.55,2023-07-10,raleigh/durham/fayetteville smm food,129.52907424234365,125.33017277610136,1.8779574755411708,0.0,0.5365406256299297,1.0722009448901577,2.8990259285891375,0.0,0.0,131.71589775075176 +0.0,0.0,0.0,0.931,0.0,0.0,0.9580000000000001,399.94,2023-07-10,rem us east north central smm food,309.78238620326493,306.4536727021249,1.6924801940062402,1.0309366247220333,0.5711223456412338,0.0,0.8897775951349998,0.0,1.0364393947018071,311.6744288563312 +0.0,0.0,0.0,0.629,0.0,0.512,0.792,141.74,2023-07-10,rem us middle atlantic smm food,133.67691672740492,130.80002326169728,1.2017382199450701,1.0634582848079017,0.70944922568645,1.3959635831511075,0.978429453193231,0.0,0.0,136.14906202848104 +0.744,0.6940000000000001,0.577,0.0,0.0,0.554,0.898,174.38,2023-07-10,rem us mountain smm food,178.86888721711318,173.95751153106124,1.393011666527967,0.0,0.9410419566712438,1.9404734747717955,0.6196094564108513,0.0,1.0435971253282008,179.8952452107713 +0.0,0.0,0.0,0.604,0.0,0.0,0.0,128.74,2023-07-10,rem us new england smm food,149.49145290857098,148.221630613054,1.3717590613520896,1.3821705536494135,0.9546650584938787,1.564151966663289,0.6514381613117868,0.6195873787465956,1.377147372518147,156.1425501657892 +0.786,0.0,0.606,0.0,0.0,0.0,0.501,125.46999999999998,2023-07-10,rem us pacific smm food,107.98449018446101,105.11364420201244,0.0,0.8488153282411693,0.0,1.198342232524294,2.652860053302571,0.6812174230516285,0.0,110.4948792391321 +0.652,0.728,0.538,0.519,0.0,0.753,0.8320000000000001,292.94,2023-07-10,rem us south atlantic smm food,289.58843964272984,283.6802303568146,1.4529053720236218,1.1740319290998549,0.0,0.0,2.8982317852595583,0.0,0.7758979999010767,289.9812974430987 +0.741,0.988,0.841,0.729,0.0,0.0,0.9199999999999999,426.53,2023-07-10,rem us south central smm food,406.20050111118076,399.4313293612464,1.9088703557969924,0.9333716444644277,0.0,0.0,0.8358564646907937,0.0,0.0,403.1094278261986 +0.0,0.898,0.0,0.0,0.0,0.0,0.0,142.52,2023-07-10,rem us west north central smm food,127.41475102038355,125.95452848252805,1.7407815694059618,0.0,0.0,1.4422153886169575,0.3523707194075164,0.67793048735536,0.0,130.16782664731383 +0.0,0.0,0.8130000000000001,0.684,0.0,0.0,0.737,91.88,2023-07-10,richmond/petersburg smm food,89.41312184079845,86.06809383806947,1.1785535597532037,0.8471892452368759,0.8634950693731681,0.0,0.13935534667253502,0.0,0.0,89.09668705910525 +0.757,0.964,0.0,0.0,0.0,0.667,0.0,50.98,2023-07-10,sacramento/stockton/modesto smm food,75.16528783856526,71.58708164797008,1.1998061649290812,1.048823537769261,0.6968740547732485,1.6146084817169435,0.38901037228226226,0.502901161529067,0.7386778006438294,77.77778322161377 +0.0,0.0,0.948,0.68,0.0,0.878,0.0,86.47,2023-07-10,salt lake city smm food,86.86933121947857,83.72480907215119,0.0,0.0,1.0311640148825212,0.0,0.19681749544897723,0.5867180217839115,0.0,85.5395086042666 +0.0,0.0,0.0,0.891,0.0,0.71,0.0,78.65,2023-07-10,san diego smm food,81.17094215817085,78.71431295071628,1.2983409707445133,0.0,0.5533075201808649,1.5683566762510937,0.21299012320563646,0.5456313255805564,0.0,82.89293956667895 +0.955,0.676,0.5750000000000001,0.0,0.0,0.0,0.0,74.45,2023-07-10,san francisco/oakland/san jose smm food,92.42281797151546,88.87591304741949,1.2152626050569921,1.1496406840354534,0.0,0.0,0.5358946418675564,0.6713566159628231,0.0,92.44806759434232 +0.62,0.659,0.0,0.0,0.0,0.0,0.705,105.56,2023-07-10,seattle/tacoma smm food,92.02345933386772,88.74475650580376,1.7021404690861845,0.0,0.0,0.0,0.19846768908671053,0.0,0.0,90.64536466397666 +0.9380000000000001,0.0,0.51,0.9059999999999999,0.0,0.9829999999999999,0.0,85.08,2023-07-10,st. louis smm food,92.7633037898037,87.70409353036166,0.0,0.0,0.9913426403240497,1.9593946679169159,0.40736662801046725,0.44127111722403434,1.0836804168360055,92.58714900067314 +0.0,0.544,0.0,0.9899999999999999,0.0,0.0,0.593,172.99,2023-07-10,tampa/ft. myers smm food,177.07003087335283,173.25520362076367,1.3176615209044018,0.892719569357092,0.6339982002072411,1.2866411338681893,0.13607123469610397,0.42072776912235677,0.0,177.94302304891906 +0.66,0.0,0.0,0.881,0.0,0.0,0.0,86.62,2023-07-10,tucson/sierra vista smm food,66.44957752840071,63.32224664442017,1.5166631875512542,1.1187451069538783,0.5899851020110359,1.1058386215925942,0.9914165334012637,0.0,0.0,68.64489519593019 +0.989,0.0,0.557,0.62,0.0,0.0,0.0,182.7,2023-07-10,washington dc/hagerstown smm food,176.8193360832466,173.02137618365978,1.0491058736819503,0.0,0.9190354075731412,1.1226574599438124,0.06012186727117949,0.0,0.0,176.17229679212986 +0.708,0.849,0.809,0.7020000000000001,0.0,0.523,0.0,40.27,2023-07-10,yakima/pasco/richland/kennewick smm food,59.01877780221274,53.51694236690935,0.0,0.0,0.8593033457354343,1.1016339120047896,0.5294389760575575,0.44702325469250404,0.0,56.45434185539963 +0.523,0.779,0.843,0.0,0.0,0.561,0.9440000000000001,61.58,2023-07-17,albany/schenectady/troy smm food,87.32982990485472,82.35686844083078,1.8373843202054048,1.4390834587996837,1.0039178112372513,0.0,0.2645983359196024,0.0,0.0,86.90185236699273 +0.0,0.0,0.768,0.968,0.0,0.0,0.0,32.04,2023-07-17,albuquerque/santa fe smm food,73.63201974065512,70.79212936171284,1.2674280904886914,0.0,0.7429830147883205,1.2067516516999033,1.3043144810570486,0.7149085139383796,0.0,76.02851511368519 +0.0,0.0,0.787,0.0,0.0,0.503,0.9560000000000002,172.72,2023-07-17,atlanta smm food,167.85414272537955,165.2475308400832,0.0,0.0,0.684298883860047,0.0,0.8203480820826258,0.0,0.0,166.75217780602586 +0.0,0.709,0.9460000000000001,0.653,0.0,0.0,0.0,119.88,2023-07-17,baltimore smm food,108.79743436100229,105.28036119021601,0.0,1.622830838284841,0.8372967966373317,1.486364839288905,0.11848083065616404,0.0,1.1080167009657442,110.453351196049 +0.762,0.729,0.0,0.622,0.0,0.0,0.726,83.45,2023-07-17,baton rouge smm food,55.63284950451495,50.62824190344196,0.0,0.0,0.0,1.2088540064938056,0.253120751670724,0.0,0.0,52.09021666160649 +0.0,0.848,0.5700000000000001,0.0,0.0,0.8260000000000001,0.0,82.99,2023-07-17,birmingham/anniston/tuscaloosa smm food,64.93050813085227,62.27551690355495,1.9146665208449591,0.0,0.0,0.0,2.0201028931717087,0.590826691404247,0.0,66.80111300897586 +0.0,0.0,0.0,0.0,0.0,0.862,0.553,183.31,2023-07-17,boston/manchester smm food,184.8442710159814,183.34429136615643,1.1051354691456274,0.954510723520242,0.8456802439127993,0.0,0.2051773712461439,0.0,1.0450286714534796,187.49982384543472 +0.0,0.0,0.0,0.51,0.0,0.538,0.0,78.62,2023-07-17,buffalo smm food,65.47748710382167,63.96319330778341,1.653839093686463,1.0130497116748054,1.0437391857957226,0.0,0.7816880105434857,0.0,1.4258199407776242,69.88132925026152 +0.9969999999999999,0.893,0.846,0.0,0.0,0.849,0.0,106.66,2023-07-17,charlotte smm food,132.06343789079338,127.1008852661048,0.0,0.9756498025760566,1.0091574657844187,1.4527271625864688,1.4441015034180238,0.0,1.0278501179501347,133.0103713184199 +0.0,0.0,0.497,0.777,0.0,0.0,0.0,166.97,2023-07-17,chicago smm food,179.27720703470152,177.12285569785104,0.0,1.1577710990569205,0.5805537238261349,0.0,0.48264931659732513,0.0,1.2067933836099771,180.5506232209414 +0.0,0.9280000000000002,0.738,0.0,0.0,0.902,0.729,150.79,2023-07-17,cleveland/akron/canton smm food,135.15825381422184,131.09107465023894,1.2365152102328696,0.0,0.0,0.0,0.8478499911296611,0.0,1.2597605902452904,134.43520044184675 +0.0,0.541,0.812,0.8200000000000001,0.0,0.0,0.0,136.83,2023-07-17,columbus oh smm food,107.37529642442743,103.92073468964487,0.0,0.0,0.0,1.625120255686455,1.0950346697147386,0.5817876182395089,0.8174128375341602,108.04009007081973 +0.0,0.768,0.5630000000000001,0.808,0.0,0.0,0.98,153.81,2023-07-17,dallas/ft. worth smm food,110.21759190687311,105.27715718131851,1.232651100200892,1.1398841860096929,0.603608203833671,1.189932813348685,0.09679787338395815,0.0,0.0,109.54003135809542 +0.0,0.0,0.0,0.514,0.0,0.0,0.679,94.45,2023-07-17,des moines/ames smm food,64.46092754691583,62.408297363785806,1.0587661487618947,0.0,0.7890919748033927,0.0,1.3443053244771481,0.41661909950202125,0.0,66.01707991133026 +0.904,0.501,0.867,0.0,0.0,0.0,0.0,149.0,2023-07-17,detroit smm food,163.79272447102417,160.32292305294044,1.77749061470975,0.0,0.0,0.0,0.5583005570492606,0.6236960483669312,0.927641889180623,164.210052162247 +0.0,0.0,0.864,0.756,0.0,0.854,0.0,149.05,2023-07-17,grand rapids smm food,113.2121196096965,110.01556630860257,1.0008044982822288,1.4033096327052281,1.0143971203315858,1.3644282612425733,0.5512376856901944,0.0,1.284096874375029,116.63384038122942 +0.71,0.897,0.0,0.0,0.0,0.85,0.744,101.57,2023-07-17,greensboro smm food,88.1631429247395,83.56924325587181,0.0,0.8488153282411693,0.0,0.0,0.8470289251091538,0.5037228954531341,1.372852734142311,87.14166313881758 +0.0,0.0,0.918,0.59,0.0,0.0,0.501,89.77,2023-07-17,harrisburg/lancaster smm food,87.94470220663678,85.02510769460987,1.4683618121515327,0.0,0.0,0.0,1.028730318288401,0.0,1.0579125865809882,88.5801124116308 +0.687,0.0,0.728,0.738,0.0,0.9280000000000002,0.0,132.14,2023-07-17,hartford/new haven smm food,117.0150526585464,112.61073024106035,0.0,1.1740319290998549,0.817386109358096,0.0,0.9964462092256648,0.0,0.856064582916686,116.45465907166066 +0.0,0.0,0.9560000000000002,0.0,0.0,0.0,0.49200000000000005,212.16,2023-07-17,houston smm food,169.3525846310695,167.64644198801398,1.9281909059568814,0.9057282333914394,0.0,0.0,0.8943693589414237,0.0,0.0,171.37473048630372 +0.0,0.0,0.0,0.7010000000000001,0.0,0.762,0.0,107.45,2023-07-17,indianapolis smm food,91.12114693646915,89.02123497580452,0.0,0.0,0.8100505929920617,1.4443177434108598,0.3448069643127091,0.5620660040618984,0.0,92.18247628058205 +0.0,0.5650000000000001,0.0,0.752,0.0,0.0,0.0,68.08,2023-07-17,jacksonville smm food,88.79959769248592,86.29988999004563,1.7678303396298058,0.0,0.0,1.353916487273062,0.21389393467170814,0.7773602921674795,0.8761062286705883,91.28899727245827 +0.863,0.924,0.0,0.0,0.0,0.988,0.0,100.19,2023-07-17,kansas city smm food,84.47543780335482,80.49370051161102,0.0,0.9463803084987749,0.0,1.656655577594989,0.32724120137972024,0.0,1.4315461252787391,84.85552372436325 +0.0,0.8260000000000001,0.0,0.9210000000000002,0.0,0.0,0.885,104.9,2023-07-17,knoxville smm food,73.94935003404944,69.4030183864474,0.0,0.9935367156232844,0.0,1.2740270051047757,0.30406882608735725,0.47331874026265136,0.0,72.44796967352546 +0.803,0.0,0.6950000000000001,0.514,0.0,0.0,0.91,60.72,2023-07-17,las vegas smm food,77.73905396488703,73.0759844669223,0.0,0.0,0.925322993029742,2.0392841500852024,0.3727800965037853,0.438805915451833,0.0,76.85217762199287 +0.8220000000000001,0.0,0.0,0.783,0.0,0.715,0.0,46.66,2023-07-17,little rock/pine bluff smm food,61.52540393846857,57.70357115599228,1.1457086244813932,1.20492750618143,0.8488240366410997,1.6839861899157185,2.003964945491499,0.0,0.0,64.59098245870342 +0.0,0.597,0.0,0.0,0.0,0.0,0.892,217.99,2023-07-17,los angeles smm food,156.22428689199552,153.9765761946837,0.0,0.0,0.0,1.976213506268134,0.17831400150145932,0.7691429529268085,1.0335763024512497,157.93382295783135 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,79.7,2023-07-17,madison wi smm food,52.419185278171575,52.419185278171575,0.0,0.0,0.0,0.0,0.5866997370216338,0.6409524607723404,0.0,53.64683747596555 +0.602,0.0,0.0,0.0,0.0,0.595,0.0,176.38,2023-07-17,miami/west palm beach smm food,185.77384314052853,184.12181433608328,0.0,1.6065700082419065,0.9106519602976736,0.0,0.6043490059281792,0.5333053167195498,0.0,187.7766906272706 +0.6920000000000001,0.548,0.0,0.0,0.0,0.0,0.0,106.53,2023-07-17,milwaukee smm food,70.38124803744276,68.15317248002567,1.4876823623114213,1.2455795812887658,0.0,0.0,0.2856489902189944,0.5489182612768249,0.0,71.72100167512168 +0.8290000000000001,0.973,0.0,0.0,0.0,0.677,0.725,59.84000000000001,2023-07-17,minneapolis/st. paul smm food,90.52875962873395,85.75072244988117,0.0,1.5399006050658761,0.8530157602788335,2.0582053432303224,0.24102272868571198,0.7477778709010637,0.0,91.19064475804298 +0.781,0.581,0.752,0.809,0.0,0.5750000000000001,0.86,60.86,2023-07-17,mobile/pensacola smm food,74.11259981542547,67.46643487620449,1.7195289642300844,1.3268837315034372,0.5176778692601274,0.0,0.8684753581757486,0.0,0.0,71.89900079937388 +0.6890000000000001,0.85,0.876,0.87,0.0,0.773,0.5700000000000001,127.33000000000001,2023-07-17,nashville smm food,102.38374216047258,95.47216793873541,0.0,1.3024924864390357,1.0164929821504527,0.0,0.3422459623513747,0.0,0.0,98.13339936967627 +0.0,0.0,0.0,0.546,0.0,0.0,0.782,85.86,2023-07-17,new orleans smm food,61.81697210372589,59.54961731628727,0.0,0.0,0.6004644111053705,1.5893802241901163,4.326941723169035,0.0,1.0192608411984623,67.08566451595026 +0.599,0.0,0.0,0.0,0.0,0.535,0.0,282.96,2023-07-17,new york smm food,291.7586941886931,290.1617655847399,0.0,0.9951627986275778,0.8488240366410997,1.9846229254437433,0.5174536633210072,0.8020123098894925,0.0,295.3098413186628 +0.722,0.891,0.0,0.839,0.0,0.0,0.0,89.65,2023-07-17,norfolk/portsmouth/newport news smm food,106.91759859903826,102.30993924858487,1.559168397903009,1.3382663125334913,1.0039178112372513,1.9467805391535022,0.16965706347049286,0.8168035205227003,1.1595523614757788,110.30408525488109 +0.922,0.0,0.0,0.0,0.0,0.9590000000000001,0.746,53.13,2023-07-17,oklahoma city smm food,57.24657508735159,53.609244119971564,1.0722905338738167,1.6163265062676673,0.0,1.5704590310449957,0.18371329393012736,0.6762870195072258,0.0,58.728320504595395 +0.0,0.805,0.543,0.0,0.0,0.579,0.932,36.74,2023-07-17,omaha smm food,64.56423808309216,60.87622985001895,0.0,0.0,0.6455254402110091,0.0,0.5703669420697921,0.0,1.3928943798962132,63.48501661219596 +0.0,0.0,0.727,0.0,0.0,0.8180000000000001,0.503,101.76,2023-07-17,orlando/daytona beach/melborne smm food,134.76947398892236,132.61538216686213,0.0,0.0,1.044787116705156,1.8248439611071705,0.21565577381871387,0.0,0.7658771770241255,136.4665461955173 +0.0,0.53,0.8280000000000001,0.0,0.0,0.0,0.0,40.47,2023-07-17,paducah ky/cape girardeau mo smm food,57.28876891812077,55.55925813283435,1.3485744011602236,1.1008581939066506,0.0,0.0,2.184807398356222,0.686969560520098,0.0,60.88046768677754 +0.0,0.542,0.785,0.9380000000000001,0.0,0.0,0.0,188.24,2023-07-17,philadelphia smm food,203.41371918674753,199.7377476378349,0.0,0.0,0.9578088512221793,0.0,1.0219552307216284,0.46921007064231585,0.7272254316415995,202.91394722206263 +0.988,0.0,0.859,0.0,0.0,0.528,0.8280000000000001,94.23,2023-07-17,phoenix/prescott smm food,121.41119983010577,116.98296111946722,1.1611650646093041,1.273222992361754,0.0,0.0,0.29421466489088255,0.0,0.0,119.71156384132917 +0.0,0.0,0.614,0.733,0.0,0.613,0.0,115.14000000000001,2023-07-17,pittsburgh smm food,107.24041088662003,104.55223234884438,1.588149223142842,0.0,1.0248764294259203,1.9215522816266752,0.7241794695595122,0.0,0.0,109.81098975259934 +0.0,0.857,0.0,0.0,0.0,0.9269999999999999,0.0,122.88000000000001,2023-07-17,portland or smm food,89.05160996152587,86.8963094792362,0.0,0.9870323836061107,0.0,0.0,0.6410983269394173,0.73463012811599,0.0,89.25907031789771 +0.895,0.911,0.0,0.0,0.0,0.0,0.546,78.69,2023-07-17,providence ri/new bedford ma smm food,87.24048139842876,83.24830635780522,1.0858149189857387,1.6098221742504932,0.8855016184712706,1.4674436461437848,0.8723216524441015,0.5102967668456709,0.0,89.67950713494628 +0.0,0.0,0.0,0.0,0.0,0.649,0.0,126.78,2023-07-17,raleigh/durham/fayetteville smm food,125.86347809282091,125.33017277610136,0.0,0.0,0.6057040656525378,1.3791447447998892,4.1898884947292485,0.430588576211162,0.0,131.9354986574942 +0.671,0.866,0.871,0.0,0.0,0.0,0.9759999999999999,304.67,2023-07-17,rem us east north central smm food,311.4682063399601,306.4536727021249,0.0,0.0,0.7157368111430508,0.0,1.3855116437345711,0.6820391569756955,0.9476835349345254,310.18464384891274 +0.754,0.777,0.638,0.0,0.0,0.0,0.0,116.22,2023-07-17,rem us middle atlantic smm food,134.18883915830742,130.80002326169728,0.0,0.0,0.0,0.0,1.6156906122002033,0.6171221769743943,0.7988027379055365,133.8316387887774 +0.503,0.884,0.0,0.704,0.0,0.0,0.0,223.43,2023-07-17,rem us mountain smm food,177.84685035480624,173.95751153106124,0.0,0.8406849132197022,0.5564513129091654,0.0,0.9914676408823478,0.0,0.0,176.34611539807247 +0.0,0.0,0.0,0.0,0.0,0.0,0.842,177.09,2023-07-17,rem us new england smm food,149.4269924505387,148.221630613054,1.6924801940062402,0.0,0.601512342014804,0.0,1.1166954195695686,0.0,0.9920614648181663,152.62438003346278 +0.0,0.502,0.629,0.0,0.0,0.641,0.0,118.29,2023-07-17,rem us pacific smm food,107.1158178575284,105.11364420201244,1.5437119577750982,1.4651007868683785,0.0,1.5200025159913413,3.7669263276026927,0.7716081546990098,0.8918532360486545,115.07284718099761 +0.5660000000000001,0.519,0.0,0.0,0.0,0.0,0.904,280.82,2023-07-17,rem us south atlantic smm food,286.91182827234456,283.6802303568146,1.505070857455321,1.4813616169113129,0.8938850657467382,0.0,4.425190988173533,0.0,0.7673087231494042,292.75304760825094 +0.87,0.0,0.6890000000000001,0.6880000000000001,0.0,0.0,0.5640000000000001,410.11,2023-07-17,rem us south central smm food,404.08805373461837,399.4313293612464,1.5804210030788866,0.0,0.7492706002449212,1.532616644754755,1.2711186510371206,0.5924701592523812,0.9548412655609191,406.1120676851754 +0.7020000000000001,0.0,0.888,0.901,0.0,0.9470000000000001,0.8,106.2,2023-07-17,rem us west north central smm food,132.0590343469496,125.95452848252805,1.5301875726631762,1.2797273243789278,0.0,1.4317036146474462,0.48742619291707945,0.7987253741932241,0.0,131.4822985613279 +0.67,0.0,0.0,0.0,0.0,0.881,0.0,100.41,2023-07-17,richmond/petersburg smm food,88.08651828588512,86.06809383806947,0.0,0.9691454705588829,0.6989699165921154,0.0,0.19579838793927004,0.8159817865986333,1.3399271732609,90.08791657301927 +0.0,0.706,0.9530000000000001,0.773,0.0,0.0,0.0,77.52,2023-07-17,sacramento/stockton/modesto smm food,75.3588946613778,71.58708164797008,0.0,0.0,0.0,0.0,0.7000365084433519,0.7272345227993862,0.0,73.01435267921282 +0.931,0.0,0.514,0.555,0.0,0.9500000000000001,0.71,126.66,2023-07-17,salt lake city smm food,89.02604066691303,83.72480907215119,1.6209941584146523,0.0,0.0,1.696600318679132,0.3000553677662925,0.0,0.0,87.34245891701127 +0.0,0.0,0.686,0.0,0.0,0.0,0.0,90.64,2023-07-17,san diego smm food,79.43319355458763,78.71431295071628,0.4810816989812258,0.0,0.7084012947770165,1.8395604446644864,0.2906876402737049,0.0,0.7572879002724531,82.79133192968516 +0.54,0.0,0.0,0.0,0.0,0.0,0.649,93.56,2023-07-17,san francisco/oakland/san jose smm food,90.84829619135937,88.87591304741949,0.0,0.9252412294429605,0.5742661383695341,1.4127824215023257,1.0044057430876752,0.7518865405213992,0.0,93.54449512034338 +0.897,0.0,0.587,0.0,0.0,0.941,0.0,69.33,2023-07-17,seattle/tacoma smm food,91.86619692153036,88.74475650580376,0.0,0.0,0.7723250802524573,1.8563792830157047,0.2936047214410429,0.0,0.0,91.66706559051298 +0.0,0.602,0.0,0.501,0.0,0.0,0.863,128.26,2023-07-17,st. louis smm food,90.97169955680688,87.70409353036166,0.0,0.0,0.0,1.1142480407682032,0.6094016496979483,0.0,0.7601509925230105,90.18789421335082 +0.0,0.621,0.936,0.627,0.0,0.509,0.523,153.21,2023-07-17,tampa/ft. myers smm food,177.73100214430724,173.25520362076367,0.0,1.0976060278980637,0.0,0.0,0.20206164016721223,0.0,0.0,174.55487128882893 +0.915,0.637,0.0,0.505,0.0,0.0,0.667,58.55,2023-07-17,tucson/sierra vista smm food,68.14242229426645,63.32224664442017,1.081950808953761,0.0,0.9672402294070802,1.6902932542974254,1.5482635693516047,0.438805915451833,0.0,69.04880042188188 +0.0,0.9350000000000002,0.0,0.0,0.0,0.509,0.0,169.24,2023-07-17,washington dc/hagerstown smm food,174.96002636002427,173.02137618365978,1.7349854043579953,0.0,0.0,1.5452307735181685,0.11109656016754389,0.7412039995085269,0.0,177.15389292121202 +0.0,0.854,0.848,0.9500000000000001,0.0,0.623,0.891,82.32,2023-07-17,yakima/pasco/richland/kennewick smm food,59.57894755029983,53.51694236690935,0.0,0.0,0.647621302029876,1.1058386215925942,1.020881669407671,0.0,0.0,56.29128395993949 +0.606,0.0,0.0,0.558,0.0,0.712,0.0,66.64,2023-07-24,albany/schenectady/troy smm food,85.28588230945327,82.35686844083078,0.0,0.0,0.0,1.950985248741307,0.48880807227912265,0.0,0.7887819150285853,85.58544367687979 +0.0,0.0,0.0,0.857,0.0,0.0,0.784,99.08,2023-07-24,albuquerque/santa fe smm food,73.71617958230561,70.79212936171284,0.0,0.0,0.0,0.0,2.6913222354581094,0.8168035205227003,1.1724362766032874,75.47269139429693 +0.0,0.0,0.0,0.526,0.0,0.744,0.0,178.02,2023-07-24,atlanta smm food,166.9647395011817,165.2475308400832,0.0,0.0,0.5449240729053973,0.0,1.7012544223984234,0.7017607711533059,0.0,168.1954701065403 +0.968,0.0,0.682,0.836,0.0,0.636,0.986,91.01,2023-07-24,baltimore smm food,111.55697518886066,105.28036119021601,1.8199958250615054,1.113866857940998,0.0,0.0,0.19509246585679973,0.5974005627967839,0.0,109.0067169018721 +0.0,0.0,0.756,0.0,0.0,0.511,0.81,50.54,2023-07-24,baton rouge smm food,52.999936067647724,50.62824190344196,0.0,1.5675440161388643,0.9965822948712171,0.0,0.4057022885520768,0.8052992455857609,1.312727796880604,55.71609754547048 +0.773,1.0,0.0,0.712,0.0,0.0,0.595,30.499999999999996,2023-07-24,birmingham/anniston/tuscaloosa smm food,67.74372499300705,62.27551690355495,0.0,1.1057364429195309,0.5658826910940664,0.0,4.039551123847629,0.0,1.3900312876456558,69.37671844906183 +0.541,0.59,0.0,0.653,0.0,0.0,0.764,208.97,2023-07-24,boston/manchester smm food,187.81546102247066,183.34429136615643,1.28674864064858,1.4797355339070193,0.0,1.5830731598084096,0.3465167833450402,0.0,1.349947996137851,189.39031348000333 +0.842,0.0,0.0,0.608,0.0,0.0,0.531,64.15,2023-07-24,buffalo smm food,67.62836633846162,63.96319330778341,0.0,1.0276844587134464,0.0,0.0,1.4051242917060869,0.0,0.0,66.39600205820295 +0.0,0.762,0.901,0.0,0.0,0.0,0.0,119.22,2023-07-24,charlotte smm food,129.28414626477593,127.1008852661048,0.0,1.0471974547649676,0.0,1.866891056985216,3.1254483450895103,0.5160489043141406,0.0,133.65647102725862 +0.788,0.0,0.0,0.749,0.0,0.0,0.81,185.19,2023-07-24,chicago smm food,181.37953115255883,177.12285569785104,1.3041371357924798,1.295988154421862,0.7817564584373584,1.4253965502657393,0.8119892710246482,0.0,1.1209006160932529,183.86302388388637 +0.993,0.705,0.674,0.874,0.0,0.0,0.0,126.44999999999999,2023-07-24,cleveland/akron/canton smm food,136.69975732197148,131.09107465023894,1.84511254026936,1.2276926682415379,0.8058588693543279,0.0,1.5413278582728542,0.6146569752021931,0.714341516514091,137.8400650780933 +0.0,0.0,0.0,0.521,0.0,0.552,0.862,94.67,2023-07-24,columbus oh smm food,106.70365142334327,103.92073468964487,0.0,1.4813616169113129,0.610943720199705,1.4800577749071981,2.437374637754136,0.0,1.0135346566973473,110.94400709611458 +0.614,0.86,0.922,0.0,0.0,0.9540000000000001,0.758,132.36,2023-07-24,dallas/ft. worth smm food,110.69710876984696,105.27715718131851,0.0,1.4537182058383245,0.7492706002449212,1.128964524325519,0.15829812158841625,0.726412788875319,0.9963561031940026,110.49017752538502 +0.0,0.803,0.867,0.0,0.0,0.0,0.0,46.52,2023-07-24,des moines/ames smm food,64.62259811471225,62.408297363785806,1.804539384933594,1.5203876090143553,1.0185888439693196,1.6902932542974254,2.712755739548834,0.5752137468469721,1.245445128992503,72.97552107138881 +0.881,0.98,0.52,0.65,0.0,0.882,0.666,121.13999999999999,2023-07-24,detroit smm food,167.20825859563885,160.32292305294044,0.0,0.0,0.8792140330146698,1.4485224529986642,1.0916678122927432,0.0,1.223971937113322,164.96629928835983 +0.985,0.0,0.584,0.639,0.0,0.0,0.0,91.95,2023-07-24,grand rapids smm food,113.87403686376429,110.01556630860257,1.8934139156690815,0.0,0.6822030220411801,0.0,0.9151571747666702,0.6236960483669312,0.0,114.13003646944644 +0.0,0.602,0.514,0.0,0.0,0.0,0.642,70.53,2023-07-24,greensboro smm food,86.00583432433419,83.56924325587181,0.0,0.0,0.5774099310978345,1.2509011023718508,1.5013873618058462,0.48400128127552366,0.0,87.38294293242286 +0.0,0.0,0.975,0.995,0.0,0.925,0.0,85.26,2023-07-24,harrisburg/lancaster smm food,88.89878723100232,85.02510769460987,1.5649645629509756,0.0,0.6748675056751459,1.9425758295656979,1.9488707766719409,0.0,1.3470849038872934,92.50347127336093 +0.0,0.557,0.515,0.646,0.0,0.863,0.739,106.58,2023-07-24,hartford/new haven smm food,117.18133305272178,112.61073024106035,1.7832867797577168,1.611448257254787,0.0,0.0,2.1171334881213166,0.0,0.7988027379055365,118.9214015040997 +0.6970000000000001,0.538,0.0,0.523,0.0,0.0,0.78,178.26,2023-07-24,houston smm food,172.08405452539637,167.64644198801398,1.7601021195658504,1.0390670397435005,0.0,1.7722850912596138,1.6213769278931724,0.5053663633012684,0.0,174.34463952977737 +0.929,0.719,0.0,0.0,0.0,0.911,0.0,88.36,2023-07-24,indianapolis smm food,92.73386737057028,89.02123497580452,1.2828845306166023,0.0,0.0,1.726033285793764,0.6770536567266747,0.677108753431293,0.7129099703888121,94.09722517276167 +0.707,0.599,0.0,0.0,0.0,0.0,0.9560000000000002,85.78,2023-07-24,jacksonville smm food,90.00843470168799,86.29988999004563,1.505070857455321,0.0,0.0,1.9699064418864274,0.3742118665021246,0.821733924067103,0.0,90.9708130799566 +0.5760000000000001,0.995,0.0,0.0,0.0,0.761,0.6950000000000001,123.19,2023-07-24,kansas city smm food,84.84478086337636,80.49370051161102,1.6113338833347082,0.0,0.8383447275467651,2.0750241815815405,0.5680550890787415,0.0,0.0,85.58645839315278 +0.0,0.933,0.0,0.0,0.0,0.0,0.5680000000000001,45.61,2023-07-24,knoxville smm food,71.73327202861148,69.4030183864474,1.8470445952853494,0.0,0.0,0.0,0.6452935514506464,0.0,0.0,71.89535653318339 +0.763,0.644,0.0,0.0,0.0,0.0,0.0,57.21000000000001,2023-07-24,las vegas smm food,75.59733989888676,73.0759844669223,1.1650291746412818,0.0,0.0,1.751261543320591,0.5743647335142151,0.0,0.7988027379055365,77.36544265630393 +0.0,0.0,0.9630000000000002,0.9580000000000001,0.0,0.0,0.0,81.17,2023-07-24,little rock/pine bluff smm food,60.726784514335066,57.70357115599228,0.0,1.5252658580272354,0.0,1.3665306160364756,4.364861648866049,0.0,0.0,64.96022927892204 +0.5630000000000001,0.9770000000000001,0.0,0.778,0.0,0.87,0.0,139.73,2023-07-24,los angeles smm food,159.00354680747446,153.9765761946837,1.9185306308769368,0.0,0.5428282110865305,0.0,0.34123780644475693,0.0,0.7200677010152058,157.49924054410712 +0.0,0.0,0.545,0.9510000000000001,0.0,0.842,0.601,59.2,2023-07-24,madison wi smm food,56.54190621817089,52.419185278171575,1.1437765694654043,0.0,0.0,2.0203629569400814,1.2134858397792019,0.0,0.0,56.79681064435626 +0.8190000000000001,0.801,0.0,0.0,0.0,0.0,0.5740000000000001,171.27,2023-07-24,miami/west palm beach smm food,187.8283673565272,184.12181433608328,0.0,1.003293213649045,0.8928371348373048,1.6019943529535299,1.155704269245986,0.6475263321648772,0.9061686973014419,190.32933833623545 +0.5630000000000001,0.0,0.0,0.0,0.0,0.0,0.965,35.83,2023-07-24,milwaukee smm food,70.62236146492138,68.15317248002567,0.0,0.9967888816318712,0.8519678293694001,0.0,0.5487279433155423,0.6730000838109574,1.229698121614437,72.45335533976788 +0.654,0.0,0.629,0.811,0.0,0.0,0.0,68.48,2023-07-24,minneapolis/st. paul smm food,89.37844471022626,85.75072244988117,1.1534368445453487,0.0,0.8792140330146698,0.0,0.4370295012948773,0.6105483055818575,0.0,88.83095113431791 +0.0,0.0,0.0,0.0,0.0,0.8200000000000001,0.772,63.63999999999999,2023-07-24,mobile/pensacola smm food,69.24541030265469,67.46643487620449,1.0491058736819503,0.0,0.9337064403052097,1.6839861899157185,1.5488555643408255,0.0,0.9419573504334104,73.62404629488161 +0.0,0.0,0.0,0.0,0.0,0.0,0.9510000000000001,96.64,2023-07-24,nashville smm food,96.8335683038755,95.47216793873541,1.7871508897896944,0.0,0.0,0.0,0.5960265481082345,0.42565817266675937,0.0,98.2810035493001 +0.0,0.0,0.0,0.758,0.0,0.922,0.6890000000000001,14.9,2023-07-24,new orleans smm food,62.88717620837211,59.54961731628727,0.0,0.0,0.9902947094146163,1.469546000937687,9.035923883781924,0.7132650460902454,0.0,71.75864695651174 +0.8240000000000001,0.807,0.0,0.836,0.0,0.746,0.807,307.51,2023-07-24,new york smm food,296.5918677405358,290.1617655847399,1.365962896304123,1.4033096327052281,1.017540913059886,0.0,0.9922468778632777,0.0,0.7057522397624184,295.64657814443484 +0.794,0.0,0.0,0.8200000000000001,0.0,0.577,0.0,128.96,2023-07-24,norfolk/portsmouth/newport news smm food,106.04206233646659,102.30993924858487,0.0,1.4504660398297375,0.0,0.0,0.26018316671299485,0.0,1.0521864020798732,105.07277485720748 +0.0,0.0,0.705,0.9619999999999999,0.0,0.743,0.834,44.33,2023-07-24,oklahoma city smm food,58.17495849692045,53.609244119971564,1.3736911163680785,1.026058375709153,0.0,1.9720087966803295,0.3598966002083064,0.0,0.0,58.34089900893743 +0.527,0.0,0.616,0.894,0.0,0.7020000000000001,0.961,67.09,2023-07-24,omaha smm food,66.3720265104927,60.87622985001895,1.6306544334945967,0.0,0.0,0.0,1.1152146715685238,0.0,0.9476835349345254,64.56978249001659 +0.924,0.787,0.542,0.0,0.0,0.0,0.0,118.18,2023-07-24,orlando/daytona beach/melborne smm food,136.24830687892768,132.61538216686213,0.0,0.0,0.0,0.0,0.27962682536461725,0.6787522212794271,0.0,133.57376121350617 +0.0,0.0,0.0,0.0,0.0,0.88,0.0,27.13,2023-07-24,paducah ky/cape girardeau mo smm food,56.28238398601341,55.55925813283435,0.0,1.4000574666966412,0.8739743784675026,0.0,4.214703154168224,0.0,0.0,62.04799313216672 +0.0,0.847,0.0,0.737,0.0,0.856,0.889,175.21,2023-07-24,philadelphia smm food,204.64052416995162,199.7377476378349,0.0,1.5268919410315287,0.6256147529317734,1.2130587160816098,2.1920223753137518,0.6557436714055482,1.3284748042586703,207.27955389885778 +0.744,0.668,0.679,0.0,0.0,0.0,0.0,121.54000000000002,2023-07-24,phoenix/prescott smm food,120.21817858573625,116.98296111946722,0.0,0.0,0.0,1.6587579323888912,0.4426838748121692,0.0,0.0,119.08440292666828 +0.7020000000000001,0.0,0.0,0.556,0.0,0.0,0.8200000000000001,128.47,2023-07-24,pittsburgh smm food,108.25131205820679,104.55223234884438,1.6074697733027306,1.1398841860096929,0.0,0.0,1.706454760704301,0.0,1.3914628337709345,110.39750390263204 +0.965,0.0,0.0,0.0,0.0,0.0,0.79,91.5,2023-07-24,portland or smm food,89.89166400863564,86.8963094792362,1.3563026212241789,0.0,0.7974754220788602,0.0,1.146958957862312,0.0,0.0,90.19704648040154 +0.0,0.0,0.0,0.635,0.0,0.0,0.594,92.04,2023-07-24,providence ri/new bedford ma smm food,85.43364005034873,83.24830635780522,1.926258850940892,1.5008746129628339,0.0,0.0,1.6363453356267939,0.0,0.0,88.31178515733573 +0.0,0.9390000000000001,0.0,0.0,0.0,0.0,0.636,109.55,2023-07-24,raleigh/durham/fayetteville smm food,127.76752805281016,125.33017277610136,1.5108670225032876,0.0,0.0,0.0,7.0879909902301135,0.0,0.0,133.92903078883478 +0.801,0.0,0.843,0.9339999999999999,0.0,0.0,0.0,337.88,2023-07-24,rem us east north central smm food,310.84825390408906,306.4536727021249,0.9602313429464628,0.0,0.0,0.0,2.3393196115988752,0.4708535384904501,0.9992191954445601,311.22329639060524 +0.0,0.0,0.0,0.967,0.0,0.0,0.0,113.38,2023-07-24,rem us middle atlantic smm food,132.83300034740077,130.80002326169728,1.8103355499815608,1.4862398659241933,0.5836975165544352,1.12055510514991,3.783480284094701,0.5949353610245826,0.0,140.17926694442667 +0.0,0.0,0.0,0.0,0.0,0.605,0.597,171.72,2023-07-24,rem us mountain smm food,175.30929359191325,173.95751153106124,1.0877469740017276,0.0,1.012301258512719,2.0708194719937363,1.764377941549687,0.5702833433025696,0.0,180.46304052042169 +0.0,0.0,0.0,0.9129999999999999,0.0,0.848,0.0,168.01,2023-07-24,rem us new england smm food,150.83791090749568,148.221630613054,1.6634993687664075,0.0,0.6696278511279786,0.0,2.174473800313389,0.0,0.0,152.72923163326178 +0.0,0.905,0.0,0.0,0.0,0.0,0.0,152.15,2023-07-24,rem us pacific smm food,106.58524932089799,105.11364420201244,0.0,1.4797355339070193,0.0,1.1394762982950306,6.290473806371299,0.0,1.014966202822626,115.03829604340841 +0.0,0.728,0.924,0.0,0.0,0.9450000000000001,0.726,278.76,2023-07-24,rem us south atlantic smm food,287.64814798945247,283.6802303568146,0.0,0.0,0.865590931192035,0.0,6.955962418129979,0.7075129086217756,0.0,292.2092966147584 +0.0,0.0,0.0,0.8280000000000001,0.0,0.915,0.878,416.89,2023-07-24,rem us south central smm food,403.18086316911365,399.4313293612464,0.0,0.0,0.6507650947581763,0.0,2.002264404900674,0.0,1.1609839076010575,403.2453427685063 +0.598,0.0,0.0,0.0,0.0,0.909,0.0,120.01999999999998,2023-07-24,rem us west north central smm food,127.85685351906638,125.95452848252805,0.0,0.0,0.0,0.0,0.9215343540878618,0.0,0.8846955054222608,127.76075834203817 +0.0,0.9470000000000001,0.0,0.0,0.0,0.922,0.781,55.28,2023-07-24,richmond/petersburg smm food,89.48367064496792,86.06809383806947,1.7871508897896944,0.0,0.0,0.0,0.36044996037551746,0.0,0.0,88.21569468823469 +0.0,0.9520000000000001,0.618,0.503,0.0,0.0,0.0,77.79,2023-07-24,sacramento/stockton/modesto smm food,74.84021843142014,71.58708164797008,1.667363478798385,1.5642918501302774,0.0,0.0,1.4425752758430384,0.5226227757066775,0.0,76.78393502844845 +0.0,0.0,0.0,0.0,0.0,0.758,0.0,64.67,2023-07-24,salt lake city smm food,84.34768338659406,83.72480907215119,0.0,0.0,0.0,1.3896565187694008,0.6952278420535186,0.0,0.0,85.80969343297411 +0.0,0.0,0.535,0.0,0.0,0.0,0.732,57.7,2023-07-24,san diego smm food,80.32284775096721,78.71431295071628,1.6325864885105856,0.0,0.0,1.414884776296228,0.732024772117076,0.5653529397581669,0.7615825386482893,83.82074446604662 +0.0,0.735,0.0,0.84,0.0,0.9460000000000001,0.758,37.29,2023-07-24,san francisco/oakland/san jose smm food,93.69953433758184,88.87591304741949,0.0,0.0,0.6664840583996783,1.5767660954267027,2.490210494753303,0.0,0.0,93.60937369599917 +0.0,0.9500000000000001,0.76,0.0,0.0,0.5730000000000001,0.714,131.78,2023-07-24,seattle/tacoma smm food,92.5789403229914,88.74475650580376,0.0,0.0,1.0028698803278178,1.8500722186339977,0.48440826573796003,0.0,1.3470849038872934,93.42919177439083 +0.0,0.0,0.0,0.8130000000000001,0.0,0.7030000000000001,0.588,53.44,2023-07-24,st. louis smm food,90.83273604808728,87.70409353036166,1.4374489318957109,0.0,0.8331050729995978,1.2130587160816098,1.212634352639002,0.0,1.1466684463482701,93.54700905032585 +0.0,0.707,0.0,0.747,0.0,0.0,0.799,146.33,2023-07-24,tampa/ft. myers smm food,177.1191086899418,173.25520362076367,1.9030741907490258,1.0715886998293689,0.5606430365468992,2.0182606021461793,0.4059333369561432,0.686969560520098,0.7272254316415995,180.62889847915298 +0.0,0.8230000000000001,0.67,0.0,0.0,0.0,0.0,42.57,2023-07-24,tucson/sierra vista smm food,65.36262666627408,63.32224664442017,1.8779574755411708,1.167527597082681,0.9703840221353807,0.0,3.239611810438879,0.0,0.7816241844021916,71.35935173402048 +0.0,0.0,0.709,0.0,0.0,0.613,0.633,199.87,2023-07-24,washington dc/hagerstown smm food,175.17425079120267,173.02137618365978,1.563032507934987,1.4569703718469114,0.0,0.0,0.23286059016654817,0.717373715710581,1.185320191730796,178.1769335610496 +0.985,0.0,0.0,0.717,0.0,0.0,0.514,78.78,2023-07-24,yakima/pasco/richland/kennewick smm food,57.66321965327958,53.51694236690935,0.0,0.9707715535631763,0.7681333566147235,0.0,0.35692187101915057,0.0,0.0,55.612769148106395 +0.9070000000000001,0.0,0.596,0.0,0.0,0.741,0.0,36.2,2023-07-31,albany/schenectady/troy smm food,85.34271400008873,82.35686844083078,0.0,1.4016835497009348,0.8027150766260276,1.782796865229125,0.21584103843764268,0.0,0.0,86.5599049708245 +0.76,0.0,0.0,0.867,0.0,0.509,0.9590000000000001,54.85,2023-07-31,albuquerque/santa fe smm food,75.8743480816701,70.79212936171284,1.2751563105526469,0.0,0.9284667857580423,1.6019943529535299,1.048856018443535,0.5160489043141406,0.0,76.16265173373473 +0.8220000000000001,0.8170000000000001,0.0,0.9129999999999999,0.0,0.792,0.737,184.56,2023-07-31,atlanta smm food,171.7895025667581,165.2475308400832,1.1862817798171592,0.0,0.925322993029742,1.5977896433657253,0.5925760326070841,0.0,0.0,169.5495012889029 +0.892,0.0,0.8130000000000001,0.0,0.0,0.715,0.0,95.36,2023-07-31,baltimore smm food,108.44326184955546,105.28036119021601,0.0,1.4130661307309886,0.0,0.0,0.09642308518934345,0.0,0.9791775496906576,107.769027955827 +0.0,0.0,0.0,0.518,0.0,0.0,0.0,50.35,2023-07-31,baton rouge smm food,51.71726168668333,50.62824190344196,1.4200604367518113,0.0,0.0,1.2971529078377007,0.22299076209343174,0.0,1.3256117120081126,54.89405772213301 +0.0,0.0,0.773,0.0,0.0,0.868,0.0,85.49,2023-07-31,birmingham/anniston/tuscaloosa smm food,63.79883254263725,62.27551690355495,0.0,1.0650843678121953,0.8058588693543279,0.0,1.2823683810995004,0.0,0.0,65.42882852182098 +0.0,0.711,0.0,0.522,0.0,0.0,0.865,171.91,2023-07-31,boston/manchester smm food,186.83615298299216,183.34429136615643,1.3620987862721454,0.0,0.0,2.0540006336425183,0.17598937164013764,0.0,1.266918320871684,188.20329847858292 +0.0,0.0,0.0,0.599,0.0,0.0,0.0,86.72,2023-07-31,buffalo smm food,65.22250382933088,63.96319330778341,1.91273446582897,0.0,0.0,1.532616644754755,0.6857288474294567,0.48482301519959076,1.2110880219858133,69.790184302982 +0.649,0.601,0.0,0.0,0.0,0.589,0.0,101.83,2023-07-31,charlotte smm food,129.81606613833745,127.1008852661048,1.4104001616718669,0.0,0.7251681893279519,1.3097670366011143,1.0600903858404698,0.5333053167195498,0.7458355312702232,132.88545188753596 +0.0,0.9070000000000001,0.6970000000000001,0.761,0.0,0.0,0.8240000000000001,189.38,2023-07-31,chicago smm food,182.1076068320096,177.12285569785104,0.0,1.1333798539925193,0.0,1.8731981213669229,0.45317307688223,0.4757839420348526,0.7787610921516341,181.8371517842792 +0.999,0.9490000000000002,0.629,0.894,0.0,0.654,0.729,142.56,2023-07-31,cleveland/akron/canton smm food,138.68401522173662,131.09107465023894,0.0,1.3772923046365333,1.0028698803278178,1.4127824215023257,0.7292235954157673,0.0,0.9963561031940026,136.6095989553154 +0.0,0.0,0.0,0.0,0.0,0.611,0.591,109.47,2023-07-31,columbus oh smm food,105.2688578772896,103.92073468964487,0.0,1.4130661307309886,0.7702292184335904,0.0,0.834847700361782,0.0,0.0,106.93887773917123 +0.85,0.0,0.0,0.773,0.0,0.941,0.524,115.32,2023-07-31,dallas/ft. worth smm food,110.06790599278871,105.27715718131851,1.0278532685060728,0.0,0.0,1.5998919981596276,0.09479616370817508,0.7527082744454664,0.0,108.75240688613786 +0.924,0.869,0.971,0.0,0.0,0.0,0.0,59.54,2023-07-31,des moines/ames smm food,66.62412324235038,62.408297363785806,1.9301229609728698,1.1642754310740941,0.0,1.2782317146925803,1.0605515700150119,0.7535300083695334,1.1824570994802386,69.77746614839013 +0.993,0.0,0.7000000000000001,0.0,0.0,0.0,0.732,181.77,2023-07-31,detroit smm food,164.02289708412482,160.32292305294044,0.0,0.8227980001724746,0.0,0.0,0.4459447146320352,0.4609927314016448,0.7773295460263554,162.82998804517294 +0.0,0.0,0.767,0.0,0.0,0.507,0.0,125.15,2023-07-31,grand rapids smm food,111.23594841564005,110.01556630860257,1.0587661487618947,0.0,0.0,0.0,0.48100992245708263,0.0,1.2110880219858133,112.76643040180737 +0.0,0.0,0.0,0.978,0.0,0.0,0.0,104.67,2023-07-31,greensboro smm food,85.62534624430822,83.56924325587181,0.0,0.0,0.0,0.0,0.6428694445279294,0.0,1.0350078485765284,85.24712054897627 +0.631,0.0,0.0,0.725,0.0,0.0,0.0,69.79,2023-07-31,harrisburg/lancaster smm food,87.768441635278,85.02510769460987,1.379487281416045,0.0,0.0,0.0,0.6884767871713031,0.0,0.0,87.09307176319722 +0.555,0.0,0.792,0.992,0.0,0.0,0.9689999999999999,96.73,2023-07-31,hartford/new haven smm food,117.98568620615161,112.61073024106035,0.0,0.0,0.7859481820750922,1.6650649967705982,0.7994014680125829,0.0,0.0,115.86114488791863 +0.0,0.0,0.0,0.0,0.0,0.0,0.612,189.3,2023-07-31,houston smm food,168.52254821668456,167.64644198801398,0.0,0.0,0.5637868292751995,0.0,0.8046691890985799,0.46345793317384615,0.8517699445408498,170.33012588410244 +0.8290000000000001,0.0,0.616,0.887,0.0,0.735,0.0,84.53,2023-07-31,indianapolis smm food,93.73719716065094,89.02123497580452,0.0,1.250457830301646,0.0,1.2487987475779485,0.2933700225026133,0.5776789486191735,0.9118948818025568,93.30343540660846 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,87.04,2023-07-31,jacksonville smm food,86.29988999004563,86.29988999004563,0.0,0.0,0.0,1.1562951366462486,0.19744523525383714,0.0,1.0564810404557095,88.71011140240142 +0.0,0.0,0.502,0.0,0.0,0.0,0.0,108.09,2023-07-31,kansas city smm food,81.01976182814661,80.49370051161102,1.6750916988623406,1.1789101781127351,0.0,0.0,0.29071030400787606,0.0,0.0,83.63841269259397 +0.771,0.0,0.0,0.0,0.0,0.0,0.846,94.43,2023-07-31,knoxville smm food,72.1037208257606,69.4030183864474,1.5379157927271316,1.2715969093574606,0.9546650584938787,1.4253965502657393,0.23679206357004098,0.6573871392536824,0.8360229371627836,76.32279483727811 +0.0,0.0,0.986,0.0,0.0,0.8989999999999999,0.0,70.91,2023-07-31,las vegas smm food,74.84798314136003,73.0759844669223,1.1186598542575492,0.9252412294429605,0.6832509529506136,0.0,0.30243095300309947,0.0,0.8045289224066515,76.91009637898318 +0.578,0.8220000000000001,0.0,0.0,0.0,0.0,0.664,32.97,2023-07-31,little rock/pine bluff smm food,61.10748581194812,57.70357115599228,0.0,0.0,0.0,1.4653412913498824,1.4362718677371016,0.5439878577324222,1.3714211880170322,62.52059336082872 +0.851,0.0,0.502,0.585,0.0,0.709,0.653,173.08,2023-07-31,los angeles smm food,158.89410285622924,153.9765761946837,0.0,0.9854063006018172,0.0,0.0,0.12243907464498642,0.757638677989869,0.0,155.8420602479204 +0.8200000000000001,0.0,0.0,0.898,0.0,0.968,0.0,46.89,2023-07-31,madison wi smm food,56.68682343470363,52.419185278171575,1.0761546439057945,0.0,0.0,2.0876383103449543,0.42393594716792,0.6228743144428641,0.9891983725676088,57.618986866600714 +0.767,0.0,0.0,0.0,0.0,0.0,0.9759999999999999,182.86,2023-07-31,miami/west palm beach smm food,187.0008895516188,184.12181433608328,1.0355814885700283,0.0,0.8572074839165673,0.0,0.37755134491639647,0.0,0.0,186.39215465348627 +0.0,0.0,0.0,0.606,0.0,0.605,0.0,109.91,2023-07-31,milwaukee smm food,69.92434850919103,68.15317248002567,1.7601021195658504,0.0,0.9578088512221793,1.2929481982498963,0.2761188139472475,0.0,1.2110880219858133,73.65123848499667 +0.0,0.0,0.581,0.0,0.0,0.0,0.712,120.84,2023-07-31,minneapolis/st. paul smm food,87.37883114946047,85.75072244988117,0.0,1.0667104508164886,0.0,0.0,0.2120333789912994,0.5291966470992143,1.377147372518147,88.93581029930631 +0.0,0.895,0.0,0.0,0.0,0.0,0.9380000000000001,107.14,2023-07-31,mobile/pensacola smm food,70.26456943055857,67.46643487620449,0.0,1.2667186603445804,0.0,1.656655577594989,0.7301219310802942,0.0,1.3585372728895238,72.47846831811387 +0.9500000000000001,0.61,0.887,0.547,0.0,0.84,0.508,101.51,2023-07-31,nashville smm food,101.7965155533338,95.47216793873541,0.0,0.0,0.0,0.0,0.2456217935608622,0.0,0.0,95.71778973229627 +0.588,0.0,0.855,0.8280000000000001,0.0,0.758,0.837,15.42,2023-07-31,new orleans smm food,65.14347478390658,59.54961731628727,1.7504418444859058,1.2211883362243643,0.0,0.0,2.896394805946912,0.5628877379859656,0.8632223135430797,66.8437523544735 +0.509,0.609,0.0,0.0,0.0,0.0,0.981,259.45,2023-07-31,new york smm food,293.53981288639136,290.1617655847399,1.0336494335540396,0.9349977274687211,0.0,0.0,0.4309256557341251,0.6828608908997627,0.0,293.24419929239656 +0.0,0.776,0.0,0.662,0.0,0.686,0.786,116.39,2023-07-31,norfolk/portsmouth/newport news smm food,106.652443259859,102.30993924858487,0.0,1.2114318381986038,0.985055054867449,1.4338059694413483,0.14763308544653128,0.6532784696333469,0.0,106.74114366617215 +0.516,0.708,0.9580000000000001,0.0,0.0,0.911,0.0,25.19,2023-07-31,oklahoma city smm food,57.509968691323934,53.609244119971564,1.4432450969436774,0.0,0.6685799202185452,2.0897406651388564,0.15514482042666403,0.0,0.8002342840308153,58.76618890673012 +0.0,0.0,0.0,0.523,0.0,0.0,0.0,26.94,2023-07-31,omaha smm food,61.97576140722983,60.87622985001895,0.0,0.0,0.6612444038525109,1.1626022010279555,0.4962408644536527,0.0,0.9176210663036718,64.11393838565674 +0.666,0.0,0.0,0.6960000000000001,0.0,0.911,0.751,150.6,2023-07-31,orlando/daytona beach/melborne smm food,137.18906048897614,132.61538216686213,1.9030741907490258,0.0,0.9148436839354074,0.0,0.20143496510154157,0.6352003233038707,1.3213170736322764,137.59125240358426 +0.8180000000000001,0.987,0.652,0.737,0.0,0.742,0.894,79.13,2023-07-31,paducah ky/cape girardeau mo smm food,62.86683830486442,55.55925813283435,0.0,0.0,0.9881988475957494,0.0,1.5485788842572203,0.7806472278637479,0.7973711917802577,59.674054284331326 +0.0,0.705,0.0,0.541,0.0,0.0,0.0,206.55,2023-07-31,philadelphia smm food,202.0215100993629,199.7377476378349,1.926258850940892,0.0,0.7377433602411533,1.6440414488315753,0.7533717281222753,0.0,1.1710047304780087,205.9701677564488 +0.71,0.498,0.747,0.8210000000000001,0.0,0.624,0.0,103.64,2023-07-31,phoenix/prescott smm food,122.18610916071587,116.98296111946722,0.0,0.0,0.6581006111242106,1.7554662529083955,0.2841939480640901,0.0,0.0,119.68072193156391 +0.0,0.9980000000000001,0.0,0.6,0.0,0.726,0.0,83.26,2023-07-31,pittsburgh smm food,108.03305489234332,104.55223234884438,0.0,0.954510723520242,0.7220243965996515,0.0,0.5021337395493358,0.0,1.3757158263928684,108.10661703490648 +0.5740000000000001,0.0,0.0,0.0,0.0,0.0,0.0,80.84,2023-07-31,portland or smm food,88.0053090584138,86.8963094792362,1.1186598542575492,1.1301276879839324,0.8006192148071607,1.8647887021913137,0.4344119160509145,0.0,0.0,92.24491685452706 +0.559,0.0,0.0,0.0,0.0,0.0,0.0,105.86,2023-07-31,providence ri/new bedford ma smm food,84.328325111743,83.24830635780522,0.0,0.0,0.0,0.0,0.7117612642897339,0.0,1.2554659518694542,85.21553357396441 +0.512,0.0,0.0,0.0,0.0,0.834,0.597,142.01,2023-07-31,raleigh/durham/fayetteville smm food,127.85934407375102,125.33017277610136,1.054902038729917,1.5838048461817986,0.5700744147318003,0.0,3.7662639077213833,0.4141538977298199,0.0,132.71937188119608 +0.731,0.9500000000000001,0.561,0.846,0.0,0.0,0.0,333.66,2023-07-31,rem us east north central smm food,311.77726516872497,306.4536727021249,0.0,0.0,0.0,0.0,1.1411278376396055,0.6549219374814811,1.3928943798962132,309.6426168571422 +0.0,0.0,0.0,0.0,0.0,0.66,0.725,140.7,2023-07-31,rem us middle atlantic smm food,132.38023859240866,130.80002326169728,1.8199958250615054,0.0,0.6539088874864768,0.0,1.2120499629297041,0.0,0.0,134.48597793717497 +0.931,0.0,0.0,0.0,0.0,0.86,0.0,146.34,2023-07-31,rem us mountain smm food,176.4629459256446,173.95751153106124,1.0046686083142067,0.0,0.0,0.0,0.7741116306840059,0.0,0.0,175.73629177005947 +0.25,0.0,0.895,0.613,0.0,0.0,0.9899999999999999,152.78,2023-07-31,rem us new england smm food,152.34851668368222,148.221630613054,0.0,1.417944379743869,0.5470199347242642,0.0,0.8469633675962158,0.0,0.7773295460263554,151.8108878411447 +0.778,0.0,0.663,0.877,0.0,0.852,0.0,131.0,2023-07-31,rem us pacific smm food,109.85544365496362,105.11364420201244,1.9185306308769368,0.0,0.5836975165544352,1.2403893284023393,3.366116059308408,0.7642125493824058,0.0,112.98659028653697 +0.706,0.0,0.7010000000000001,0.0,0.0,0.67,0.5730000000000001,281.55,2023-07-31,rem us south atlantic smm food,287.14969842452524,283.6802303568146,1.0085327183461843,0.0,0.9033164439316393,1.9425758295656979,3.9061412808078466,0.0,0.8675169519189159,292.3083135813849 +0.0,0.0,0.559,0.0,0.0,0.9770000000000001,0.5740000000000001,366.4,2023-07-31,rem us south central smm food,401.64166425934326,399.4313293612464,1.9146665208449591,0.4057077095712103,0.0,1.238286973608437,1.1348846633506606,0.0,0.7429724390196656,404.86784766764134 +0.8270000000000001,0.0,0.517,0.0,0.0,0.0,0.515,167.59,2023-07-31,rem us west north central smm food,128.83136451544647,125.95452848252805,1.4722259221835103,1.4325791267825099,0.7817564584373584,1.1394762982950306,0.4046935242230651,0.5612442701378314,0.0,131.74650408258736 +0.925,0.0,0.0,0.0,0.0,0.972,0.0,55.29,2023-07-31,richmond/petersburg smm food,88.6539701020524,86.06809383806947,0.0,0.0,0.7471747384260543,0.0,0.18502885525124044,0.43141031013522907,0.8603592212925222,88.29206696317452 +0.706,0.0,0.645,0.0,0.0,0.0,0.0,77.61,2023-07-31,sacramento/stockton/modesto smm food,73.62702792584281,71.58708164797008,1.3041371357924798,1.1984231741642564,0.0,1.2572081667535575,0.46707750595459774,0.44373631899623567,0.0,76.25766394963121 +0.0,0.0,0.764,0.989,0.0,0.0,0.0,104.5,2023-07-31,salt lake city smm food,86.6046571781277,83.72480907215119,0.0,0.0,0.0,0.0,0.2370691999704419,0.7485996048251309,1.032144756325971,85.74262263327273 +0.717,0.0,0.0,0.981,0.0,0.676,0.0,97.85,2023-07-31,san diego smm food,82.71749858266776,78.71431295071628,0.0,0.0,0.0,2.030874730909593,0.27874750289989825,0.0,1.2153826603616495,82.23931784488742 +0.0,0.0,0.877,0.496,0.0,0.978,0.0,99.3,2023-07-31,san francisco/oakland/san jose smm food,91.6413722105058,88.87591304741949,0.0,0.0,0.0,0.0,0.6492402354139853,0.0,0.7415408928943868,90.26669417572786 +0.0,0.707,0.903,0.0,0.0,0.0,0.0,121.22000000000001,2023-07-31,seattle/tacoma smm food,90.8406788010576,88.74475650580376,1.626790323462619,0.0,0.9158916148448408,0.0,0.2753331885311822,0.0,1.1595523614757788,92.72232399411818 +0.0,0.9339999999999999,0.916,0.0,0.0,0.7020000000000001,0.0,78.92,2023-07-31,st. louis smm food,90.75961698410786,87.70409353036166,0.0,0.0,0.0,1.253003457165753,0.535134570192033,0.6754652855831587,0.0,90.16769684330261 +0.75,0.0,0.5740000000000001,0.5710000000000001,0.0,0.754,0.25,114.79,2023-07-31,tampa/ft. myers smm food,177.4836757221546,173.25520362076367,1.1959420548971036,0.0,0.0,1.2740270051047757,0.1667874392498756,0.821733924067103,0.0,176.71369404408253 +0.0,0.0,0.0,0.729,0.0,0.723,0.0,79.53,2023-07-31,tucson/sierra vista smm food,65.44897691627543,63.32224664442017,0.0,0.0,0.0,2.0329770857034952,1.1198535881104716,0.0,0.7816241844021916,67.25670150263633 +0.0,0.539,0.0,0.0,0.0,0.812,0.891,170.1,2023-07-31,washington dc/hagerstown smm food,175.84059046693977,173.02137618365978,0.0,0.8715804903012774,0.0,0.0,0.0842289314661023,0.41004522810948446,1.1480999924735489,175.53533082601018 +0.875,0.0,0.0,0.972,0.0,0.52,0.0,34.98,2023-07-31,yakima/pasco/richland/kennewick smm food,57.6782810060875,53.51694236690935,0.99887244326624,1.193544925151376,0.0,0.0,0.3531744453897989,0.0,0.0,56.06253418071676 +0.728,0.607,0.531,0.844,0.0,0.0,0.723,74.21,2023-08-07,albany/schenectady/troy smm food,88.11628348361597,82.35686844083078,0.0,1.37566622163224,0.0,1.7764898008474184,0.2191218040909075,0.5941136271005154,0.0,86.32225989450185 +0.0,0.706,0.0,0.91,0.0,0.0,0.0,63.03,2023-08-07,albuquerque/santa fe smm food,73.85328682519507,70.79212936171284,0.0,0.8715804903012774,0.5501637274525646,0.0,1.0230325946755472,0.42401470481862513,0.0,73.66092087896085 +0.0,0.0,0.0,0.0,0.0,0.727,0.0,320.77,2023-08-07,atlanta smm food,165.84493140287995,165.2475308400832,1.7040725241021735,0.9415020594858946,0.0,1.6629626419766959,0.5805910240817307,0.0,0.0,170.13665908972968 +0.0,0.528,0.0,0.865,0.0,0.975,0.9490000000000002,119.16,2023-08-07,baltimore smm food,110.11719776206336,105.28036119021601,0.0,0.0,0.8551116220977004,1.6671673515645002,0.09255625666519775,0.8085861812820294,0.0,108.70378260182544 +0.0,0.0,0.9520000000000001,0.0,0.0,0.756,0.664,28.600000000000005,2023-08-07,baton rouge smm food,53.19764960300242,50.62824190344196,0.0,0.0,0.0,1.3139717461889189,0.2248745899304054,0.0,1.115174431592138,53.282262671153426 +0.735,0.0,0.0,0.6980000000000001,0.0,0.0,0.915,111.9,2023-08-07,birmingham/anniston/tuscaloosa smm food,66.47288569108059,62.27551690355495,1.3775552264000563,0.0,0.9829591930485821,0.0,1.2279281142477376,0.5250879774788788,0.0,66.38904741473021 +0.7010000000000001,0.9450000000000001,0.893,0.0,0.0,0.0,0.0,222.53,2023-08-07,boston/manchester smm food,187.17111267354596,183.34429136615643,0.0,0.8764587393141576,0.0,2.007748828176668,0.1750910359756107,0.0,1.3399271732609,187.74351714288377 +0.704,0.0,0.0,0.8180000000000001,0.0,0.585,0.791,64.99,2023-08-07,buffalo smm food,68.65615359112637,63.96319330778341,1.1186598542575492,1.1561450160526272,0.8697826548297688,1.587277869396214,0.6853908687896703,0.0,0.0,69.38044957110924 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,148.89,2023-08-07,charlotte smm food,127.1008852661048,127.1008852661048,0.0,1.6000656762247332,0.0,1.696600318679132,1.008667285639834,0.4379841815277659,0.0,131.84420272817627 +0.601,0.84,0.7020000000000001,0.884,0.0,0.0,0.847,181.51,2023-08-07,chicago smm food,183.4565791904098,177.12285569785104,1.08388286396975,0.0,0.6633402656713778,1.797513348786441,0.43477195000247826,0.7009390372292389,1.2196772987374858,183.0229804622478 +0.0,0.0,0.972,0.0,0.0,0.0,0.0,143.08,2023-08-07,cleveland/akron/canton smm food,132.10966349420826,131.09107465023894,1.8257919901094717,0.0,0.0,0.0,0.7158475811924628,0.0,0.0,133.63271422154088 +0.752,0.971,0.732,0.6920000000000001,0.0,0.751,0.888,112.4,2023-08-07,columbus oh smm food,111.06281673814499,103.92073468964487,1.2500395953447916,0.8455631622325824,0.8331050729995978,2.096047729520563,0.8304413532798854,0.5867180217839115,0.0,110.36264962480621 +0.0,0.687,0.0,0.584,0.0,0.0,0.546,126.9,2023-08-07,dallas/ft. worth smm food,108.40367558930922,105.27715718131851,1.3601667312561565,0.0,0.6832509529506136,0.0,0.08951429680152104,0.0,0.0,107.41008916232681 +0.0,0.65,0.686,0.918,0.0,0.0,0.732,79.87,2023-08-07,des moines/ames smm food,67.16198538495419,62.408297363785806,0.0,1.4553442888426178,0.0,1.641939094037673,1.033173779136323,0.0,0.0,66.53875452580242 +0.0,0.724,0.923,0.896,0.0,0.0,0.0,184.74,2023-08-07,detroit smm food,164.3511572727924,160.32292305294044,0.0,1.3398923955377846,0.0,0.0,0.4430369119062035,0.7313431924197217,0.0,162.83719555280416 +0.9530000000000001,0.0,0.0,0.0,0.0,0.0,0.0,142.25,2023-08-07,grand rapids smm food,111.85681473883996,110.01556630860257,1.7504418444859058,0.0,0.0,2.0750241815815405,0.48232822167896805,0.5538486648212274,0.0,114.87720922117022 +0.0,0.623,0.0,0.9590000000000001,0.0,0.0,0.0,92.25,2023-08-07,greensboro smm food,86.59845121489889,83.56924325587181,1.2654960354727025,0.9642672215460026,1.0280202221542207,0.0,0.6271472014483213,0.0,0.0,87.45417393649306 +0.0,0.0,0.716,0.834,0.0,0.0,0.0,90.56,2023-08-07,harrisburg/lancaster smm food,87.52879012387872,85.02510769460987,1.7581700645498615,1.5870570121903853,0.587889240192169,0.0,0.6731600576171993,0.0,0.0,89.63138406915948 +0.0,0.539,0.726,0.634,0.0,0.0,0.0,92.11,2023-08-07,hartford/new haven smm food,115.58087975995724,112.61073024106035,1.2906127506805578,0.9138586484129065,0.0,0.0,0.7968178023170774,0.0,1.2812337821244715,116.89325322459537 +0.0,0.5760000000000001,0.0,0.856,0.0,0.776,0.0,228.27999999999997,2023-08-07,houston smm food,171.0203470271434,167.64644198801398,1.7002084140701956,1.1854145101299087,0.8802619639241033,1.2235704900511213,0.7889515091869256,0.0,1.0622072249568244,174.48705610033306 +0.0,0.521,0.0,0.0,0.0,0.0,0.9840000000000001,85.73,2023-08-07,indianapolis smm food,91.27706560831568,89.02123497580452,1.4509733170076329,1.1008581939066506,0.0,1.149988072264542,0.2879164283752937,0.0,1.0092400183215111,94.02021100568015 +0.0,0.67,0.859,0.643,0.0,0.0,0.717,152.99,2023-08-07,jacksonville smm food,90.66777095842959,86.29988999004563,0.0,0.0,0.0,1.4569318721742734,0.1966278197676929,0.0,0.0,87.95344968198759 +0.58,0.706,0.5670000000000001,0.764,0.0,0.0,0.0,114.54000000000002,2023-08-07,kansas city smm food,84.96268291010583,80.49370051161102,1.4258566017997778,0.9707715535631763,0.0,0.0,0.2907099997966791,0.5653529397581669,0.0,83.74639160652882 +0.0,0.0,0.785,0.0,0.0,0.878,0.7020000000000001,53.65,2023-08-07,knoxville smm food,71.95207191562923,69.4030183864474,1.9050062457650148,1.3512749765678387,0.0,1.6146084817169435,0.23747258401756782,0.5554921326693617,1.361400365140081,76.42827317232421 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,98.23,2023-08-07,las vegas smm food,73.0759844669223,73.0759844669223,1.5533722328550426,0.0,0.0,1.1226574599438124,0.30765638873272344,0.0,0.0,76.05967054845388 +0.588,0.765,0.0,0.717,0.0,0.524,0.708,90.33,2023-08-07,little rock/pine bluff smm food,63.03508462381464,57.70357115599228,0.0,1.4732312018898455,0.0,0.0,1.4239940559347055,0.0,0.0,60.60079641381683 +0.886,0.598,0.755,0.888,0.0,0.0,0.0,162.77,2023-08-07,los angeles smm food,159.31885346902476,153.9765761946837,0.0,0.9967888816318712,0.5836975165544352,1.4443177434108598,0.1166044559935151,0.0,0.0,157.11798479227437 +0.6990000000000001,0.5650000000000001,0.534,0.0,0.0,0.0,0.0,66.2,2023-08-07,madison wi smm food,55.24802373741104,52.419185278171575,0.0,0.0,0.0,0.0,0.408727364694324,0.0,0.0,52.8279126428659 +0.0,0.929,0.541,0.723,0.0,0.96,0.809,455.39,2023-08-07,miami/west palm beach smm food,189.66636396752165,184.12181433608328,1.5688286729829535,0.9691454705588829,0.0,2.0119535377644726,0.35512322231731663,0.5439878577324222,0.0,189.5708530974393 +0.788,0.96,0.0,0.664,0.0,0.0,0.518,48.18,2023-08-07,milwaukee smm food,73.37417599279208,68.15317248002567,0.0,0.0,0.9064602366599397,0.0,0.2510717371538187,0.5538486648212274,1.4258199407776242,71.29037305943828 +0.0,0.841,0.0,0.9490000000000002,0.0,0.973,0.91,83.43,2023-08-07,minneapolis/st. paul smm food,91.21564703802615,85.75072244988117,0.0,0.0,0.6947781929543816,1.059586816126744,0.20986267999562308,0.4248364387426923,1.2196772987374858,89.3594638764381 +0.0,0.989,0.0,0.605,0.0,0.0,0.0,95.92,2023-08-07,mobile/pensacola smm food,70.34655561776157,67.46643487620449,1.8682972004612264,0.0,0.5574992438185988,0.0,0.7123862661938215,0.6483480660889442,0.0,71.25296565276707 +0.0,0.978,0.536,0.6920000000000001,0.0,0.862,0.0,127.75,2023-08-07,nashville smm food,99.78733224431693,95.47216793873541,0.0,0.9187368974257868,0.0,0.0,0.23835555701664993,0.0,0.8718115902947521,97.5010719834726 +0.0,0.0,0.98,0.847,0.0,0.9450000000000001,0.0,49.89,2023-08-07,new orleans smm food,63.1338226762107,59.54961731628727,0.0,0.0,0.8645430002826016,1.1184527503560078,2.8548564401680414,0.4930403544402618,0.0,64.88050986153418 +0.0,0.759,0.0,0.0,0.0,0.6990000000000001,0.0,301.84,2023-08-07,new york smm food,291.97035459792147,290.1617655847399,0.0,0.0,0.8425364511844989,0.0,0.4178304284455846,0.0,0.0,291.42213246436995 +0.96,0.903,0.625,0.0,0.0,0.0,0.985,97.26,2023-08-07,norfolk/portsmouth/newport news smm food,107.69809476860661,102.30993924858487,0.0,0.0,0.0,0.0,0.14494674847206282,0.7699646868508756,0.0,103.2248506839078 +0.714,0.0,0.624,0.0,0.0,0.0,0.0,56.8,2023-08-07,oklahoma city smm food,55.64264028887409,53.609244119971564,0.0,0.0,0.0,0.0,0.15130841302221112,0.0,0.0,53.76055253299378 +0.0,0.872,0.0,0.67,0.0,0.0,0.707,74.48,2023-08-07,omaha smm food,64.71485505224942,60.87622985001895,1.7349854043579953,0.9301194784558408,0.0,0.0,0.47348708376826204,0.0,0.0,64.01482181660106 +0.0,0.636,0.248,0.0,0.0,0.8130000000000001,0.9350000000000002,328.95,2023-08-07,orlando/daytona beach/melborne smm food,135.91602313053443,132.61538216686213,1.7291892393100285,1.5252658580272354,0.7828043893467919,1.4716483557315894,0.19842053635118675,0.7477778709010637,0.0,139.07048841653003 +0.96,0.9899999999999999,0.0,0.0,0.0,0.0,0.833,16.2,2023-08-07,paducah ky/cape girardeau mo smm food,60.21633104479134,55.55925813283435,0.0,0.0,0.0,1.9341664103900884,1.510613174775067,0.4297668422870949,0.8675169519189159,60.30132151220552 +0.6980000000000001,0.0,0.0,0.0,0.0,0.866,0.583,195.74,2023-08-07,philadelphia smm food,202.63253500827474,199.7377476378349,1.2964089157285243,0.0,0.6277106147506404,1.9551899583291115,0.7526988129546717,0.6253395162150653,1.2597605902452904,206.2548560460582 +0.0,0.0,0.811,0.0,0.0,0.0,0.0,129.83,2023-08-07,phoenix/prescott smm food,117.83283308701775,116.98296111946722,0.0,1.0195540436919792,0.7482226693354878,1.8689934117791183,0.28060516857393614,0.0,0.9691567268137065,121.86949313966144 +0.0,0.0,0.0,0.722,0.0,0.728,0.5060000000000001,136.4,2023-08-07,pittsburgh smm food,107.39271714615371,104.55223234884438,0.0,0.9008499843785591,0.744030945697754,1.5157978064035367,0.5060036101854507,0.7584604119139361,0.0,108.97737510742363 +0.0,0.843,0.608,0.0,0.0,0.0,0.678,75.9,2023-08-07,portland or smm food,89.87482771773007,86.8963094792362,1.4374489318957109,1.4732312018898455,0.9861029857768824,0.0,0.41691110220846966,0.0,0.0,91.2100037010071 +0.5650000000000001,0.0,0.796,0.0,0.0,0.0,0.0,40.18,2023-08-07,providence ri/new bedford ma smm food,85.17407044574796,83.24830635780522,1.5089349674872987,0.0,0.8645430002826016,1.8017180583742456,0.7078666004410692,0.0,0.9476835349345254,89.07905251932496 +0.707,0.0,0.0,0.0,0.0,0.0,0.9450000000000001,86.79,2023-08-07,raleigh/durham/fayetteville smm food,128.0489467607939,125.33017277610136,1.6094018283187193,0.0,0.925322993029742,0.0,3.695445670555036,0.4067582924132159,1.2855284205003077,133.25262998091839 +0.761,0.0,0.858,0.751,0.0,0.0,0.0,361.7,2023-08-07,rem us east north central smm food,310.4019597398069,306.4536727021249,0.0,1.0358148737349135,0.0,1.2004445873181964,1.1216891984727324,0.7066911746977086,1.185320191730796,311.70363272807924 +0.0,0.905,0.754,0.532,0.0,0.0,0.966,148.72,2023-08-07,rem us middle atlantic smm food,135.56309459367094,130.80002326169728,0.0,0.0,0.7995712838977272,1.5136954516096346,1.2051645988040454,0.47331874026265136,1.0851119629612842,135.8768852992326 +0.523,0.717,0.0,0.717,0.0,0.5730000000000001,0.0,181.2,2023-08-07,rem us mountain smm food,178.1121197442202,173.95751153106124,1.2925448056965465,0.0,1.023828498516487,1.8395604446644864,0.751603804751331,0.6171221769743943,0.0,179.4821712616645 +0.0,0.0,0.802,0.0,0.0,0.598,0.7000000000000001,148.01,2023-08-07,rem us new england smm food,150.5555503767069,148.221630613054,0.0,0.0,0.7461268075166209,0.0,0.8290649497193867,0.0,0.0,149.79682237029002 +0.873,0.503,0.591,0.0,0.0,0.735,0.838,97.67,2023-08-07,rem us pacific smm food,110.04118523677839,105.11364420201244,0.0,1.2829794903875145,0.587889240192169,1.1941375229364897,3.340418883187145,0.0,1.2769391437486353,112.79600848246439 +0.0,0.0,0.659,0.0,0.0,0.9430000000000001,0.0,381.39,2023-08-07,rem us south atlantic smm food,285.14571191652647,283.6802303568146,1.0510379286979392,1.0650843678121953,1.012301258512719,0.0,3.8462340345360992,0.0,1.2268350293638794,291.88172297573743 +0.0,0.0,0.714,0.641,0.0,0.9899999999999999,0.873,429.99,2023-08-07,rem us south central smm food,403.59041780566804,399.4313293612464,0.0,0.0,0.8425364511844989,1.8542769282218023,1.100269840202664,0.0,0.0,403.2284125808554 +0.774,0.8260000000000001,0.62,0.0,0.0,0.0,0.0,143.83,2023-08-07,rem us west north central smm food,129.44280079029852,125.95452848252805,0.0,0.0,0.0,0.0,0.40122871079565914,0.5990440306449181,0.0,126.95480122396863 +0.0,0.9000000000000001,0.0,0.0,0.0,0.7000000000000001,0.0,80.34,2023-08-07,richmond/petersburg smm food,88.10678228878054,86.06809383806947,1.3253897409683573,0.0,0.5155820074412606,1.8731981213669229,0.18092900095024825,0.44455805292030276,0.8789693209211458,91.28672008263771 +0.9829999999999999,0.0,0.596,0.0,0.0,0.856,0.0,46.71,2023-08-07,sacramento/stockton/modesto smm food,74.81426278971091,71.58708164797008,1.804539384933594,0.0,0.8792140330146698,0.0,0.48071331654007826,0.0,0.8274336604111112,75.57898204286954 +0.883,0.0,0.0,0.0,0.0,0.543,0.917,92.78,2023-08-07,salt lake city smm food,87.1897429689184,83.72480907215119,0.0,1.5106311109885946,1.0112533276032853,0.0,0.23507418294099125,0.8200904562189689,0.0,87.30185814990303 +0.994,0.0,0.0,0.5730000000000001,0.0,0.668,0.0,93.77,2023-08-07,san diego smm food,82.38834319479201,78.71431295071628,1.7890829448056833,0.9740237195717633,0.0,0.0,0.2710774259917647,0.0,0.0,81.74849704108549 +0.53,0.725,0.961,0.0,0.0,0.802,0.535,110.41,2023-08-07,san francisco/oakland/san jose smm food,93.51078177209783,88.87591304741949,1.711800744166129,1.3382663125334913,0.0,1.9341664103900884,0.6440558681959467,0.0,0.7214992471404845,95.22570162984563 +0.759,0.0,0.0,0.0,0.0,0.649,0.9460000000000001,89.73,2023-08-07,seattle/tacoma smm food,92.09873421417254,88.74475650580376,0.0,0.0,0.8247216257241302,0.0,0.264625106504932,0.0,0.0,89.83410323803282 +0.584,0.0,0.919,0.635,0.0,0.0,0.0,82.01,2023-08-07,st. louis smm food,91.13045745959644,87.70409353036166,1.284816585632591,0.0,0.7859481820750922,1.999339409001059,0.5080352846641311,0.0,1.3714211880170322,93.65365417975157 +0.8320000000000001,0.876,0.955,0.8300000000000001,0.0,0.519,0.0,441.07,2023-08-07,tampa/ft. myers smm food,179.4593305098661,173.25520362076367,0.0,0.0,0.0,0.0,0.16844462974513827,0.0,0.0,173.4236482505088 +0.878,0.6960000000000001,0.684,0.512,0.0,0.923,0.0,87.09,2023-08-07,tucson/sierra vista smm food,68.701995527891,63.32224664442017,0.0,1.3447706445506649,0.0,1.5473331283120708,1.0963205704441512,0.742025733432594,0.0,68.05269672115965 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,174.88,2023-08-07,washington dc/hagerstown smm food,173.02137618365978,173.02137618365978,1.6866840289582736,1.3545271425764254,0.8551116220977004,1.3118693913950166,0.08342474916702441,0.8110513830542306,0.0,179.12404450090844 +0.532,0.0,0.988,0.0,0.0,0.0,0.0,59.720000000000006,2023-08-07,yakima/pasco/richland/kennewick smm food,55.58015137393568,53.51694236690935,1.8934139156690815,1.2553360793145263,0.0,1.7239309309998616,0.2685757452138312,0.0,0.0,58.658199038106645 +0.9199999999999999,0.736,0.521,0.0,0.0,0.74,0.612,36.84,2023-08-14,albany/schenectady/troy smm food,87.36131748299556,82.35686844083078,0.0,0.0,0.6696278511279786,1.50949074202183,0.16957948961527636,0.8159817865986333,0.0,85.5215483101945 +0.0,0.588,0.0,0.0,0.0,0.0,0.0,58.74,2023-08-14,albuquerque/santa fe smm food,71.74826616823738,70.79212936171284,0.0,0.0,0.7492706002449212,0.0,0.7958184685351706,0.0,0.0,72.33721843049292 +0.559,0.0,0.583,0.0,0.0,0.0,0.0,157.65,2023-08-14,atlanta smm food,166.93849331422066,165.2475308400832,0.0,0.9496324745073618,0.0,0.0,0.4473935204574025,0.0,0.8302967526616687,167.47485358770962 +0.0,0.764,0.0,0.0,0.0,0.0,0.0,119.07,2023-08-14,baltimore smm food,106.52268860549619,105.28036119021601,0.0,0.0,0.9682881603165137,1.3833494543876939,0.07470453520709706,0.0,1.0979958780887928,108.80469921821611 +0.0,0.0,0.0,0.9129999999999999,0.0,0.73,0.853,73.2,2023-08-14,baton rouge smm food,54.36866643970649,50.62824190344196,1.8934139156690815,0.0,0.0,0.0,0.18488876599505533,0.0,0.0,52.706544585106094 +0.584,0.577,0.803,0.532,0.0,0.9400000000000001,0.0,72.71,2023-08-14,birmingham/anniston/tuscaloosa smm food,67.07445808562392,62.27551690355495,1.6499749836544852,1.0423192057520871,0.0,1.5494354831059731,0.9539944493280204,0.0,0.0,67.47124102539551 +0.0,0.0,0.665,0.0,0.0,0.9490000000000002,0.0,216.09,2023-08-14,boston/manchester smm food,184.82099091486936,183.34429136615643,1.1283201293374934,0.0,1.0039178112372513,1.9720087966803295,0.14112083635390388,0.5004359597568657,0.0,188.09009489952228 +0.0,0.0,0.916,0.555,0.0,0.0,0.729,48.58,2023-08-14,buffalo smm food,67.13350205676842,63.96319330778341,1.3234576859523683,1.3659097236064792,0.0,0.0,0.5217687470438256,0.8192687222949016,0.0,67.99359818668098 +0.898,0.727,0.758,0.5630000000000001,0.0,0.0,0.658,142.35,2023-08-14,charlotte smm food,132.93794774333506,127.1008852661048,0.0,0.0,0.8006192148071607,0.0,0.7924084131232116,0.0,0.9591359039367553,129.65304879797193 +0.0,0.758,0.0,0.0,0.0,0.0,0.804,198.21,2023-08-14,chicago smm food,179.50638969982955,177.12285569785104,1.0433097086339838,0.0,0.5543554510902985,0.0,0.36693437414362606,0.0,0.0,179.08745523171893 +0.0,0.598,0.922,0.835,0.0,0.0,0.704,122.05000000000001,2023-08-14,cleveland/akron/canton smm food,135.79293931040866,131.09107465023894,0.0,1.619578672276254,0.0,0.0,0.5513033953087306,0.0,1.0407340330776433,134.30269075090158 +0.0,0.715,0.0,0.9000000000000001,0.0,0.0,0.0,117.4,2023-08-14,columbus oh smm food,106.97550335222672,103.92073468964487,1.8296561001414493,0.0,0.0,1.1184527503560078,0.661659201211756,0.8110513830542306,0.966293634563149,109.30784775897146 +0.659,0.0,0.729,0.0,0.0,0.5750000000000001,0.0,118.46999999999998,2023-08-14,dallas/ft. worth smm food,107.78682007617074,105.27715718131851,1.4123322166878558,0.9967888816318712,0.0,1.89842637889375,0.07918617456023329,0.6532784696333469,1.223971937113322,111.5411412398389 +0.582,0.0,0.621,0.0,0.0,0.589,0.0,35.15,2023-08-14,des moines/ames smm food,64.66751975912503,62.408297363785806,1.3253897409683573,0.0,0.0,0.0,0.7981073535808532,0.0,0.0,64.53179445833501 +0.8200000000000001,0.0,0.0,0.0,0.0,0.0,0.0,151.4,2023-08-14,detroit smm food,161.9072081660513,160.32292305294044,0.0,1.2374491662672986,0.0,1.6524508680071845,0.3459999285214603,0.781468961787815,0.0,164.3402919775242 +0.0,0.0,0.0,0.891,0.0,0.0,0.749,132.34,2023-08-14,grand rapids smm food,112.96099247780327,110.01556630860257,1.707936634134151,1.3252576484991436,0.0,0.0,0.36599071101075686,0.0,0.8703800441694733,114.2851313464161 +0.0,0.6890000000000001,0.0,0.62,0.0,0.8280000000000001,0.536,98.88,2023-08-14,greensboro smm food,87.44077883032634,83.56924325587181,1.1128636892095827,0.0,0.5690264838223669,1.7764898008474184,0.46813646513110235,0.5900049574801799,0.0,88.08576465236246 +0.5630000000000001,0.681,0.6880000000000001,0.51,0.0,0.0,0.0,122.25,2023-08-14,harrisburg/lancaster smm food,89.01339460511579,85.02510769460987,1.9030741907490258,0.0,0.0,0.0,0.5524452520363982,0.8110513830542306,0.0,88.29167852044952 +0.0,0.0,0.0,0.0,0.0,0.965,0.0,149.32,2023-08-14,hartford/new haven smm food,113.4037034777851,112.61073024106035,0.0,1.1057364429195309,0.0,1.4506248077925665,0.6262160109745262,0.0,0.7730349076505192,116.5663424103975 +0.723,0.852,0.0,0.601,0.0,0.0,0.917,161.89,2023-08-14,houston smm food,173.00498351224778,167.64644198801398,0.0,0.0,0.8090026620826283,0.0,0.6109185988314274,0.0,1.2483082212430605,170.3146714701711 +0.948,0.0,0.0,0.0,0.0,0.634,0.791,118.41999999999999,2023-08-14,indianapolis smm food,92.50615542391598,89.02123497580452,0.0,1.5561614351088104,0.9431378184901108,1.057484461332842,0.22744000295409517,0.0,0.0,92.80545869369038 +0.897,0.0,0.877,0.915,0.0,0.0,0.0,51.34,2023-08-14,jacksonville smm food,90.87563338338136,86.29988999004563,0.0,0.8162936681553008,0.8519678293694001,1.057484461332842,0.16689573843598182,0.0,0.0,89.19253168733916 +0.993,0.0,0.24250000000000002,0.605,0.0,0.0,0.0,99.9,2023-08-14,kansas city smm food,83.93827903833645,80.49370051161102,0.0,0.0,0.0,1.238286973608437,0.2256183863068932,0.0,0.0,81.95760587152635 +0.0,0.9540000000000001,0.9829999999999999,0.9969999999999999,0.0,0.0,0.0,65.73,2023-08-14,knoxville smm food,74.08046538603696,69.4030183864474,0.0,0.0,0.0,0.0,0.18467962079716768,0.0,0.0,69.58769800724457 +0.0,0.8150000000000001,0.0,0.0,0.0,0.0,0.784,52.09,2023-08-14,las vegas smm food,75.52357427763997,73.0759844669223,1.244243430296825,0.8341805812025285,0.6308544074789407,2.047693569260811,0.23184254739603022,0.5661746736822341,0.0,78.63097367623968 +0.0,0.0,0.79,0.795,0.0,0.719,0.0,46.32,2023-08-14,little rock/pine bluff smm food,60.79363532700127,57.70357115599228,1.7813547247417278,0.0,0.7723250802524573,0.0,1.0627526901303808,0.47331874026265136,0.0,61.7933223913795 +0.0,0.878,0.656,0.0,0.0,0.8140000000000001,0.0,190.42,2023-08-14,los angeles smm food,156.76061116323228,153.9765761946837,0.0,1.0780930318465427,0.0,1.1016339120047896,0.0916713062933356,0.0,1.0636387710821031,157.31161321591048 +0.0,0.805,0.0,0.0,0.0,0.712,0.734,72.69,2023-08-14,madison wi smm food,55.36401150651816,52.419185278171575,1.667363478798385,0.0,0.6895385384072144,1.2929481982498963,0.31649037768030175,0.0,0.0,56.38552587130737 +0.843,0.671,0.0,0.811,0.0,0.0,0.598,136.25,2023-08-14,miami/west palm beach smm food,189.4027127312142,184.12181433608328,1.0066006633301954,0.0,0.0,1.1079409763864965,0.2781795405952346,0.542344389884288,0.0,187.05687990627948 +0.716,0.0,0.686,0.501,0.0,0.0,0.974,79.2,2023-08-14,milwaukee smm food,72.70301015311158,68.15317248002567,1.408468106655878,0.0,0.8194819711769629,1.4758530653193938,0.21907389082739145,0.0,0.0,72.0760495140053 +0.0,0.6890000000000001,0.0,0.766,0.0,0.532,0.0,107.04,2023-08-14,minneapolis/st. paul smm food,88.91865985957217,85.75072244988117,0.0,1.3707879726193595,0.7639416329769897,1.4842624844950028,0.16999002262553006,0.0,0.0,89.53970456259805 +0.0,0.0,0.724,0.605,0.0,0.0,0.619,66.94,2023-08-14,mobile/pensacola smm food,70.38318855649273,67.46643487620449,0.0,1.2439534982844722,0.5669306220035,0.0,0.5542407065206644,0.6754652855831587,0.0,70.50702498859629 +0.678,0.793,0.0,0.0,0.0,0.0,0.0,121.51000000000002,2023-08-14,nashville smm food,98.07158506198054,95.47216793873541,1.640314708574541,0.0,0.0,0.0,0.19472558715330512,0.534127050643617,1.032144756325971,98.87348004143284 +0.925,0.0,0.655,0.93,0.0,0.9759999999999999,0.0,65.69,2023-08-14,new orleans smm food,64.78036521997448,59.54961731628727,1.4896144173274102,1.2325709172544184,0.0,0.0,2.231117620970096,0.6097265716577904,0.0,65.11264684349699 +0.0,0.0,0.0,0.87,0.0,0.0,0.9430000000000001,334.14,2023-08-14,new york smm food,293.3407622515727,290.1617655847399,0.0,0.0,0.0,0.0,0.32232666949335614,0.7379170638122585,0.0,291.22200931804554 +0.754,0.9380000000000001,0.0,0.0,0.0,0.0,0.0,83.82,2023-08-14,norfolk/portsmouth/newport news smm food,105.29197458866771,102.30993924858487,1.1592330095933152,1.3594053915893056,0.6088478583808381,0.0,0.13415607310584676,0.6393089929242062,0.0,106.21089057417838 +0.0,0.737,0.0,0.68,0.0,0.776,0.618,81.44,2023-08-14,oklahoma city smm food,57.7596295844877,53.609244119971564,0.0,0.9317455614601342,0.6905864693166478,1.7785921556413204,0.11720131836188687,0.0,0.7358147083932719,57.86318433314482 +0.779,0.505,0.0,0.994,0.0,0.0,0.0,54.86,2023-08-14,omaha smm food,65.29221328978133,60.87622985001895,0.0,0.0,0.0,0.0,0.40340655875446324,0.0,0.0,61.27963640877341 +0.0,0.0,0.0,0.753,0.0,0.0,0.532,103.46,2023-08-14,orlando/daytona beach/melborne smm food,134.9600378653188,132.61538216686213,1.2751563105526469,1.201675340172843,0.8247216257241302,1.0932244928291805,0.15852688840850573,0.5374139863398854,1.0393024869523646,138.74540329784168 +0.0,0.59,0.9910000000000001,0.72,0.0,0.0,0.637,56.44,2023-08-14,paducah ky/cape girardeau mo smm food,59.98273697002822,55.55925813283435,0.0,0.0,0.0,2.062410052818127,1.1695785814098578,0.0,0.0,58.79124676706233 +0.0,0.0,0.0,0.9140000000000001,0.0,0.0,0.0,188.46,2023-08-14,philadelphia smm food,201.65929991946157,199.7377476378349,1.6789558088943182,1.5025006959671274,0.9578088512221793,0.0,0.572944219330162,0.5743920129229051,1.0822488707107267,206.10659809688232 +0.0,0.593,0.0,0.561,0.0,0.598,0.0,144.64,2023-08-14,phoenix/prescott smm food,119.61804626698454,116.98296111946722,1.176621504737215,1.4146922137352822,0.950473334856145,0.0,0.24352349683005461,0.7896863010284859,0.0,121.5579579706544 +0.0,0.8310000000000001,0.0,0.0,0.0,0.0,0.6890000000000001,119.09,2023-08-14,pittsburgh smm food,106.88984260572927,104.55223234884438,0.0,0.0,0.0,1.6692697063584025,0.3796919270035769,0.0,1.0335763024512497,107.63477028465762 +0.0,0.558,0.636,0.0,0.0,0.734,0.0,97.67,2023-08-14,portland or smm food,89.07330055429685,86.8963094792362,1.4432450969436774,0.0,0.0,0.0,0.3289393082809697,0.0,1.0178292950731835,89.68632317953403 +0.0,0.89,0.0,0.654,0.0,0.0,0.9269999999999999,94.4,2023-08-14,providence ri/new bedford ma smm food,87.39750352497185,83.24830635780522,0.0,1.3772923046365333,0.6413337165732753,0.0,0.5370652465533335,0.0,0.9748829113148214,86.77888053688318 +0.0,0.0,0.0,0.0,0.0,0.527,0.528,149.2,2023-08-14,raleigh/durham/fayetteville smm food,126.5190829082319,125.33017277610136,1.2693601455046803,1.2797273243789278,0.8980767893844721,1.0764056544779623,2.886121898037866,0.7855776314081506,0.0,133.5254422192934 +0.613,0.808,0.623,0.525,0.0,0.73,0.0,302.09,2023-08-14,rem us east north central smm food,311.3083604823398,306.4536727021249,1.5108670225032876,1.4488399568254442,0.6685799202185452,0.0,0.8727618460460557,0.8036557777376268,0.8260021142858325,312.5843793397417 +0.839,0.0,0.0,0.804,0.0,0.0,0.0,168.59,2023-08-14,rem us middle atlantic smm food,134.11131067440937,130.80002326169728,0.0,1.1252494389710521,0.0,0.0,0.9382836141682972,0.5596008022896972,0.8789693209211458,134.30212643804748 +0.0,0.783,0.621,0.613,0.0,0.515,0.9770000000000001,229.16,2023-08-14,rem us mountain smm food,178.99205664213517,173.95751153106124,1.2249228801369365,0.0,0.0,1.627222610480357,0.5672845221169242,0.0,1.2010671991088622,178.57800874290433 +0.8160000000000001,0.61,0.707,0.0,0.0,0.0,0.644,152.48,2023-08-14,rem us new england smm food,152.4529009963689,148.221630613054,0.0,0.0,0.0,1.5683566762510937,0.6565099703869623,0.0,0.0,150.44649725969205 +0.0,0.0,0.96,0.708,0.0,0.774,0.602,139.66,2023-08-14,rem us pacific smm food,109.10593789379709,105.11364420201244,0.0,1.5203876090143553,1.0458350476145895,1.50949074202183,2.5865306044524865,0.0,1.289823058876144,113.06571126399184 +0.9840000000000001,0.985,0.5670000000000001,0.8210000000000001,0.0,0.514,0.537,301.08,2023-08-14,rem us south atlantic smm food,290.6943858694643,283.6802303568146,0.0,1.03418879073062,0.6832509529506136,0.0,3.0508017621154275,0.6080831038096562,0.0,289.05655496642095 +0.8180000000000001,0.782,0.896,0.0,0.0,0.0,0.9440000000000001,461.6600000000001,2023-08-14,rem us south central smm food,404.5736729107983,399.4313293612464,0.0,1.1805362611170285,0.6717237129468455,0.0,0.899695640682829,0.4609927314016448,0.0,402.64427770739474 +0.9450000000000001,0.0,0.0,0.508,0.0,0.0,0.0,104.2,2023-08-14,rem us west north central smm food,128.84831670793986,125.95452848252805,1.1283201293374934,1.0016671306447515,0.7597499093392558,0.0,0.3056298858443908,0.0,1.0851119629612842,130.23500750065523 +0.0,0.671,0.0,0.931,0.0,0.0,0.785,78.9,2023-08-14,richmond/petersburg smm food,90.2402515554172,86.06809383806947,1.2210587701049587,0.0,0.5826495856450018,0.0,0.15484395555290273,0.5168706382382078,0.9362311659322954,89.47974795354284 +0.0,0.871,0.0,0.0,0.0,0.922,0.601,43.69,2023-08-14,sacramento/stockton/modesto smm food,74.62139784399207,71.58708164797008,0.0,1.0520757037778479,0.0,1.1836257489669781,0.3576320520583779,0.709978110393977,0.0,74.89039326316725 +0.996,0.0,0.751,0.5690000000000001,0.0,0.758,0.924,82.16,2023-08-14,salt lake city smm food,89.57799479299143,83.72480907215119,1.4857503072954323,0.0,0.0,0.0,0.17816645907094947,0.6187656448225286,0.9319365275564592,86.93942801089656 +0.5640000000000001,0.869,0.747,0.0,0.0,0.0,0.0,102.52,2023-08-14,san diego smm food,81.99986249981177,78.71431295071628,0.0,0.0,0.93685023303351,1.7470568337327868,0.21781111014894533,0.0,1.185320191730796,82.80135131936231 +0.0,0.625,0.0,0.0,0.0,0.66,0.784,103.38,2023-08-14,san francisco/oakland/san jose smm food,91.55689147720571,88.87591304741949,1.0181929934261287,0.0,0.0,0.0,0.48691146757187814,0.44373631899623567,0.0,90.82475382741373 +0.496,0.601,0.892,0.772,0.0,0.0,0.0,91.7,2023-08-14,seattle/tacoma smm food,93.23810395142178,88.74475650580376,1.6094018283187193,0.0,1.019636774878753,1.0616891709206464,0.2343909245926921,0.0,1.2812337821244715,93.95110898663904 +0.0,0.0,0.901,0.0,0.0,0.0,0.516,98.75,2023-08-14,st. louis smm food,89.38695708040504,87.70409353036166,1.534051682695154,1.557787518113104,0.0,1.711316802236448,0.42316766179007953,0.0,0.0,92.93041719519644 +0.0,0.0,0.739,0.0,0.0,0.0,0.0,153.0,2023-08-14,tampa/ft. myers smm food,174.02962456283498,173.25520362076367,1.7349854043579953,0.0,0.0,0.0,0.12597187927490575,0.0,0.9476835349345254,176.0638444393311 +0.777,0.871,0.0,0.0,0.0,0.0,0.804,75.27,2023-08-14,tucson/sierra vista smm food,67.3907347733072,63.32224664442017,0.0,1.5935613442075591,0.9494254039467114,1.339200003715746,0.8348467877281913,0.0,0.0,68.03928018401838 +0.0,0.0,0.719,0.0,0.0,0.0,0.0,159.74,2023-08-14,washington dc/hagerstown smm food,173.77483850754243,173.02137618365978,1.601673608254764,1.0845973638637163,0.0,0.0,0.06252893836686851,0.6261612501391325,1.1466684463482701,177.54300579063255 +0.637,0.5060000000000001,0.0,0.0,0.0,0.0,0.0,14.41,2023-08-14,yakima/pasco/richland/kennewick smm food,55.570459412266715,53.51694236690935,0.9814839481223403,0.0,0.7398392220600202,1.7533638981144932,0.18689944990114776,0.8135165848264319,0.0,57.99204546993378 +0.796,0.0,0.0,0.842,0.0,0.0,0.7020000000000001,54.44,2023-08-21,albany/schenectady/troy smm food,86.6699123499693,82.35686844083078,1.21912671508897,1.0748408658379558,0.0,1.9614970227108182,0.11834849878550054,0.0,0.0,86.73068154325402 +0.551,0.0,0.0,0.593,0.0,0.0,0.781,97.65,2023-08-21,albuquerque/santa fe smm food,74.22142559214944,70.79212936171284,1.5012067474233433,0.8910934863527985,0.6905864693166478,1.2614128763413621,0.5560250572962427,0.0,0.0,75.69245399844323 +0.0,0.0,0.503,0.863,0.0,0.636,0.687,166.27,2023-08-21,atlanta smm food,169.09506723843904,165.2475308400832,0.0,0.0,1.0018219494183844,1.3118693913950166,0.3257954376663222,0.8200904562189689,0.960567450062034,169.6676755248439 +0.625,0.0,0.975,0.0,0.0,0.9759999999999999,0.56,121.45000000000002,2023-08-21,baltimore smm food,109.11330635195226,105.28036119021601,0.0,1.3431445615463715,0.7869961129845258,1.128964524325519,0.061783012512002224,0.502901161529067,0.0,109.10415056311349 +0.762,0.0,0.0,0.0,0.0,0.0,0.637,21.16,2023-08-21,baton rouge smm food,53.012362707428025,50.62824190344196,0.0,0.0,0.8855016184712706,0.0,0.14917878253812,0.8176252544467675,1.3599688190148023,53.84051637791292 +0.0,0.0,0.557,0.0,0.0,0.0,0.915,70.7,2023-08-21,birmingham/anniston/tuscaloosa smm food,64.16907912473943,62.27551690355495,1.5707607279989422,0.0,0.7639416329769897,1.5157978064035367,0.6506049268434023,0.7535300083695334,0.0,67.53015200614736 +0.0,0.502,0.586,0.623,0.0,0.671,0.0,202.21,2023-08-21,boston/manchester smm food,186.63582304688987,183.34429136615643,0.0,0.9528846405159487,1.0091574657844187,1.5410260639303641,0.10358665045459269,0.4618144653257119,0.7501301696460594,188.16289082181353 +0.0,0.0,0.999,0.0,0.0,0.886,0.639,65.57,2023-08-21,buffalo smm food,66.652890517084,63.96319330778341,0.0,0.0,0.7953795602599933,2.093945374726661,0.3698458274038208,0.6927216979885678,0.0,67.91508576816246 +0.579,0.0,0.0,0.5060000000000001,0.0,0.612,0.0,136.73,2023-08-21,charlotte smm food,129.78623780760594,127.1008852661048,0.9911442232022846,0.0,0.0,1.1394762982950306,0.5419193925171075,0.0,0.0,129.77342518011923 +0.0,0.0,0.716,0.0,0.0,0.0,0.0,182.49,2023-08-21,chicago smm food,177.87317422900537,177.12285569785104,0.0,0.0,0.0,0.0,0.2642503183103173,0.5612442701378314,0.0,177.9483502862992 +0.0,0.5720000000000001,0.0,0.581,0.0,0.9700000000000001,0.675,122.82999999999998,2023-08-21,cleveland/akron/canton smm food,135.00603780486023,131.09107465023894,0.0,1.3285098145077305,0.6518130256676098,0.0,0.37518047495314183,0.46510140102198033,0.966293634563149,134.87797300095255 +0.542,0.926,0.0,0.0,0.0,0.986,0.0,92.95,2023-08-21,columbus oh smm food,107.28389101941671,103.92073468964487,0.0,0.0,0.8100505929920617,1.5767660954267027,0.4562036288260219,0.42401470481862513,0.0,107.18776971170828 +0.512,0.538,0.0,0.0,0.0,0.0,0.0,120.38,2023-08-21,dallas/ft. worth smm food,107.14120200581468,105.27715718131851,1.8625010354132598,1.6147004232633737,0.0,0.0,0.059446822625197335,0.0,0.0,108.81380546262035 +0.8290000000000001,0.0,0.897,0.2485,0.0,0.0,0.902,106.26,2023-08-21,des moines/ames smm food,66.76365476908852,62.408297363785806,1.3543705662081902,0.0,0.948377473037278,0.0,0.5381196425618843,0.0,0.0,65.24916504559316 +0.0,0.0,0.0,0.585,0.0,0.684,0.782,187.47,2023-08-21,detroit smm food,163.23433568140314,160.32292305294044,1.5707607279989422,0.0,0.0,1.2466963927840462,0.2288068238618905,0.0,0.0,163.36918699758533 +0.743,0.8160000000000001,0.858,0.0,0.0,0.9440000000000001,0.0,99.92,2023-08-21,grand rapids smm food,114.45280846159899,110.01556630860257,0.0,0.0,0.0,0.0,0.2695788816356997,0.7872210992562847,0.0,111.07236628949455 +0.988,0.0,0.53,0.608,0.0,0.0,0.0,46.96,2023-08-21,greensboro smm food,87.31174870836111,83.56924325587181,1.655771148702452,0.9333716444644277,0.0,1.112145685974301,0.33424657682256714,0.0,0.8861270515475396,88.49090536338309 +0.0,0.0,0.0,0.0,0.0,0.884,0.0,85.04,2023-08-21,harrisburg/lancaster smm food,85.7515204834852,85.02510769460987,1.7929470548376611,0.0,0.0,0.0,0.3616978347053142,0.6730000838109574,0.0,87.8527526679638 +0.0,0.853,0.782,0.619,0.0,0.0,0.729,103.72,2023-08-21,hartford/new haven smm food,117.16221575765331,112.61073024106035,0.0,1.5350223560529959,0.5616909674563326,0.0,0.43579683752492704,0.4774274098829868,0.0,115.6206678119776 +0.604,0.724,0.745,0.0,0.0,0.9380000000000001,0.9059999999999999,210.42,2023-08-21,houston smm food,172.83916305058509,167.64644198801398,0.0,1.4585964548512047,0.0,0.0,0.4250872344426922,0.0,0.0,169.53012567730786 +0.0,1.0,0.865,0.0,0.0,0.55,0.666,63.59,2023-08-21,indianapolis smm food,92.95914159443043,89.02123497580452,0.0,0.0,0.0,1.1794210393791738,0.15917820458112755,0.0,0.0,90.35983421976482 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,78.0,2023-08-21,jacksonville smm food,86.29988999004563,86.29988999004563,0.0,0.0,0.7492706002449212,0.0,0.11458525417390869,0.4322320440592962,0.8646538596683584,88.46063174819211 +0.0,0.905,0.0,0.5650000000000001,0.0,0.925,0.0,92.61,2023-08-21,kansas city smm food,83.91323996881343,80.49370051161102,1.4760900322154882,0.0,0.985055054867449,0.0,0.17205379138548635,0.0,0.0,83.12689939007944 +0.729,0.0,0.857,0.0,0.0,0.532,0.0,64.29,2023-08-21,knoxville smm food,72.14672573009145,69.4030183864474,0.0,0.0,0.0,1.982520570649841,0.12199097155191221,0.46345793317384615,1.0793857784601693,73.05037364028317 +0.551,0.599,0.0,0.0,0.0,0.612,0.0,80.4,2023-08-21,las vegas smm food,75.61747166183298,73.0759844669223,0.0,0.0,0.0,1.2614128763413621,0.17435225908387222,0.7296997245715875,1.410072933399558,76.65152226031869 +0.847,0.538,0.0,0.0,0.0,0.0,0.0,51.09,2023-08-21,little rock/pine bluff smm food,60.21485441084471,57.70357115599228,1.1495727345133708,0.0,0.0,0.0,0.7272856179857405,0.6606740749499509,0.0,60.241103583441344 +0.612,0.988,0.0,0.0,0.0,0.0,0.0,202.88,2023-08-21,los angeles smm food,156.7655638727108,153.9765761946837,0.0,0.0,0.6402857856638419,1.7870015748169297,0.062160234396192345,0.44127111722403434,0.9791775496906576,157.88647245647536 +0.537,0.668,0.9390000000000001,0.0,0.0,0.0,0.9460000000000001,27.73,2023-08-21,madison wi smm food,56.8811720270973,52.419185278171575,1.4857503072954323,1.287857739400395,0.8834057566524036,1.353916487273062,0.2337567963526966,0.6573871392536824,1.1395107157218765,59.46077022012112 +0.615,0.0,0.833,0.0,0.0,0.0,0.0,136.25,2023-08-21,miami/west palm beach smm food,186.18295461847453,184.12181433608328,0.0,1.1967970911599628,0.7618457711581228,1.3055623270133099,0.20205738121045527,0.0,1.0722280478337756,188.6603049544589 +0.685,0.0,0.0,0.501,0.0,0.9759999999999999,0.552,56.87,2023-08-21,milwaukee smm food,72.12213568876643,68.15317248002567,1.831588155157438,1.1301276879839324,0.0,1.3833494543876939,0.15861206754364546,0.0,1.1953410146077472,73.85219085970613 +0.961,0.0,0.63,0.0,0.0,0.0,0.0,98.88,2023-08-21,minneapolis/st. paul smm food,88.26762379318954,85.75072244988117,1.2075343849930367,1.3317619805163174,0.0,1.438010679029153,0.14422546372414766,0.6532784696333469,0.0,90.52553342777716 +0.749,0.0,0.0,0.0,0.0,0.0,0.739,67.25,2023-08-21,mobile/pensacola smm food,69.97145666976112,67.46643487620449,0.0,0.0,0.7712771493430238,1.196239877730392,0.4131668707966858,0.5053663633012684,0.0,70.35248513737585 +0.745,0.0,0.0,0.896,0.0,0.0,0.742,117.56,2023-08-21,nashville smm food,99.85746604594037,95.47216793873541,0.0,1.0423192057520871,0.8697826548297688,0.0,0.16640276419136077,0.0,1.368558095766475,98.9192306592751 +0.0,0.994,0.593,0.619,0.0,0.875,0.915,97.05,2023-08-21,new orleans smm food,65.11760635746325,59.54961731628727,0.0,0.0,0.0,2.081331245963247,1.5732948271627933,0.4708535384904501,0.8159812914088814,64.49107821931264 +0.811,0.0,0.635,0.0,0.0,0.0,0.0,285.49,2023-08-21,new york smm food,292.3940983301971,290.1617655847399,0.0,1.1805362611170285,0.8383447275467651,0.0,0.2224568714428239,0.6130135073540588,0.0,293.01611695220055 +0.0,0.0,0.0,0.673,0.0,0.865,0.0,104.82,2023-08-21,norfolk/portsmouth/newport news smm food,104.43562386919915,102.30993924858487,1.381419336432034,0.0,0.0,1.6734744159462072,0.10445486921062382,0.5168706382382078,0.0,105.98615850841195 +0.0,0.577,0.8989999999999999,0.968,0.0,0.0,0.0,58.89000000000001,2023-08-21,oklahoma city smm food,57.524663341526946,53.609244119971564,0.0,0.8683283242926905,0.0,0.0,0.08152875288217364,0.6976521015329704,0.0,55.2567532986794 +0.0,0.0,0.0,0.525,0.0,0.889,0.0,97.49,2023-08-21,omaha smm food,62.7104875753133,60.87622985001895,0.0,0.9008499843785591,0.6046561347431043,0.0,0.28892488849310843,0.41826256735015543,0.9347996198070166,64.0237230447909 +0.0,0.53,0.8250000000000001,0.0,0.0,0.0,0.873,124.80000000000001,2023-08-21,orlando/daytona beach/melborne smm food,135.59148892678857,132.61538216686213,0.0,0.9431281424901881,0.7178326729619177,0.0,0.12231906332779854,0.0,0.0,134.39866204564203 +0.0,0.853,0.627,0.719,0.0,0.9400000000000001,0.0,46.27,2023-08-21,paducah ky/cape girardeau mo smm food,59.88738260115023,55.55925813283435,0.0,1.452092122834031,0.0,0.0,0.8428130142365338,0.0,1.2254034832386007,59.07956675314352 +0.0,0.0,0.0,0.735,0.0,0.0,0.656,173.1,2023-08-21,philadelphia smm food,202.22207266953592,199.7377476378349,1.054902038729917,1.1203711899581719,0.6256147529317734,0.0,0.36729167019441744,0.0,0.0,202.90592728964918 +0.0,0.882,0.885,0.889,0.0,0.67,0.918,109.2,2023-08-21,phoenix/prescott smm food,123.07829966801259,116.98296111946722,1.1186598542575492,0.0,0.0,1.1394762982950306,0.18820938331511766,0.0,0.813118199158324,120.24242485449324 +0.837,0.96,0.0,0.0,0.0,0.549,0.981,131.22,2023-08-21,pittsburgh smm food,109.58588075456004,104.55223234884438,0.0,1.0325627077263266,0.9043643748410728,0.0,0.2375965500803158,0.0,1.400052110522607,108.12680809201471 +0.584,0.0,0.504,0.738,0.0,0.925,0.0,63.9,2023-08-21,portland or smm food,90.8644285045901,86.8963094792362,0.0,0.0,0.0,0.0,0.2262032323329863,0.0,0.0,87.12251271156919 +0.0,0.547,0.0,0.801,0.0,0.687,0.9420000000000002,68.98,2023-08-21,providence ri/new bedford ma smm food,87.7348076069161,83.24830635780522,1.0181929934261287,1.0911016958808901,0.0,0.0,0.37783213185116055,0.0,0.0,85.7354331789634 +0.0,0.0,0.0,0.955,0.0,0.777,0.603,114.28999999999999,2023-08-21,raleigh/durham/fayetteville smm food,128.83963117682126,125.33017277610136,0.0,1.37566622163224,0.7681333566147235,0.0,2.030211374928815,0.0,1.136647623471319,130.64083135274845 +0.0,0.0,0.592,0.0,0.0,0.0,0.747,329.96,2023-08-21,rem us east north central smm food,308.1434127560927,306.4536727021249,1.0858149189857387,0.0,0.0,0.0,0.6516345296394036,0.6606740749499509,0.9648620884378702,309.81665831413784 +0.542,0.0,0.582,0.683,0.0,0.0,0.55,152.33,2023-08-21,rem us middle atlantic smm food,134.68035156279208,130.80002326169728,0.0,0.0,0.6004644111053705,1.1037362667986919,0.6152811395009665,0.6918999640645007,0.8417491216638986,134.6531541648307 +0.0,0.0,0.0,0.0,0.0,0.0,0.894,206.41,2023-08-21,rem us mountain smm food,175.23731376706044,173.95751153106124,0.0,1.3203793994862634,0.0,0.0,0.4057068517200307,0.0,0.7787610921516341,176.46235887441918 +0.0,0.0,0.721,0.661,0.0,0.0,0.9460000000000001,152.3,2023-08-21,rem us new england smm food,151.72108795203863,148.221630613054,1.8644330904292485,0.0,0.7890919748033927,1.128964524325519,0.46765140037760144,0.0,0.9190526124289505,153.39082421541872 +0.604,0.0,0.663,0.712,0.0,0.9140000000000001,0.0,114.24000000000001,2023-08-21,rem us pacific smm food,109.22332504447984,105.11364420201244,0.0,1.3545271425764254,0.0,1.1836257489669781,1.9374856726269285,0.5119402346938051,1.3957574721467707,111.49698047302334 +0.0,0.0,0.737,0.0,0.0,0.0,0.0,296.04,2023-08-21,rem us south atlantic smm food,284.452555437067,283.6802303568146,1.723393074262062,0.0,0.0,1.9320640555961863,2.401728994965351,0.0,0.8217074759099964,290.5591239575482 +0.0,0.0,0.0,0.662,0.0,0.0,0.867,438.14,2023-08-21,rem us south central smm food,402.0642387254264,399.4313293612464,1.4896144173274102,0.0,0.7136409493241839,2.0371817952912994,0.658433497785135,0.0,0.0,404.3302000209744 +0.74,0.0,0.621,0.609,0.0,0.0,0.0,149.84,2023-08-21,rem us west north central smm food,129.31534835860447,125.95452848252805,0.0,1.4277008777696296,0.7283119820562522,1.89842637889375,0.20789899671945594,0.0,1.1337845312207615,131.3506512491879 +0.0,0.0,0.8150000000000001,0.0,0.0,0.0,0.504,120.38,2023-08-21,richmond/petersburg smm food,87.64365677639823,86.06809383806947,1.680887863910307,1.5431527710744632,0.7073533638675831,1.5599472570754844,0.12291759885775344,0.0,0.0,91.68235269285506 +0.0,0.0,0.886,0.0,0.0,0.0,0.911,87.09,2023-08-21,sacramento/stockton/modesto smm food,73.81968695385706,71.58708164797008,0.0,0.0,0.0,0.0,0.23563545259932253,0.0,0.8804008670464245,72.70311796761582 +0.0,0.0,0.708,0.741,0.0,0.77,0.0,48.52,2023-08-21,salt lake city smm food,86.65732417984333,83.72480907215119,0.0,1.5203876090143553,0.6339982002072411,1.2235704900511213,0.12528314512506183,0.6549219374814811,1.1881832839813535,89.0711537380118 +0.8140000000000001,0.8250000000000001,0.704,0.781,0.0,0.524,0.0,49.39,2023-08-21,san diego smm food,84.43879524276326,78.71431295071628,1.4335848218637333,0.0,0.0,1.9110405076571637,0.14462641408169816,0.4429145850721685,0.0,82.64647927939104 +0.0,0.0,0.619,0.0,0.0,0.871,0.646,101.05,2023-08-21,san francisco/oakland/san jose smm food,91.16509132515131,88.87591304741949,1.6866840289582736,1.2781012413746342,0.0,0.0,0.2877440927322342,0.6015092324171194,0.0,92.72995164290175 +0.756,0.0,0.0,0.78,0.0,0.0,0.877,126.19,2023-08-21,seattle/tacoma smm food,93.10069278900457,88.74475650580376,0.0,0.0,1.042691254886289,0.0,0.17375722198268198,0.0,1.266918320871684,91.22812330354442 +0.603,0.0,0.541,0.0,0.0,0.0,0.0,120.62,2023-08-21,st. louis smm food,89.43605332700645,87.70409353036166,0.0,0.0,0.6675319893091117,0.0,0.3081939299176944,0.0,0.0,88.67981944958846 +0.0,0.0,0.0,0.713,0.0,0.845,0.0,150.5,2023-08-21,tampa/ft. myers smm food,175.44854775465268,173.25520362076367,1.4606335920875773,1.5268919410315287,0.0,0.0,0.08474593839528063,0.0,0.0,176.32747509227806 +0.0,0.618,0.0,0.0,0.0,0.766,0.0,38.82,2023-08-21,tucson/sierra vista smm food,64.9566141269089,63.32224664442017,0.0,1.216310087211484,0.8299612802712975,0.0,0.5582200931876733,0.0,0.7286569777668782,66.6553950828575 +0.894,0.0,0.0,0.0,0.0,0.0,0.0,191.76,2023-08-21,washington dc/hagerstown smm food,174.74863336795383,173.02137618365978,1.6383826535585522,1.4309530437782165,0.0,0.0,0.04195087616190338,0.669713148114689,0.0,176.80237590527315 +0.6920000000000001,0.521,0.5680000000000001,0.0,0.0,0.898,0.846,50.55,2023-08-21,yakima/pasco/richland/kennewick smm food,58.245343525566796,53.51694236690935,1.3350500160483014,0.0,0.7366954293317198,1.4401130338230552,0.25760315155185254,0.0,0.0,57.28640399766428 +0.713,0.0,0.618,0.0,0.0,0.0,0.844,66.47,2023-08-28,albany/schenectady/troy smm food,85.59026989899597,82.35686844083078,0.0,1.0325627077263266,0.6046561347431043,0.0,0.16591663469867057,0.6039744341893207,1.266918320871684,86.03089667305989 +0.0,0.0,0.0,0.0,0.0,0.986,0.0,48.59,2023-08-28,albuquerque/santa fe smm food,71.602359010843,70.79212936171284,0.0,1.1984231741642564,0.0,1.9068357980693593,0.7712594986072119,0.6146569752021931,0.0,75.28330480775585 +0.0,0.0,0.9070000000000001,0.0,0.0,0.0,0.0,183.03,2023-08-28,atlanta smm food,166.1980041749393,165.2475308400832,0.0,0.8959717353656788,0.5816016547355684,0.0,0.415772135487173,0.47249700633858427,1.2869599666255864,168.9003333386358 +0.79,0.838,0.249,0.0,0.0,0.0,0.7000000000000001,105.05,2023-08-28,baltimore smm food,109.43235929458916,105.28036119021601,1.4760900322154882,0.9041021503871459,0.0,0.0,0.07027141753987079,0.7650342833064729,1.2110880219858133,109.7069470956508 +0.0,0.636,0.719,0.0,0.0,0.583,0.882,72.76,2023-08-28,baton rouge smm food,54.157587578282204,50.62824190344196,1.0201250484421174,0.0,0.0,0.0,0.1797696520787575,0.0,1.0378709408270859,52.86600754478992 +0.0,0.0,0.5680000000000001,0.607,0.0,0.663,0.0,63.190000000000005,2023-08-28,birmingham/anniston/tuscaloosa smm food,64.69168061166832,62.27551690355495,1.2925448056965465,1.585430929186092,0.0,1.1373739435011283,0.8746677291948065,0.6845043587478967,0.0,67.85003866988143 +0.0,0.621,0.5690000000000001,0.0,0.0,0.0,0.5710000000000001,186.12,2023-08-28,boston/manchester smm food,185.76777443682442,183.34429136615643,1.0375135435860172,1.1252494389710521,0.8509198984599666,1.7596709624962001,0.14467113312764648,0.0,0.0,188.2623163427973 +0.743,0.8240000000000001,0.0,0.81,0.0,0.0,0.0,57.43999999999999,2023-08-28,buffalo smm food,68.44150996326175,63.96319330778341,1.7987432198856277,1.1089886089281178,0.7304078438751191,1.299255262631603,0.4938336412523653,0.0,0.0,69.39442188435625 +0.779,0.0,0.0,0.0,0.0,0.751,0.0,125.98,2023-08-28,charlotte smm food,129.2230783005345,127.1008852661048,1.2075343849930367,0.8520674942497561,0.0,0.0,0.7637095851218647,0.43634071367963173,0.0,130.3605374441491 +0.852,0.9580000000000001,0.9140000000000001,0.0,0.0,0.0,0.839,188.0,2023-08-28,chicago smm food,182.48563013991767,177.12285569785104,0.0,0.0,0.0,1.55574254748768,0.3494979009693314,0.7436692012807282,0.0,179.77176534758877 +0.882,0.535,0.0,0.586,0.0,0.0,0.709,170.03,2023-08-28,cleveland/akron/canton smm food,135.91204769368744,131.09107465023894,0.0,1.1073625259238244,0.0,2.0371817952912994,0.49983800975172227,0.4609927314016448,1.1108797932163017,136.30732950582373 +0.0,0.0,0.0,0.0,0.0,0.554,0.0,143.27,2023-08-28,columbus oh smm food,104.37597528357804,103.92073468964487,0.0,0.0,0.9043643748410728,1.0953268476230829,0.6328573977202493,0.0,1.1438053540977127,107.69708866392699 +0.616,0.0,0.0,0.0,0.0,0.0,0.0,125.26,2023-08-28,dallas/ft. worth smm food,106.46730307116765,105.27715718131851,1.9108024108129813,1.6163265062676673,0.6989699165921154,1.2424916831962416,0.07712423106745854,0.0,0.7214992471404845,111.54437117639546 +0.731,0.835,0.0,0.0,0.0,0.812,0.0,60.52,2023-08-28,des moines/ames smm food,65.84565683540116,62.408297363785806,1.696344304038218,0.0,0.7796605966184915,1.950985248741307,0.7182300111812006,0.7740733564712111,1.312727796880604,69.64031867771683 +0.66,0.993,0.0,0.0,0.0,0.0,0.0,197.71,2023-08-28,detroit smm food,163.21277978675644,160.32292305294044,1.0008044982822288,0.9610150555374157,0.0,0.0,0.30743446666456486,0.5579573344415629,1.0020822876951174,164.15221669556132 +0.0,0.875,0.0,0.0,0.0,0.932,0.0,92.65,2023-08-28,grand rapids smm food,112.20424495458987,110.01556630860257,0.0,0.0,1.0164929821504527,0.0,0.3458456934446181,0.742025733432594,1.1781624611044024,113.29809317873465 +0.0,0.0,0.834,0.9430000000000001,0.0,0.893,0.615,117.93000000000002,2023-08-28,greensboro smm food,88.03994746622749,83.56924325587181,1.626790323462619,0.0,0.0,0.0,0.42607865873347894,0.0,1.0607756788315457,86.68288791689946 +0.773,0.9630000000000002,0.6940000000000001,0.809,0.0,0.941,0.625,68.6,2023-08-28,harrisburg/lancaster smm food,92.18054118536395,85.02510769460987,0.0,1.1756580121041482,0.7199285347807846,1.3728376804181825,0.48033579044469127,0.717373715710581,0.0,89.49124142806826 +0.711,0.0,0.905,0.0,0.0,0.0,0.0,114.24000000000001,2023-08-28,hartford/new haven smm food,114.93279883046571,112.61073024106035,0.0,0.0,0.9043643748410728,0.0,0.6039771077399353,0.6236960483669312,0.7257938855163207,115.46856165752462 +0.0,0.808,0.0,0.0,0.0,0.0,0.0,222.44,2023-08-28,houston smm food,168.96031705548305,167.64644198801398,0.0,0.980528051588937,1.0227805676070532,1.9152452172449683,0.5339790239605038,0.0,1.3843051031445408,173.48327995155998 +0.0,0.0,0.0,0.8280000000000001,0.0,0.0,0.0,86.93,2023-08-28,indianapolis smm food,90.7619847451556,89.02123497580452,0.0,0.0,0.9724798839542477,1.2950505530437983,0.21277656694539332,0.0,0.0,91.50154197974796 +0.0,0.961,0.0,0.933,0.0,0.0,0.768,106.04,2023-08-28,jacksonville smm food,90.92348020409649,86.29988999004563,1.5147311325352653,1.1740319290998549,0.0,1.1373739435011283,0.1585967048782006,0.43962764937590015,0.0,90.72425134943597 +0.722,0.0,0.872,0.0,0.0,0.8989999999999999,0.706,99.25,2023-08-28,kansas city smm food,84.55185034836407,80.49370051161102,1.9088703557969924,0.0,0.8739743784675026,1.7092144474425457,0.22290984191504906,0.7839341635600163,0.0,85.99260369879313 +0.862,0.948,0.0,0.0,0.0,0.8200000000000001,0.0,73.6,2023-08-28,knoxville smm food,73.28379831603499,69.4030183864474,1.1167277992415603,1.2683447433488737,0.0,1.503183677640123,0.18602119217561802,0.0,0.7587194463977318,74.23601524525131 +0.0,0.0,0.0,0.0,0.0,0.973,0.0,73.34,2023-08-28,las vegas smm food,73.87553157503959,73.0759844669223,0.0,0.0,0.0,0.0,0.21530851673742107,0.0,0.0,73.29129298365973 +0.0,0.0,0.594,0.635,0.0,0.0,0.0,60.09,2023-08-28,little rock/pine bluff smm food,59.66103741032369,57.70357115599228,1.2654960354727025,0.0,0.5554033819997319,1.7722850912596138,1.0777434573869766,0.0,1.394325926021492,63.7688250481328 +0.0,0.0,0.9380000000000001,0.54,0.0,0.634,0.0,196.05,2023-08-28,los angeles smm food,156.61578628429805,153.9765761946837,0.0,0.0,0.9494254039467114,1.4338059694413483,0.08894420501847884,0.4108669620335515,0.0,156.8596187351238 +0.0,0.0,0.923,0.0,0.0,0.773,0.0,24.97,2023-08-28,madison wi smm food,54.021625830882535,52.419185278171575,1.3620987862721454,0.8471892452368759,0.8875974802901375,1.6356320296559663,0.35648061267800724,0.0,0.0,57.508183432304705 +0.645,0.0,0.729,0.809,0.0,0.0,0.67,132.4,2023-08-28,miami/west palm beach smm food,188.79187238657678,184.12181433608328,0.0,0.0,0.0,1.2088540064938056,0.27130771386783886,0.0,0.7816241844021916,186.3836002408471 +0.53,0.932,0.867,0.0,0.0,0.653,0.0,51.61,2023-08-28,milwaukee smm food,72.13781934939587,68.15317248002567,0.0,0.0,0.9557129894033122,1.791206284404734,0.213453741069754,0.7822906957118821,1.428683033028182,73.32451922364353 +0.0,0.638,0.9689999999999999,0.721,0.0,0.509,0.65,71.77,2023-08-28,minneapolis/st. paul smm food,90.66817381304627,85.75072244988117,0.0,1.1008581939066506,0.0,0.0,0.16437808657020964,0.0,0.7930765534044215,87.80903528376246 +0.0,0.9380000000000001,0.0,0.0,0.0,0.0,0.5750000000000001,56.669999999999995,2023-08-28,mobile/pensacola smm food,69.814839756267,67.46643487620449,0.0,1.361031474593599,0.0,0.0,0.5066879332729392,0.7740733564712111,0.0,70.10822764054224 +0.0,0.0,0.883,0.0,0.0,0.9969999999999999,0.0,106.52,2023-08-28,nashville smm food,97.21675965406006,95.47216793873541,0.0,0.0,0.93685023303351,0.0,0.20044658292272408,0.5357705184917512,1.0579125865809882,98.20314785976439 +0.8190000000000001,0.544,0.889,0.0,0.0,0.545,0.0,57.40999999999999,2023-08-28,new orleans smm food,63.39601509582069,59.54961731628727,0.4801156714732314,0.0,0.0,0.0,2.165432187223908,0.6105483055818575,0.0,62.80571348056627 +0.0,0.0,0.582,0.0,0.0,0.982,0.0,264.69,2023-08-28,new york smm food,291.57860408746404,290.1617655847399,1.6074697733027306,0.8878413203442116,0.9263709239391754,0.0,0.2946417774113688,0.7781820260915466,0.0,294.65627140582893 +0.0,0.0,0.615,0.0,0.0,0.0,0.0,91.81,2023-08-28,norfolk/portsmouth/newport news smm food,102.95441675788645,102.30993924858487,1.4896144173274102,0.0,0.0,1.6146084817169435,0.13110939796861765,0.0,0.0,105.54527154559784 +0.709,0.0,0.0,0.0,0.0,0.911,0.0,40.72,2023-08-28,oklahoma city smm food,55.72767073113279,53.609244119971564,1.3466423461442347,0.0,0.0,1.2109563612877077,0.11194348413979012,0.0,0.9534097194356403,57.23219603097894 +0.5760000000000001,0.0,0.0,0.0,0.0,0.0,0.559,52.78,2023-08-28,omaha smm food,62.78932782325935,60.87622985001895,1.9088703557969924,1.0195540436919792,0.0,1.6755767707401095,0.4094667500084564,0.47331874026265136,0.7386778006438294,67.10169431116297 +0.0,0.0,0.0,0.725,0.0,0.619,0.0,116.71999999999998,2023-08-28,orlando/daytona beach/melborne smm food,134.6482426914388,132.61538216686213,0.0,1.5301441070401154,0.9316105784863427,0.0,0.14506797663403845,0.0,0.0,135.22220482902264 +0.0,0.734,0.0,0.0,0.0,0.0,0.0,39.63,2023-08-28,paducah ky/cape girardeau mo smm food,56.75280305798572,55.55925813283435,0.0,1.1691536800869746,0.7744209420713243,0.0,1.1098839787647632,0.0,0.0,58.612716733757416 +0.6940000000000001,0.646,0.634,0.9450000000000001,0.0,0.636,0.0,215.49,2023-08-28,philadelphia smm food,205.30277969222988,199.7377476378349,1.5108670225032876,1.31875331648197,0.0,0.0,0.548175191570725,0.6483480660889442,1.2039302913594196,204.96782152583924 +0.865,0.0,0.772,0.0,0.0,0.76,0.771,100.48,2023-08-28,phoenix/prescott smm food,121.19143121526112,116.98296111946722,0.0,1.0163018776833923,0.0,2.0392841500852024,0.23686918110846208,0.0,1.175299368853845,121.45071569719812 +0.964,0.0,0.0,0.0,0.0,0.663,0.926,123.88,2023-08-28,pittsburgh smm food,108.28515468792224,104.55223234884438,0.0,0.8764587393141576,0.0,1.641939094037673,0.34417131501672904,0.48564474912365785,0.0,107.9004462463366 +0.65,0.562,0.849,0.0,0.0,0.715,0.9350000000000002,103.74,2023-08-28,portland or smm food,91.88173261299447,86.8963094792362,1.831588155157438,0.0,0.7765168038901912,0.0,0.2994951628471505,0.733808394191923,1.349947996137851,91.88766599146075 +0.0,0.0,0.851,0.0,0.0,0.0,0.9390000000000001,61.22,2023-08-28,providence ri/new bedford ma smm food,85.48431737336983,83.24830635780522,1.576556893046909,0.8748326563098642,0.8739743784675026,2.0182606021461793,0.5088079811043271,0.7683212190027414,0.0,89.86906008788274 +0.0,0.609,0.654,0.866,0.0,0.529,0.0,99.81,2023-08-28,raleigh/durham/fayetteville smm food,129.2611406378364,125.33017277610136,0.0,1.1350059369968126,0.9494254039467114,0.0,2.622709529469486,0.0,1.2497397673683392,131.28705341388272 +0.523,0.5700000000000001,0.525,0.734,0.0,0.0,0.896,394.56,2023-08-28,rem us east north central smm food,311.7669622623609,306.4536727021249,1.379487281416045,1.1967970911599628,0.0,0.0,0.8303911584323924,0.0,0.0,309.86034823313327 +0.613,0.0,0.735,0.0,0.0,0.0,0.6900000000000001,121.27000000000001,2023-08-28,rem us middle atlantic smm food,133.74236903137438,130.80002326169728,1.5108670225032876,0.0,1.0395474621579888,0.0,0.9077201236353831,0.582609352163576,0.0,134.84076722215752 +0.0,0.0,0.0,0.8170000000000001,0.0,0.777,0.782,213.3,2023-08-28,rem us mountain smm food,177.43309172664752,173.95751153106124,0.0,0.0,0.8697826548297688,0.0,0.536727267913547,0.7617473476102045,0.0,176.12576880141475 +0.0,0.922,0.519,0.608,0.0,0.0,0.988,159.84,2023-08-28,rem us new england smm food,152.9573545714765,148.221630613054,1.4741579771994993,1.159397182061214,0.6654361274902448,1.0553821065389397,0.654650479445743,0.49139688659212755,1.1409422618471552,154.86299363422893 +0.0,0.878,0.0,0.0,0.0,0.0,0.509,132.98,2023-08-28,rem us pacific smm food,107.27000205754894,105.11364420201244,1.559168397903009,1.395179217683761,0.5239654547167282,2.08343360075715,2.4716382490752795,0.7954384384969557,0.8975794205497695,114.84004698119509 +0.8210000000000001,0.9580000000000001,0.894,0.0,0.0,0.685,0.54,308.09,2023-08-28,rem us south atlantic smm food,289.0970079217245,283.6802303568146,1.4529053720236218,1.3545271425764254,0.0,1.1773186845852714,2.9142226468260533,0.0,0.0,290.57920420282596 +0.8290000000000001,0.6890000000000001,0.0,0.805,0.0,0.77,0.679,423.37,2023-08-28,rem us south central smm food,405.45052470914663,399.4313293612464,0.0,1.0862234468680099,0.8247216257241302,0.0,0.866190427875626,0.5653529397581669,1.4172306640259515,404.1910484654983 +0.932,0.9129999999999999,0.0,0.0,0.0,0.0,0.672,123.4,2023-08-28,rem us west north central smm food,130.20181653653685,125.95452848252805,0.0,0.0,0.0,1.9152452172449683,0.2780771735274684,0.0,1.289823058876144,129.43767393217664 +0.6970000000000001,0.755,0.801,0.0,0.0,0.5750000000000001,0.0,84.6,2023-08-28,richmond/petersburg smm food,89.95431851725002,86.06809383806947,0.9814839481223403,1.2000492571685497,0.5774099310978345,0.0,0.16611452408227192,0.0,1.103722062589908,90.09687356113038 +0.8220000000000001,0.9199999999999999,0.0,0.8170000000000001,0.0,0.886,0.724,92.07,2023-08-28,sacramento/stockton/modesto smm food,78.15334675310629,71.58708164797008,0.0,1.4309530437782165,0.0,1.3370976489218438,0.32693759860518656,0.0,0.0,74.68206993927532 +0.931,0.9570000000000001,0.579,0.886,0.0,0.0,0.637,121.10000000000001,2023-08-28,salt lake city smm food,90.46104695290757,83.72480907215119,1.4490412619916442,0.0,0.9840071239580156,0.0,0.176502119612559,0.5333053167195498,0.0,86.86766489443296 +0.0,0.514,0.0,0.896,0.0,0.0,0.614,68.24,2023-08-28,san diego smm food,82.31279883118069,78.71431295071628,1.8798895305571595,0.0,0.5522595892714315,0.0,0.20331879293851524,0.0,1.2611921363705692,82.61097299985396 +0.0,0.0,0.848,0.865,0.0,0.792,0.0,86.73,2023-08-28,san francisco/oakland/san jose smm food,92.23390862320568,88.87591304741949,0.9795518931063514,0.9480063915030683,0.9179874766637077,0.0,0.44497245564665483,0.5291966470992143,1.1022905164646293,93.79791842790311 +0.973,0.0,0.594,0.9980000000000001,0.0,0.809,0.0,144.08,2023-08-28,seattle/tacoma smm food,94.01004982544916,88.74475650580376,0.0,0.0,0.0,1.6398367392437707,0.21394869268715505,0.4478449886165712,0.0,91.04638692635126 +0.0,0.0,0.8300000000000001,0.9530000000000001,0.0,0.0,0.556,85.02,2023-08-28,st. louis smm food,91.37335994943527,87.70409353036166,1.097407249081672,1.1626493480698008,0.9798154003202818,0.0,0.42751331873818915,0.0,1.1237637083438103,92.49524255491542 +0.0,0.0,0.653,0.0,0.0,0.883,0.968,109.04,2023-08-28,tampa/ft. myers smm food,176.0508302088448,173.25520362076367,1.8547728153493044,1.3122489844647962,0.0,0.0,0.12172220095942674,0.0,0.0,176.5439476215372 +0.995,0.602,0.0,0.0,0.0,0.0,0.0,105.41,2023-08-28,tucson/sierra vista smm food,66.22354335391373,63.32224664442017,1.8547728153493044,0.0,0.0,0.0,0.7688069479375823,0.6565654053296154,0.0,66.60239181303668 +0.0,0.738,0.0,0.0,0.0,0.687,0.96,200.81,2023-08-28,washington dc/hagerstown smm food,176.16024092693002,173.02137618365978,1.4297207118317554,0.9349977274687211,0.0,1.9446781843596,0.0591447409066483,0.7798254939396809,1.1180375238426954,179.28778056600888 +0.0,0.6960000000000001,0.754,0.0,0.0,0.0,0.788,55.97,2023-08-28,yakima/pasco/richland/kennewick smm food,56.56689439033005,53.51694236690935,0.0,0.0,0.6413337165732753,0.0,0.27214961835533574,0.0,0.0,54.43042570183796 +1.0,0.0,0.0,0.898,0.0,0.508,0.8270000000000001,53.95,2023-09-04,albany/schenectady/troy smm food,87.77816754077547,82.35686844083078,1.6074697733027306,0.0,0.7901399057128261,2.0119535377644726,0.18199008960513144,0.0,0.0,86.94842174721595 +0.9470000000000001,0.879,0.86,0.557,0.0,0.0,0.795,55.97,2023-09-04,albuquerque/santa fe smm food,77.26142379454113,70.79212936171284,0.0,1.182162344121322,0.9609526439504795,1.9635993775047202,0.808661808952655,0.7206606514068493,0.0,76.42816618764887 +0.908,0.8310000000000001,0.98,0.972,0.0,0.612,0.9510000000000001,163.97,2023-09-04,atlanta smm food,173.28787444875584,165.2475308400832,0.0,1.3805444706451202,0.7335516366034195,0.0,0.451578401787936,0.4141538977298199,0.0,168.2273592468495 +0.861,0.554,0.741,0.864,0.0,0.736,0.687,91.79,2023-09-04,baltimore smm food,112.02593024536262,105.28036119021601,1.5533722328550426,0.8715804903012774,0.8331050729995978,1.9194499268327725,0.07491489724977243,0.8052992455857609,0.0,111.33808305604023 +0.857,0.732,0.799,0.545,0.0,0.51,0.512,30.61,2023-09-04,baton rouge smm food,56.60942188801822,50.62824190344196,1.3389141260802793,1.0748408658379558,0.9588567821316126,1.6923956090913277,0.19132039912049692,0.0,0.0,55.88456968570363 +0.521,0.0,0.607,0.0,0.0,0.0,0.797,86.89,2023-09-04,birmingham/anniston/tuscaloosa smm food,65.05915389075841,62.27551690355495,1.0452417636499727,0.0,0.9274188548486089,1.6524508680071845,0.920515398683753,0.0,0.0,66.82114378874446 +0.716,0.992,0.636,0.865,0.0,0.0,0.87,224.62999999999997,2023-09-04,boston/manchester smm food,190.07118318198116,183.34429136615643,1.4509733170076329,0.0,0.9054123057505062,0.0,0.1515321603575513,0.4519536582369067,0.0,186.30416280750902 +0.525,0.0,0.0,0.0,0.0,0.5750000000000001,0.632,85.44,2023-09-04,buffalo smm food,66.35475634869232,63.96319330778341,1.4007398865919225,0.0,0.8184340402675294,1.9425758295656979,0.5366087776523437,0.0,0.0,68.66155184186091 +0.0,0.0,0.761,0.6900000000000001,0.0,0.0,0.0,90.33,2023-09-04,charlotte smm food,129.34898549597622,127.1008852661048,1.2229908251209476,0.9122325654086131,0.0,1.578868450220605,0.7972998249586091,0.0,1.4200937562765092,133.03237068809008 +0.686,0.837,0.781,0.7000000000000001,0.0,0.0,0.0,152.88,2023-09-04,chicago smm food,182.0993593094121,177.12285569785104,0.0,0.0,0.9693360912259472,1.0700985900962556,0.3835649918572597,0.6631392767221521,1.3800104647687046,181.58900511252136 +0.0,0.0,0.0,0.0,0.0,0.839,0.0,131.97,2023-09-04,cleveland/akron/canton smm food,131.78050941253122,131.09107465023894,1.0085327183461843,1.5691700991431579,0.0,1.051177396951135,0.5409177771512237,0.0,0.0,135.26087264183064 +0.0,0.0,0.586,0.0,0.0,0.0,0.0,146.47,2023-09-04,columbus oh smm food,104.53482220257288,103.92073468964487,0.0,0.0,0.0,1.2130587160816098,0.6805403733602594,0.6631392767221521,0.0,106.4774730558089 +0.617,0.0,0.91,0.0,0.0,0.0,0.735,128.72,2023-09-04,dallas/ft. worth smm food,108.47503865584795,105.27715718131851,1.5707607279989422,0.8406849132197022,0.0,0.0,0.08180710612736233,0.6836826248238298,0.0,108.45409255348835 +0.0,0.917,0.0,0.5660000000000001,0.0,0.63,0.0,77.71,2023-09-04,des moines/ames smm food,65.60704066423385,62.408297363785806,1.4529053720236218,1.4033096327052281,0.0,0.0,0.732060212721518,0.0,1.3900312876456558,67.38660386888183 +0.662,0.978,0.73,0.0,0.0,0.0,0.0,215.68,2023-09-04,detroit smm food,163.95724221561045,160.32292305294044,0.0,1.2423274152801789,0.0,0.0,0.3237026167370593,0.414975631653887,1.0063769260709536,163.31030564268252 +0.0,0.0,0.0,0.0,0.0,0.0,0.912,185.48,2023-09-04,grand rapids smm food,111.32113637485678,110.01556630860257,1.599741553238775,1.2602143283274065,0.8613992075543012,1.7806945104352228,0.3660092678937695,0.49057515266806045,0.0,116.37420032872011 +0.0,0.0,0.545,0.5660000000000001,0.0,0.911,0.0,67.65,2023-09-04,greensboro smm food,86.07889801968685,83.56924325587181,1.7968111648696388,0.0,0.0,1.6860885447096208,0.45017598817010007,0.7198389174827822,1.1824570994802386,89.40461497058419 +0.0,0.9840000000000001,0.972,0.0,0.0,0.985,0.0,93.88,2023-09-04,harrisburg/lancaster smm food,88.45317013001002,85.02510769460987,1.284816585632591,1.0699626168250755,0.0,1.782796865229125,0.5020608809676715,0.6573871392536824,0.0,90.32213178251801 +0.0,0.754,0.0,0.96,0.0,0.0,0.9980000000000001,145.42,2023-09-04,hartford/new haven smm food,117.28374046147196,112.61073024106035,1.3833513914480229,0.0,1.019636774878753,1.843765154252291,0.6724288860053841,0.0,0.0,117.5299124476448 +0.628,0.9280000000000002,0.0,0.0,0.0,0.605,0.0,166.12,2023-09-04,houston smm food,170.8659265900999,167.64644198801398,1.5127990775192766,0.0,0.9525691966750118,0.0,0.5521643129960355,0.0,0.7257938855163207,171.38976846072063 +0.0,0.966,0.0,0.936,0.0,0.0,0.9910000000000001,117.37,2023-09-04,indianapolis smm food,93.97849745519572,89.02123497580452,0.0,0.8536935772540496,0.0,2.0876383103449543,0.22453995761378512,0.0,0.0,92.18710682101731 +0.727,0.0,0.507,0.0,0.0,0.764,0.0,70.1,2023-09-04,jacksonville smm food,88.86359967573955,86.29988999004563,1.4393809869116998,0.8179197511595941,0.0,0.0,0.1671769816875413,0.0,0.714341516514091,89.43870922631855 +0.845,0.634,0.534,0.0,0.0,0.514,0.0,74.65,2023-09-04,kansas city smm food,84.1391899674516,80.49370051161102,0.0,0.8504414112454628,0.9766716075919814,0.0,0.2361077404825525,0.0,0.0,82.55692127093103 +0.632,0.0,0.658,0.0,0.0,0.0,0.737,81.09,2023-09-04,knoxville smm food,72.36866518929,69.4030183864474,1.1244560193055158,1.4699790358812588,1.0248764294259203,1.9383711199778932,0.1946871044368938,0.0,0.0,75.15538809547488 +0.0,0.0,0.668,0.878,0.0,0.514,0.0,44.95,2023-09-04,las vegas smm food,76.04424106044053,73.0759844669223,0.0,0.0,0.0,0.0,0.2276648150286246,0.0,0.9619989961873128,74.26564827813824 +0.729,0.675,0.912,0.965,0.0,0.0,0.0,41.78,2023-09-04,little rock/pine bluff smm food,63.19413065606523,57.70357115599228,0.0,0.0,0.8645430002826016,1.6503485132132822,1.1970555451387452,0.0,1.0722280478337756,62.48774626246068 +0.0,0.0,0.0,0.0,0.0,0.0,0.852,181.77,2023-09-04,los angeles smm food,155.19625349342118,153.9765761946837,0.0,1.3366402295291977,0.6182792365657392,1.051177396951135,0.09332895310539366,0.0,1.3699896418917534,158.44599165272692 +0.758,0.9829999999999999,0.845,0.505,0.0,0.715,0.908,58.07000000000001,2023-09-04,madison wi smm food,59.31669700036455,52.419185278171575,0.0,0.0,0.8121464548109287,0.0,0.38808709129958724,0.47003180456638294,1.3656950035159172,55.45514563236439 +0.539,0.0,0.0,0.9840000000000001,0.0,0.637,0.903,233.02,2023-09-04,miami/west palm beach smm food,189.04803976765857,184.12181433608328,0.0,1.6033178422333199,0.0,0.0,0.2790546041031966,0.0,0.0,186.0041867824198 +0.9540000000000001,0.653,0.0,0.597,0.0,0.5710000000000001,0.0,70.55,2023-09-04,milwaukee smm food,72.78250104968463,68.15317248002567,0.0,0.0,0.0,0.0,0.22025225289869016,0.0,1.1123113393415804,69.48573607226595 +0.0,0.0,0.72,0.604,0.0,0.727,0.876,53.35,2023-09-04,minneapolis/st. paul smm food,89.62648996873118,85.75072244988117,1.5533722328550426,0.0,0.6759154365845793,0.0,0.16979061218594407,0.0,0.0,88.14980073150673 +0.0,0.0,0.682,0.249,0.0,0.9450000000000001,0.517,83.04,2023-09-04,mobile/pensacola smm food,70.2212580051323,67.46643487620449,1.8914818606530928,0.0,0.0,0.0,0.5496384474279464,0.0,0.0,69.90755518428553 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,137.62,2023-09-04,nashville smm food,95.47216793873541,95.47216793873541,1.232651100200892,0.0,0.0,1.1920351681425874,0.1940923715469005,0.0,1.212519568111092,99.30346614673688 +0.536,0.603,0.638,0.0,0.0,0.805,0.0,69.77,2023-09-04,new orleans smm food,62.8958025855388,59.54961731628727,0.0,0.0,0.7545102547920886,1.1394762982950306,2.2746292526778364,0.0,0.0,63.718233122052226 +0.536,0.0,0.888,0.0,0.0,0.925,0.0,346.65,2023-09-04,new york smm food,292.8880136006489,290.1617655847399,0.0,0.0,0.6088478583808381,0.0,0.31788868444697904,0.6508132678611456,0.0,291.73931539542883 +0.5720000000000001,0.0,0.0,0.615,0.0,0.0,0.857,112.20999999999998,2023-09-04,norfolk/portsmouth/newport news smm food,105.93485794534428,102.30993924858487,0.0,1.0927277788851835,0.9033164439316393,0.0,0.13423805802341873,0.6935434319126349,0.0,105.13376496133775 +0.738,0.0,0.0,0.0,0.0,0.0,0.961,48.25,2023-09-04,oklahoma city smm food,56.410816548164206,53.609244119971564,0.0,0.0,0.8666388621014685,0.0,0.11747830265668939,0.0,0.0,54.593361284729724 +0.0,0.671,0.0,0.0,0.0,0.663,0.0,35.12,2023-09-04,omaha smm food,62.512141137556334,60.87622985001895,0.0,0.0,1.0248764294259203,1.9867252802376454,0.4319535853685432,0.0,0.0,64.31978514505106 +0.809,0.767,0.0,0.853,0.0,0.807,0.527,162.4,2023-09-04,orlando/daytona beach/melborne smm food,138.63649306303287,132.61538216686213,1.7678303396298058,1.2309448342501248,0.8865495493807041,0.0,0.15001460280167836,0.8069427134338951,0.0,137.45766420635834 +0.663,0.775,0.0,0.0,0.0,0.968,0.629,47.71,2023-09-04,paducah ky/cape girardeau mo smm food,59.796305888059656,55.55925813283435,0.0,0.0,0.0,1.2487987475779485,1.1352094088033804,0.0,1.179594007229681,59.12286029644536 +0.861,0.628,0.0,0.0,0.0,0.0,0.0,223.29,2023-09-04,philadelphia smm food,202.4224271332976,199.7377476378349,1.4432450969436774,1.5073789449800075,0.0,0.0,0.5705680256709612,0.5604225362137643,0.0,203.81936224164332 +0.974,0.797,0.0,0.756,0.0,0.0,0.0,131.92,2023-09-04,phoenix/prescott smm food,121.75015108365236,116.98296111946722,0.0,1.2065535891857233,0.0,0.0,0.2441112328625186,0.7773602921674795,0.0,119.21098623368295 +0.0,0.0,0.0,0.789,0.0,0.0,0.929,100.9,2023-09-04,pittsburgh smm food,107.54089663161723,104.55223234884438,1.5417799027591095,0.0,0.0,1.1731139749974668,0.3749183970069888,0.7034042390014401,0.0,108.34544886260939 +0.6970000000000001,0.0,0.804,0.0,0.0,0.5,0.0,82.01,2023-09-04,portland or smm food,89.49635523859848,86.8963094792362,1.57462483803092,1.2992403204304488,0.6214230292940396,1.063791525714549,0.31211247434531775,0.0,0.8818324131717034,92.64933408022317 +0.0,0.0,0.96,0.673,0.0,0.775,0.0,103.73,2023-09-04,providence ri/new bedford ma smm food,86.30604859830957,83.24830635780522,0.0,0.0,0.5344447638110628,0.0,0.538037201327517,0.0,0.0,84.3207883229438 +0.0,0.543,0.0,0.0,0.0,0.538,0.6,86.06,2023-09-04,raleigh/durham/fayetteville smm food,127.51415637374804,125.33017277610136,0.0,0.0,0.0,1.2887434886620917,2.750117741910685,0.6212308465947298,0.7644456308988468,130.75471048416773 +0.0,0.718,0.0,0.923,0.0,0.988,0.8270000000000001,388.59,2023-09-04,rem us east north central smm food,311.55743553656316,306.4536727021249,1.5649645629509756,1.3659097236064792,1.0185888439693196,0.0,0.8864180387817305,0.7198389174827822,0.813118199158324,312.8225109880745 +0.735,0.522,0.6940000000000001,0.896,0.0,0.0,0.528,103.05,2023-09-04,rem us middle atlantic smm food,136.4357293273207,130.80002326169728,1.6171300483826747,0.0,0.0,0.0,0.9709233461202414,0.0,0.0,133.38807665620018 +0.849,0.719,0.531,0.656,0.0,0.0,0.0,205.68,2023-09-04,rem us mountain smm food,178.70257597743182,173.95751153106124,1.4104001616718669,1.3463967275549582,0.7754688729807577,0.0,0.5650303171476911,0.0,0.0,178.0548076104165 +0.865,0.0,0.886,0.0,0.0,0.627,0.916,158.08,2023-09-04,rem us new england smm food,152.6478484087878,148.221630613054,0.0,0.9252412294429605,0.0,1.7155215118242526,0.6941935239839649,0.0,0.0,151.55658687830518 +0.8260000000000001,0.675,0.843,0.6990000000000001,0.0,0.0,0.0,134.8,2023-09-04,rem us pacific smm food,110.16007943070738,105.11364420201244,1.5514401778390536,0.0,0.9861029857768824,0.0,2.633975686936499,0.8168035205227003,0.0,111.10196657308758 +0.0,0.846,0.0,0.0,0.0,0.0,0.0,270.33,2023-09-04,rem us south atlantic smm food,285.05589657844683,283.6802303568146,1.0220571034581063,1.5545353521045173,0.5176778692601274,1.9593946679169159,3.090363211431064,0.0,1.3542426345136873,293.178501195499 +0.0,0.759,0.0,0.0,0.0,0.0,0.985,420.88,2023-09-04,rem us south central smm food,402.0755992949047,399.4313293612464,1.3234576859523683,0.0,1.040595393067422,1.063791525714549,0.8994656570179519,0.6163004430503273,0.0,404.374940066049 +0.0,0.0,0.0,0.0,0.0,0.978,0.643,108.55,2023-09-04,rem us west north central smm food,127.67866841881991,125.95452848252805,1.4123322166878558,0.0,0.0,0.0,0.287562630753267,0.5932918931764484,0.0,128.24771522314563 +0.0,0.537,0.577,0.511,0.0,0.0,0.792,115.9,2023-09-04,richmond/petersburg smm food,89.75404437702296,86.06809383806947,1.3350500160483014,0.0,0.0,0.0,0.17586008188144348,0.7066911746977086,0.0,88.28569511069692 +0.0,0.6970000000000001,0.0,0.0,0.0,0.937,0.7020000000000001,69.43,2023-09-04,sacramento/stockton/modesto smm food,74.49537156875917,71.58708164797008,1.534051682695154,0.0,0.0,0.0,0.3758488269527916,0.0,0.0,73.49698215761802 +0.0,0.783,0.0,0.0,0.0,0.0,0.0,61.97,2023-09-04,salt lake city smm food,84.99803206451294,83.72480907215119,0.0,1.094353861889477,0.528157178354462,0.0,0.19345368013895115,0.0,0.0,85.54077379253408 +0.736,0.0,0.676,0.0,0.0,0.0,0.93,133.17,2023-09-04,san diego smm food,82.17604463377032,78.71431295071628,0.0,1.3106229014605029,0.0,0.0,0.21812216609780372,0.6935434319126349,1.0650703172073819,82.0016717673946 +0.6990000000000001,0.0,0.0,0.0,0.0,0.0,0.8280000000000001,108.56,2023-09-04,san francisco/oakland/san jose smm food,91.4117396953265,88.87591304741949,0.0,1.2276926682415379,0.0,0.0,0.47800872689379426,0.6853260926719639,0.0,91.26694053522678 +0.609,0.0,0.0,0.5760000000000001,0.0,0.0,0.892,113.76,2023-09-04,seattle/tacoma smm food,92.40927351557733,88.74475650580376,0.0,1.5659179331345712,0.0,0.0,0.22014121581181165,0.0,0.0,90.53081565475014 +0.843,0.9590000000000001,0.9460000000000001,0.0,0.0,0.714,0.0,135.68,2023-09-04,st. louis smm food,92.47029017206563,87.70409353036166,0.0,0.9366238104730145,0.8121464548109287,0.0,0.4511456613603066,0.4987924919087315,1.3742842802675894,91.77708622918223 +0.0,0.657,0.0,0.0,0.0,0.9400000000000001,0.607,224.18,2023-09-04,tampa/ft. myers smm food,175.9649185412517,173.25520362076367,0.0,0.9707715535631763,0.6245668220223399,1.446420098204762,0.12055402996322506,0.0,0.0,176.41751612451716 +0.0,0.0,0.0,0.5640000000000001,0.0,0.723,0.709,66.24,2023-09-04,tucson/sierra vista smm food,66.11705457810419,63.32224664442017,1.8934139156690815,0.0,0.0,0.0,0.8246503889351732,0.4199060351982896,0.0,66.46021698422271 +0.0,0.0,0.635,0.0,0.0,0.941,0.0,143.51,2023-09-04,washington dc/hagerstown smm food,174.46006393369717,173.02137618365978,1.8837536405891373,1.0471974547649676,0.0,0.0,0.06435663923800902,0.6557436714055482,1.2339927599902731,177.9064203496477 +0.0,0.924,0.705,0.8270000000000001,0.0,0.637,0.0,31.91,2023-09-04,yakima/pasco/richland/kennewick smm food,58.020326278214995,53.51694236690935,0.0,0.8715804903012774,0.0,1.204649296906001,0.25710485361128527,0.0,0.9992191954445601,56.84949620317247 +0.508,0.0,0.937,0.989,0.0,0.0,0.685,73.8,2023-09-11,albany/schenectady/troy smm food,87.38010163807756,82.35686844083078,1.7485097894699173,0.0,0.7869961129845258,1.438010679029153,0.1733949064471413,0.7075129086217756,0.0,87.2112928373833 +0.0,0.0,0.0,0.0,0.0,0.0,0.68,85.65,2023-09-11,albuquerque/santa fe smm food,71.76558072690239,70.79212936171284,1.2403793202648474,1.5659179331345712,0.0,0.0,0.779798250588172,0.0,1.3928943798962132,75.77111924559664 +0.866,0.0,0.866,0.989,0.0,0.513,0.0,215.55,2023-09-11,atlanta smm food,170.32897704571468,165.2475308400832,1.626790323462619,1.128501604979639,0.0,0.0,0.43172953382200613,0.0,1.410072933399558,169.844625235747 +0.551,0.0,0.507,0.539,0.0,0.9689999999999999,0.0,90.51,2023-09-11,baltimore smm food,108.80565388144299,105.28036119021601,1.8296561001414493,1.14801460103116,0.0,1.5284119351669503,0.07149054391155782,0.5579573344415629,0.0,110.41589170490869 +0.84,0.0,0.0,0.0,0.0,0.623,0.0,22.52,2023-09-11,baton rouge smm food,52.763108351566416,50.62824190344196,0.9737557280583848,1.4683529528769654,0.987150916686316,0.0,0.19032425955615775,0.0,0.0,54.24782576061978 +0.9380000000000001,0.0,0.0,0.86,0.0,0.0,0.0,86.12,2023-09-11,birmingham/anniston/tuscaloosa smm food,65.89580963130845,62.27551690355495,1.0143288833941508,0.0,0.0,1.2403893284023393,0.8614185710406208,0.5982222967208509,0.9190526124289505,66.90892859554187 +0.961,0.0,0.0,0.904,0.0,0.0,0.0,212.24,2023-09-11,boston/manchester smm food,187.10152497020937,183.34429136615643,1.5804210030788866,1.3024924864390357,0.0,1.5157978064035367,0.14398255108340105,0.7387387977363256,0.7558563541471743,189.38158036504478 +0.0,0.0,0.0,0.547,0.0,0.617,0.0,44.08,2023-09-11,buffalo smm food,65.62019121119737,63.96319330778341,0.0,0.0,0.0,1.0722009448901577,0.5224583938272602,0.7231258531790506,1.0550494943304307,67.33602799401031 +0.785,0.0,0.9070000000000001,0.5690000000000001,0.0,0.617,0.0,169.98,2023-09-11,charlotte smm food,131.27127149739198,127.1008852661048,1.2809524756006134,0.0,0.7995712838977272,0.0,0.7486228392326383,0.42647990659082646,0.0,130.3565117714266 +0.743,0.0,0.562,0.639,0.0,0.734,0.0,217.68,2023-09-11,chicago smm food,181.09386715940116,177.12285569785104,0.0,0.0,0.0,0.0,0.37750054164650954,0.0,0.0,177.50035623949753 +0.737,0.0,0.682,0.978,0.0,0.0,0.54,140.73,2023-09-11,cleveland/akron/canton smm food,136.0588259733433,131.09107465023894,1.0317173785380507,1.3122489844647962,0.7314557747845526,0.0,0.5349663414001321,0.6508132678611456,0.9090317895519994,136.2613081868396 +0.0,0.0,0.0,0.971,0.0,0.0,0.0,103.41,2023-09-11,columbus oh smm food,105.96212119452397,103.92073468964487,1.547576067807076,0.0,0.6696278511279786,0.0,0.6420600906385037,0.6590306071018166,0.730088523892157,108.1691178302124 +0.0,0.862,0.871,0.902,0.0,0.0,0.8220000000000001,174.53,2023-09-11,dallas/ft. worth smm food,110.66464349221496,105.27715718131851,1.7465777344539284,1.3203793994862634,0.0,0.0,0.07978273271740816,0.0,0.7458355312702232,109.16973257924634 +0.8160000000000001,0.9199999999999999,0.884,0.0,0.0,0.556,0.0,73.79,2023-09-11,des moines/ames smm food,66.86410560650316,62.408297363785806,0.0,1.1219972729624652,0.8236736948146968,1.6713720611523049,0.7170554517498635,0.8020123098894925,0.0,67.54440815435463 +0.0,0.61,0.0,0.9619999999999999,0.0,0.644,0.0,185.85,2023-09-11,detroit smm food,163.86649564439261,160.32292305294044,1.5842851131108644,1.4081878817181084,0.0,1.5347189995486572,0.31901882904356477,0.0,0.0,165.16913387636163 +0.501,0.804,0.676,0.0,0.0,0.0,0.685,97.44,2023-09-11,grand rapids smm food,113.97990699765785,110.01556630860257,1.9088703557969924,0.0,0.0,1.4443177434108598,0.37144004618131954,0.7847558974840834,0.0,114.52495035147582 +0.93,0.0,0.0,0.616,0.0,0.0,0.0,109.66,2023-09-11,greensboro smm food,86.66110497378523,83.56924325587181,1.4104001616718669,1.0049192966533385,0.672771643856279,0.0,0.45222667584858856,0.0,1.3528110883884086,88.46237212229029 +0.0,0.0,0.0,0.0,0.0,0.0,0.617,90.15,2023-09-11,harrisburg/lancaster smm food,85.90837165390685,85.02510769460987,1.818063770045516,0.0,0.7450788766071874,1.8563792830157047,0.4806366553184527,0.6927216979885678,1.0937012397129566,91.71168921729826 +0.732,0.0,0.933,0.0,0.0,0.512,0.0,162.39,2023-09-11,hartford/new haven smm food,115.42344182038796,112.61073024106035,1.0066006633301954,1.3626575575978925,0.0,0.0,0.6162352979201297,0.5168706382382078,1.16957318435273,117.28266758249951 +0.0,0.0,0.0,0.846,0.0,0.0,0.528,180.25,2023-09-11,houston smm food,170.18089049780247,167.64644198801398,0.0,1.1902927591427892,0.0,0.0,0.5485279244535625,0.5941136271005154,0.0,169.97937629871083 +0.0,0.9380000000000001,0.735,0.0,0.0,0.532,0.0,121.57,2023-09-11,indianapolis smm food,91.75389249986904,89.02123497580452,0.0,0.0,0.0,0.0,0.2157000365478668,0.8011905759654254,0.9033056050508844,90.9414311933687 +0.0,0.846,0.0,0.0,0.0,0.529,0.9420000000000002,41.41,2023-09-11,jacksonville smm food,89.45876990752193,86.29988999004563,1.2268549351529254,0.0,0.5407323492676634,0.0,0.17003869641703848,0.5538486648212274,1.1538261769746638,89.94519081267914 +0.625,0.9210000000000002,0.757,0.594,0.0,0.0,0.0,88.42,2023-09-11,kansas city smm food,85.2409397895774,80.49370051161102,0.0,0.0,0.0,2.0897406651388564,0.23511144881261492,0.8200904562189689,1.3714211880170322,85.01006426979849 +0.9390000000000001,0.872,0.794,0.676,0.0,0.0,0.0,114.12,2023-09-11,knoxville smm food,74.8884114089729,69.4030183864474,1.394943721543956,1.4455877908168573,0.5564513129091654,0.0,0.18775610863169565,0.0,0.0,72.98775732034908 +0.0,0.964,0.765,0.971,0.0,0.0,0.0,90.13,2023-09-11,las vegas smm food,77.48658213365687,73.0759844669223,0.0,0.0,0.551211658361998,1.6440414488315753,0.2243616898523856,0.4881099508958592,0.0,75.98370921486412 +0.0,0.0,0.0,0.597,0.0,0.516,0.717,46.93,2023-09-11,little rock/pine bluff smm food,60.409110244595425,57.70357115599228,1.8605689803972714,1.1919188421470825,0.0,0.0,1.120807442318438,0.6212308465947298,0.0,62.4980972674498 +0.0,0.594,0.0,0.0,0.0,0.552,0.585,163.43,2023-09-11,los angeles smm food,156.23352110860708,153.9765761946837,0.0,1.4049357157095217,0.0,0.0,0.09167237103252485,0.7839341635600163,0.0,156.25711844498576 +0.782,0.0,0.637,0.782,0.0,0.0,0.901,40.52,2023-09-11,madison wi smm food,57.53144879769169,52.419185278171575,0.0,1.0894756128765968,0.9819112621391487,0.0,0.3630676977250788,0.7272345227993862,1.2082249297352559,56.789099303447045 +0.705,0.833,0.0,0.0,0.0,0.0,0.584,176.93,2023-09-11,miami/west palm beach smm food,187.67446320209464,184.12181433608328,1.518595242567243,0.0,1.0269722912447872,1.6650649967705982,0.2722673480885467,0.0,1.0994274242140716,189.7041416389685 +0.0,0.855,0.926,0.609,0.0,0.522,0.0,104.26,2023-09-11,milwaukee smm food,72.22313664868145,68.15317248002567,1.8837536405891373,1.4390834587996837,0.0,1.244594037990144,0.2166657549925132,0.0,0.0,72.93726937239715 +0.0,0.0,0.0,0.595,0.0,0.749,0.0,98.15,2023-09-11,minneapolis/st. paul smm food,87.61710226137929,85.75072244988117,1.545644012791087,0.8504414112454628,0.0,0.0,0.16785932740224968,0.6146569752021931,0.0,88.92932417652216 +0.8280000000000001,0.855,0.936,0.882,0.0,0.0,0.0,104.43,2023-09-11,mobile/pensacola smm food,73.29161765756567,67.46643487620449,1.1032034141296385,1.596813510216146,0.6434295783921422,1.5368213543425595,0.5364918084471252,0.5686398754544353,1.2440135828672243,74.69584800005376 +0.974,0.0,0.549,0.0,0.0,0.0,0.0,74.65,2023-09-11,nashville smm food,97.92930359358752,95.47216793873541,0.0,1.1756580121041482,0.0,0.0,0.1829270600916682,0.5357705184917512,0.0,97.36652352942298 +0.0,0.607,0.0,0.0,0.0,0.0,0.84,38.08,2023-09-11,new orleans smm food,61.73914844512751,59.54961731628727,0.0,0.0,0.7167847420524842,1.927859346008382,2.091836501829612,0.0,0.0,64.28609790617774 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,336.68,2023-09-11,new york smm food,290.1617655847399,290.1617655847399,0.0,0.0,0.911699891207107,1.5221048707852436,0.30970464272163645,0.6491698000130114,0.8460437600397348,294.40048854950663 +0.0,0.638,0.964,0.614,0.0,0.708,0.0,136.12,2023-09-11,norfolk/portsmouth/newport news smm food,106.23021906371343,102.30993924858487,0.0,1.1236233559667588,0.0,0.0,0.13631369102005522,0.0,0.7572879002724531,104.32716419584413 +0.722,0.0,0.8130000000000001,0.851,0.0,0.0,0.727,33.57,2023-09-11,oklahoma city smm food,58.68599363357339,53.609244119971564,0.0,0.8829630713313313,0.9965822948712171,1.641939094037673,0.11283619189717391,0.0,0.0,57.24356477210896 +0.526,0.638,0.9530000000000001,0.0,0.0,0.0,0.989,93.63,2023-09-11,omaha smm food,65.34440901975904,60.87622985001895,0.0,0.0,0.9536171275844453,0.0,0.4109780712347923,0.6688914141906219,1.0679334094579394,63.97764987248675 +0.0,0.0,0.8130000000000001,0.765,0.0,0.0,0.0,103.07,2023-09-11,orlando/daytona beach/melborne smm food,135.07565141356676,132.61538216686213,1.1669612296572707,0.0,0.0,0.0,0.15188702271876725,0.6393089929242062,0.8732431364200308,135.4467825485824 +0.0,0.9570000000000001,0.713,0.761,0.0,0.0,0.0,64.04,2023-09-11,paducah ky/cape girardeau mo smm food,59.462486304528845,55.55925813283435,1.8972780257010593,0.0,0.6832509529506136,1.5998919981596276,1.1068913011149888,0.0,1.3041385201289315,62.15070893088957 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,197.57,2023-09-11,philadelphia smm food,199.7377476378349,199.7377476378349,1.8586369253812818,0.0,0.7220243965996515,2.0518982788486153,0.5508326284814854,0.0,0.0,204.92113986714594 +0.79,0.7010000000000001,0.858,0.982,0.0,0.0,0.9580000000000001,152.34,2023-09-11,phoenix/prescott smm food,123.98422708403108,116.98296111946722,1.559168397903009,0.8488153282411693,0.76708542570529,1.276129359898678,0.25329962785451743,0.6499915339370785,0.0,122.33745079300697 +0.9490000000000002,0.0,0.512,0.502,0.0,0.917,0.0,123.34,2023-09-11,pittsburgh smm food,108.73120529955622,104.55223234884438,1.6789558088943182,1.0309366247220333,0.0,0.0,0.35217511160789206,0.6138352412781259,0.0,108.22813513534675 +0.504,0.0,0.764,0.709,0.0,0.0,0.551,91.53,2023-09-11,portland or smm food,90.95003588600703,86.8963094792362,1.5842851131108644,0.0,0.8551116220977004,1.244594037990144,0.29707561909238744,0.0,0.0,90.87737587152729 +0.511,0.905,0.79,0.0,0.0,0.0,0.0,108.98,2023-09-11,providence ri/new bedford ma smm food,86.5350570083135,83.24830635780522,1.7562380095338728,1.3350141465249044,0.0,1.3812470995937915,0.5243127131781319,0.0,0.7458355312702232,88.99095385790615 +0.678,0.884,0.0,0.51,0.0,0.0,0.0,153.58,2023-09-11,raleigh/durham/fayetteville smm food,129.14976439762737,125.33017277610136,1.0703584788578278,1.2862316563961014,0.8090026620826283,1.9194499268327725,2.755106197117902,0.677108753431293,0.8646538596683584,134.71208431048825 +0.883,0.0,0.0,0.772,0.0,0.658,0.661,355.24,2023-09-11,rem us east north central smm food,311.26964809298096,306.4536727021249,0.0,1.0439452887563807,0.8006192148071607,1.8500722186339977,0.8850968495534741,0.44455805292030276,0.0,311.4779643267962 +0.502,0.0,0.0,0.525,0.0,0.0,0.0,147.9,2023-09-11,rem us middle atlantic smm food,132.87365114652238,130.80002326169728,1.0568340937459058,0.821171917168181,0.6119916511091384,0.0,0.9325081645946283,0.4601709974775777,1.185320191730796,135.8680202775235 +0.725,0.0,0.5650000000000001,0.0,0.0,0.729,0.0,156.7,2023-09-11,rem us mountain smm food,176.549376412128,173.95751153106124,1.8199958250615054,1.4374573757953901,0.0,1.99092998982545,0.5483887478309682,0.4346972458314975,0.8431806677891773,181.03216138319522 +0.0,0.848,0.578,0.761,0.0,0.739,0.0,146.63,2023-09-11,rem us new england smm food,152.41340643439258,148.221630613054,0.0,0.0,0.0,0.0,0.6774987177077796,0.0,0.0,148.89912933076178 +0.504,0.789,0.0,0.0,0.0,0.581,0.966,88.81,2023-09-11,rem us pacific smm food,109.23068038736058,105.11364420201244,1.7968111648696388,1.577300514164625,0.9819112621391487,1.8185368967254638,2.6276768419985164,0.0,0.8732431364200308,114.78912401832986 +0.0,0.0,0.0,0.0,0.0,0.851,0.836,306.86,2023-09-11,rem us south atlantic smm food,285.5762984869287,283.6802303568146,0.0,1.5691700991431579,0.0,1.517900161197439,3.0783680118306136,0.7362735959641243,1.3814420108939833,291.96338423584393 +0.0,0.0,0.9570000000000001,0.0,0.0,0.995,0.0,460.51,2023-09-11,rem us south central smm food,401.251824496021,399.4313293612464,0.0,0.0,0.7566061166109554,0.0,0.9085366264879366,0.5817876182395089,1.3857366492698195,403.0639963718546 +0.0,0.714,0.9580000000000001,0.0,0.0,0.0,0.0,158.07,2023-09-11,rem us west north central smm food,128.11946955883082,125.95452848252805,1.9108024108129813,1.588683095194679,0.8687347239203353,0.0,0.2817628442838438,0.41004522810948446,0.0,131.01455678484936 +0.9350000000000002,0.7000000000000001,0.9420000000000002,0.0,0.0,0.0,0.917,54.97,2023-09-11,richmond/petersburg smm food,91.31270209459137,86.06809383806947,1.6905481389902515,1.2585882453231132,0.0,0.0,0.16928242738147664,0.0,0.0,89.18651264976431 +0.728,0.0,0.0,0.781,0.0,0.0,0.0,74.87,2023-09-11,sacramento/stockton/modesto smm food,74.63555679364765,71.58708164797008,0.0,0.0,0.6298064765695073,1.2109563612877077,0.36383005098457916,0.0,0.0,73.79167453681187 +0.9770000000000001,0.8230000000000001,0.933,0.581,0.0,0.0,0.719,69.69,2023-09-11,salt lake city smm food,90.17916247313985,83.72480907215119,0.0,0.0,0.9137957530259739,0.0,0.1838295026073537,0.0,0.0,84.82243432778452 +0.833,0.0,0.614,0.0,0.0,0.0,0.0,42.93,2023-09-11,san diego smm food,80.96714435742714,78.71431295071628,1.120591909273538,0.0,0.684298883860047,0.0,0.2085300828474821,0.0,1.1380791695965977,81.86581299629394 +0.0,0.93,0.6940000000000001,0.838,0.0,0.0,0.54,71.85,2023-09-11,san francisco/oakland/san jose smm food,93.65024251749983,88.87591304741949,0.0,0.0,0.5899851020110359,0.0,0.455494208314787,0.7781820260915466,1.1538261769746638,91.85340056081152 +0.594,0.0,0.546,0.583,0.0,0.0,0.0,83.82,2023-09-11,seattle/tacoma smm food,91.69024030669684,88.74475650580376,1.0703584788578278,0.0,0.7607978402486892,0.0,0.22154469416883674,0.0,0.0,90.79745751907912 +0.619,0.0,0.562,0.0,0.0,0.0,0.0,42.58,2023-09-11,st. louis smm food,89.48897275636037,87.70409353036166,1.0452417636499727,0.0,0.0,1.215161070875512,0.44733739349156937,0.6154787091262601,0.0,91.02731246750497 +0.93,0.611,0.0,0.68,0.0,0.595,0.0,179.03,2023-09-11,tampa/ft. myers smm food,177.96408444593004,173.25520362076367,0.0,1.3772923046365333,0.5260613165355951,1.8458675090461933,0.12119287347677288,0.6171221769743943,0.0,177.74273980143315 +0.66,0.9980000000000001,0.5,0.0,0.0,0.0,0.0,20.09,2023-09-11,tucson/sierra vista smm food,66.7441992479744,63.32224664442017,1.08388286396975,0.0,0.9944864330523503,1.3055623270133099,0.7975101870012844,0.6401307268482732,0.0,68.14381918230514 +0.49499999999999994,0.0,0.0,0.731,0.0,0.0,0.808,200.33,2023-09-11,washington dc/hagerstown smm food,176.67125404014206,173.02137618365978,0.0,0.0,0.5889371711016025,1.5073883872279277,0.061435755430709456,0.590826691404247,1.3327694426345063,177.10273363145876 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.83,2023-09-11,yakima/pasco/richland/kennewick smm food,53.51694236690935,53.51694236690935,1.4954105823753767,0.9902845496146975,0.9274188548486089,1.8479698638400954,0.24528366281547725,0.5111185007697381,0.0,59.53442838117334 +0.734,0.734,0.0,0.857,0.0,0.0,0.742,82.53,2023-09-18,albany/schenectady/troy smm food,87.83246703104905,82.35686844083078,0.0,1.2764751583703409,0.0,1.1079409763864965,0.16633614193923363,0.0,0.0,84.90762071752685 +0.503,0.0,0.0,0.5060000000000001,0.0,0.0,0.653,66.32,2023-09-18,albuquerque/santa fe smm food,73.7625441802768,70.79212936171284,0.0,1.5399006050658761,0.950473334856145,0.0,0.7091926570484763,0.6031527002652536,0.0,74.59484865894859 +0.678,0.973,0.0,0.0,0.0,0.836,0.9560000000000002,144.93,2023-09-18,atlanta smm food,170.1951705603877,165.2475308400832,0.0,1.0911016958808901,0.7461268075166209,0.0,0.3979561588447114,0.0,1.378578918643426,168.86129442096885 +0.777,0.811,0.0,0.0,0.0,0.0,0.601,140.25,2023-09-18,baltimore smm food,108.96068047541385,105.28036119021601,1.0896790290177165,0.0,0.0,0.0,0.06431982968318081,0.4429145850721685,0.8388860294133411,107.71616066340242 +0.0,0.719,0.0,0.752,0.0,0.629,0.808,71.34,2023-09-18,baton rouge smm food,55.05192629600687,50.62824190344196,0.0,1.1610232650655075,0.6465733711204426,1.7533638981144932,0.1691160238567573,0.0,0.0,54.35831846159916 +0.589,0.635,0.0,0.0,0.0,0.898,0.0,70.1,2023-09-18,birmingham/anniston/tuscaloosa smm food,65.18397707951098,62.27551690355495,1.0008044982822288,1.0374409567392069,0.8687347239203353,1.4401130338230552,0.8054575524154174,0.0,0.0,67.4280676687352 +0.512,0.0,0.0,0.9440000000000001,0.0,0.0,0.0,266.36,2023-09-18,boston/manchester smm food,186.31812645978647,183.34429136615643,1.7427136244219505,1.4992485299585405,0.7775647347996246,1.1752163297913691,0.1294824764874493,0.0,0.0,188.66851706161535 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,56.42,2023-09-18,buffalo smm food,63.96319330778341,63.96319330778341,1.4529053720236218,1.1382581030053995,0.0,0.0,0.4838638798010581,0.7239475871031178,0.0,67.76216824971661 +0.509,0.0,0.0,0.0,0.0,0.532,0.796,128.83,2023-09-18,charlotte smm food,129.66097443256868,127.1008852661048,1.6480429286384966,0.0,0.0,1.6377343844498686,0.6796186134335691,0.0,0.0,131.06628119262672 +0.734,0.0,0.544,0.0,0.0,0.0,0.0,201.51,2023-09-18,chicago smm food,179.11105849431866,177.12285569785104,1.7948791098536498,1.478109450902726,0.0,1.0785080092718646,0.3393176253697504,0.5193358400104091,0.0,182.33300573325943 +0.683,0.537,0.0,0.721,0.0,0.505,0.0,146.63,2023-09-18,cleveland/akron/canton smm food,135.2146482375223,131.09107465023894,0.0,1.3447706445506649,0.0,0.0,0.5078308547397958,0.46838833671824875,0.0,133.41206448624766 +0.0,0.7010000000000001,0.801,0.0,0.0,0.0,0.654,149.1,2023-09-18,columbus oh smm food,106.83624270004306,103.92073468964487,0.0,0.0,0.5784578620072679,0.0,0.5924359433508991,0.0,0.0,105.09162849500304 +0.896,0.0,0.496,0.0,0.0,0.0,0.49900000000000005,121.04,2023-09-18,dallas/ft. worth smm food,108.24239372323761,105.27715718131851,1.563032507934987,0.8358066642068219,0.9724798839542477,0.0,0.07510518135345061,0.645882864316743,1.239718944491388,110.60918322757615 +0.527,0.504,0.925,0.994,0.0,0.0,0.0,61.870000000000005,2023-09-18,des moines/ames smm food,67.30511294774064,62.408297363785806,0.0,1.5138832769971813,0.0,1.89842637889375,0.6662600913540878,0.0,1.2254034832386007,67.71227059426943 +0.0,0.0,0.0,0.525,0.0,0.734,0.0,183.72,2023-09-18,detroit smm food,162.02981202000439,160.32292305294044,1.3582346762401678,0.0,0.0,0.0,0.3018763759911006,0.0,1.3155908891311614,163.29862499430286 +0.0,0.0,0.728,0.0,0.0,0.0,0.0,167.19,2023-09-18,grand rapids smm food,110.77846001067013,110.01556630860257,0.0,1.3545271425764254,0.0,0.0,0.34574925849519206,0.5316618488714157,1.301275427878374,113.54877998642398 +0.804,0.0,0.0,0.0,0.0,0.0,0.8170000000000001,59.05,2023-09-18,greensboro smm food,86.29218867307958,83.56924325587181,1.7697623946457948,0.9984149646361646,0.9075081675693731,0.0,0.4294932773133919,0.7954384384969557,1.278370689873914,89.7482311884074 +0.0,0.63,0.534,0.936,0.0,0.685,0.0,67.03,2023-09-18,harrisburg/lancaster smm food,89.13982691803069,85.02510769460987,1.547576067807076,0.0,0.985055054867449,1.6377343844498686,0.4500302710067718,0.0,0.0,89.64550347274104 +0.0,0.98,0.0,0.9070000000000001,0.0,0.972,0.626,164.13,2023-09-18,hartford/new haven smm food,117.80600063195499,112.61073024106035,0.0,1.6147004232633737,0.0,0.0,0.5785009410532401,0.6212308465947298,0.8532014906661285,116.27836394263782 +0.9430000000000001,0.965,0.0,0.525,0.0,0.0,0.849,174.3,2023-09-18,houston smm food,173.35665889439497,167.64644198801398,1.406536051639889,0.0,0.0,1.2403893284023393,0.5371601604467748,0.0,0.0,170.83052752850298 +0.9580000000000001,0.0,0.0,0.0,0.0,0.936,0.0,133.52,2023-09-18,indianapolis smm food,91.64128663404865,89.02123497580452,0.0,1.2244405022329512,0.0,0.0,0.20594778610236286,0.0,1.3427902655114574,91.7944135296513 +0.863,0.0,0.0,0.755,0.0,0.579,0.724,53.5,2023-09-18,jacksonville smm food,91.06675467497689,86.29988999004563,1.5707607279989422,0.0,0.0,1.244594037990144,0.15478798069266808,0.0,0.0,89.27003273672739 +0.0,0.874,0.545,0.901,0.0,0.712,0.0,102.88,2023-09-18,kansas city smm food,84.96531562624644,80.49370051161102,0.0,0.0,0.720976465690218,0.0,0.22240880607370933,0.7913297688766203,0.8789693209211458,83.10738487317272 +0.0,0.9840000000000001,0.0,0.0,0.0,0.0,0.0,36.44,2023-09-18,knoxville smm food,71.00308406267212,69.4030183864474,0.0,0.8797109053227445,0.0,0.0,0.1734621371216623,0.0,0.0,70.45619142889181 +0.5660000000000001,0.9619999999999999,0.735,0.0,0.0,0.0,0.676,70.48,2023-09-18,las vegas smm food,77.47177385522428,73.0759844669223,1.5224593525992207,0.0,0.5816016547355684,0.0,0.21396253429661524,0.6598523410258837,0.0,76.0538603495796 +0.667,0.9759999999999999,0.0,0.6960000000000001,0.0,0.548,0.0,93.75,2023-09-18,little rock/pine bluff smm food,62.49285799079199,57.70357115599228,1.3988078315759338,1.5870570121903853,0.6350461311166745,1.5851755146023117,0.9780812834783476,0.5850745539357773,1.229698121614437,65.70251160450614 +0.882,0.741,0.0,0.995,0.0,0.9700000000000001,0.0,181.57,2023-09-18,los angeles smm food,159.77450115124515,153.9765761946837,0.0,1.4358312927910968,0.6193271674751727,1.1184527503560078,0.0834860477232053,0.5579573344415629,0.0,157.79163078747075 +0.549,0.7010000000000001,0.0,0.0,0.0,0.0,0.0,65.63,2023-09-18,madison wi smm food,54.61976766795916,52.419185278171575,1.3891475564959894,0.9024760673828525,0.5962726874676367,1.360223551654769,0.31242687661734236,0.6097265716577904,0.7615825386482893,58.35104112809625 +0.0,0.724,0.607,0.5,0.0,0.0,0.0,188.75,2023-09-18,miami/west palm beach smm food,186.986369890169,184.12181433608328,1.9050062457650148,1.2081796721900169,0.8645430002826016,0.0,0.25611114773652155,0.0,1.1724362766032874,189.5280906786607 +0.5640000000000001,0.844,0.0,0.714,0.0,0.0,0.0,45.44,2023-09-18,milwaukee smm food,72.11634688751326,68.15317248002567,0.0,0.0,0.0,0.0,0.19312300256789094,0.41744083342608834,0.0,68.76373631601966 +0.0,0.684,0.0,0.606,0.0,0.0,0.0,105.98,2023-09-18,minneapolis/st. paul smm food,88.13699022992265,85.75072244988117,1.3389141260802793,0.0,0.6790592293128798,0.0,0.1559932654548949,0.8102296491301635,0.0,88.73491871985938 +0.903,0.0,0.0,0.965,0.0,0.0,0.0,52.25,2023-09-18,mobile/pensacola smm food,71.23985293175812,67.46643487620449,0.9892121681862958,0.0,0.0,1.9173475720388704,0.49542725160747003,0.5382357202639525,0.0,71.40665758830107 +0.675,0.918,0.941,0.725,0.0,0.0,0.834,127.04,2023-09-18,nashville smm food,101.97326895230775,95.47216793873541,1.626790323462619,0.0,0.0,0.0,0.1647870985244787,0.0,0.0,97.26374536072251 +0.851,0.747,0.834,0.0,0.0,0.0,0.0,55.35,2023-09-18,new orleans smm food,63.28245451756848,59.54961731628727,0.0,0.0,0.9630485057693464,0.0,1.7984330160953366,0.8102296491301635,0.8718115902947521,63.99314007757687 +0.727,0.679,0.0,0.795,0.0,0.905,0.653,588.76,2023-09-18,new york smm food,296.02032082351906,290.1617655847399,0.0,0.0,1.0102053966938518,1.3370976489218438,0.2914300676998065,0.4322320440592962,0.730088523892157,293.9628192660069 +0.0,0.8170000000000001,0.0,0.0,0.0,0.9580000000000001,0.0,109.49,2023-09-18,norfolk/portsmouth/newport news smm food,104.42567016234888,102.30993924858487,0.0,0.9789019685846435,0.0,1.5305142899608526,0.12155427637872274,0.6080831038096562,1.3084331585047677,106.85742604582352 +0.0,0.668,0.9770000000000001,0.0,0.0,0.522,0.0,59.91,2023-09-18,oklahoma city smm food,56.1482411737191,53.609244119971564,0.0,0.0,0.5994164801959371,1.2803340694864824,0.10705998179551263,0.5949353610245826,1.3857366492698195,57.5767266617439 +0.0,0.0,0.606,0.833,0.0,0.0,0.0,69.94,2023-09-18,omaha smm food,63.26253752445623,60.87622985001895,1.8393163752213937,0.0,0.9022685130222059,0.0,0.36825556337188226,0.0,1.1008589703393503,65.08692927197379 +0.5740000000000001,0.547,0.662,0.0,0.0,0.705,0.9560000000000002,110.99,2023-09-18,orlando/daytona beach/melborne smm food,137.25545992366696,132.61538216686213,1.0375135435860172,0.0,0.0,1.5704590310449957,0.14933134445337917,0.49961422583279863,0.0,135.87230031177933 +0.8300000000000001,0.554,0.0,0.887,0.0,0.542,0.0,41.5,2023-09-18,paducah ky/cape girardeau mo smm food,60.37388226951935,55.55925813283435,1.4200604367518113,0.8423109962239956,0.6151354438374388,0.0,0.9998383161770051,0.5957570949486497,1.1495315385988276,61.18189195937208 +0.0,0.0,0.0,0.524,0.0,0.727,0.646,274.69,2023-09-18,philadelphia smm food,202.36156090956655,199.7377476378349,0.0,0.892719569357092,0.8299612802712975,1.0700985900962556,0.5238227810454801,0.7921515028006872,0.0,203.8465013614057 +0.0,0.0,0.0,0.9969999999999999,0.0,0.793,0.911,130.27,2023-09-18,phoenix/prescott smm food,121.03478237090192,116.98296111946722,0.0,1.619578672276254,0.0,1.1457833626767373,0.22627928513221818,0.0,0.0,119.97460243955243 +0.0,0.0,0.0,0.0,0.0,0.631,0.634,118.23999999999998,2023-09-18,pittsburgh smm food,105.97834669835744,104.55223234884438,1.7581700645498615,0.0,0.8645430002826016,1.993032344619352,0.3253442924612787,0.0,0.9333680736817379,110.42669012443922 +0.721,0.843,0.642,0.0,0.0,0.0,0.607,111.06,2023-09-18,portland or smm food,91.20182926028399,86.8963094792362,0.0,1.2715969093574606,0.9829591930485821,0.0,0.2800930290239087,0.0,0.807392014657209,90.23835062532335 +0.0,0.0,0.0,0.0,0.0,0.6990000000000001,0.924,63.09,2023-09-18,providence ri/new bedford ma smm food,85.14544699048568,83.24830635780522,1.5553042878710315,1.2407013322758853,0.0,0.0,0.4957851560806553,0.0,1.0235554795742985,87.56365261360709 +0.648,0.676,0.665,0.922,0.0,0.988,0.7030000000000001,160.45,2023-09-18,raleigh/durham/fayetteville smm food,132.13487175516488,125.33017277610136,0.0,1.1951710081556695,0.0,0.0,2.625672394421961,0.0,0.0,129.151016178679 +0.0,0.941,0.0,0.0,0.0,0.0,0.744,390.16,2023-09-18,rem us east north central smm food,309.0488871263724,306.4536727021249,0.0,1.1008581939066506,0.6381899238449749,0.0,0.8280479716880581,0.6680696802665548,0.8474753061650135,310.53631377799616 +0.0,0.8310000000000001,0.0,0.0,0.0,0.548,0.0,163.03,2023-09-18,rem us middle atlantic smm food,132.6016084286539,130.80002326169728,1.1708253396892483,0.9349977274687211,0.0,1.6061990625413345,0.8898995838249674,0.0,0.0,135.40194497522154 +0.758,0.0,0.9969999999999999,0.806,0.0,0.0,0.0,183.85,2023-09-18,rem us mountain smm food,178.16129431377118,173.95751153106124,1.313797410872424,0.8829630713313313,0.8896933421090044,0.0,0.5304179276892703,0.0,0.0,177.57438328306327 +0.0,0.0,0.5730000000000001,0.0,0.0,0.645,0.609,170.32,2023-09-18,rem us new england smm food,150.22392499547743,148.221630613054,1.9301229609728698,1.3122489844647962,0.8446323130033658,2.0413865048791044,0.6290941531086575,0.0,1.272644505372799,156.2517600348556 +0.9059999999999999,0.9490000000000002,0.0,0.0,0.0,0.992,0.0,109.89,2023-09-18,rem us pacific smm food,109.22239887024737,105.11364420201244,1.8586369253812818,0.8179197511595941,0.0,1.4674436461437848,2.447126431882845,0.0,0.9691567268137065,112.67392768339366 +0.527,0.719,0.863,0.0,0.0,0.0,0.0,273.74,2023-09-18,rem us south atlantic smm food,286.7719414051688,283.6802303568146,1.7002084140701956,0.0,0.6822030220411801,1.4022706475328144,2.8996352636165836,0.0,1.069364955583218,291.4339126596586 +0.5680000000000001,0.798,0.868,0.734,0.0,0.0,0.59,396.49,2023-09-18,rem us south central smm food,405.1236955097812,399.4313293612464,1.4181283817358223,1.2553360793145263,0.0,1.9026310884815545,0.857579273629797,0.0,0.9720198190642639,405.8370240034724 +0.922,0.0,0.9759999999999999,0.757,0.0,0.7000000000000001,0.0,108.97,2023-09-18,rem us west north central smm food,130.9253601007078,125.95452848252805,1.7504418444859058,1.011423628670512,0.9840071239580156,0.0,0.2626641611295372,0.5990440306449181,0.0,130.56210927141694 +0.765,0.0,0.772,0.578,0.0,0.533,0.0,88.17,2023-09-18,richmond/petersburg smm food,90.00826383978685,86.06809383806947,0.0,1.03418879073062,0.0,0.0,0.14810613385775356,0.7732516225471439,1.4315461252787391,89.45518651048373 +0.0,0.5630000000000001,0.0,0.0,0.0,0.8310000000000001,0.91,76.72,2023-09-18,sacramento/stockton/modesto smm food,74.4881342442907,71.58708164797008,0.0,0.0,0.0,1.8185368967254638,0.3269561554881992,0.0,0.0,73.73257470018375 +0.5060000000000001,0.0,0.681,0.522,0.0,0.648,0.0,49.91,2023-09-18,salt lake city smm food,87.0459826447782,83.72480907215119,1.6151979933666858,0.0,0.0,1.3623259064486712,0.16541407780134632,0.0,1.1509630847241064,88.018710134492 +0.8300000000000001,0.0,0.532,0.0,0.0,0.0,0.0,104.5,2023-09-18,san diego smm food,80.87541785780562,78.71431295071628,0.0,0.0,0.0,0.0,0.18113768983134057,0.0,1.2640552286211266,80.15950586916874 +0.56,0.0,0.0,0.0,0.0,0.646,0.972,102.09,2023-09-18,san francisco/oakland/san jose smm food,91.88016680509153,88.87591304741949,0.9892121681862958,0.0,0.8729264475580691,1.6629626419766959,0.4308949304032354,0.0,0.0,92.83190923554379 +0.539,0.685,0.0,0.887,0.0,0.784,0.6890000000000001,114.15,2023-09-18,seattle/tacoma smm food,94.39536439633974,88.74475650580376,0.0,0.0,0.0,1.299255262631603,0.20750260952985938,0.7748950903952782,0.0,91.0264094683605 +0.0,0.0,0.889,0.0,0.0,0.0,0.894,53.68,2023-09-18,st. louis smm food,89.9155063448472,87.70409353036166,0.0,0.0,0.0,1.3560188420669643,0.40603828981908324,0.6163004430503273,1.1166059777174167,91.19905708301545 +0.787,0.0,0.0,0.0,0.0,0.0,0.0,150.76,2023-09-18,tampa/ft. myers smm food,174.77573091834688,173.25520362076367,1.244243430296825,0.9480063915030683,0.0,1.7008050282669367,0.1168370254535662,0.5809658843154418,1.2282665754891582,179.07432795608867 +0.0,0.781,0.0,0.599,0.0,0.0,0.0,82.95,2023-09-18,tucson/sierra vista smm food,65.8515279923208,63.32224664442017,0.0,1.619578672276254,0.0,0.0,0.7157421720127274,0.0,0.7386778006438294,66.39624528935298 +0.631,0.0,0.753,0.6960000000000001,0.0,0.0,0.0,232.64,2023-09-18,washington dc/hagerstown smm food,176.49283381010812,173.02137618365978,1.1167277992415603,1.0878495298723032,0.0,0.0,0.06056875351946603,0.5760354807710393,0.0,175.86255774706416 +0.0,0.0,0.887,0.0,0.0,0.0,0.88,46.46,2023-09-18,yakima/pasco/richland/kennewick smm food,55.70621767382211,53.51694236690935,0.0,1.2715969093574606,0.0,0.0,0.42494182149056087,0.7855776314081506,0.7873503689033066,56.78640909806882 +0.657,0.0,0.989,0.557,0.0,0.93,0.624,69.52,2023-09-25,albany/schenectady/troy smm food,87.49114120752505,82.35686844083078,1.2635639804567136,1.284605573391808,0.6057040656525378,0.0,0.22783699856608555,0.44948845646470537,0.0,86.18806751536263 +0.9570000000000001,0.662,0.684,0.0,0.0,0.0,0.0,76.73,2023-09-25,albuquerque/santa fe smm food,74.43435770290891,70.79212936171284,1.2113984950250145,1.2781012413746342,0.0,1.6293249652742594,1.1088291264394168,0.502901161529067,1.3485164500125726,77.8712008013678 +0.0,0.5760000000000001,0.0,0.0,0.0,0.728,0.0,187.98,2023-09-25,atlanta smm food,166.78237694727704,165.2475308400832,0.0,1.0748408658379558,0.8729264475580691,0.0,0.6880686878506248,0.44044938329996725,1.4172306640259515,169.74104688865575 +0.845,0.68,0.0,0.884,0.0,0.0,0.0,124.09,2023-09-25,baltimore smm food,109.87716575945574,105.28036119021601,0.0,0.0,0.5836975165544352,0.0,0.0922555438970349,0.0,0.7243623393910422,106.68067659005852 +0.68,0.849,0.0,0.858,0.0,0.807,0.583,41.4,2023-09-25,baton rouge smm food,56.624134865887314,50.62824190344196,0.0,0.0,0.6968740547732485,1.2088540064938056,0.21459285989664909,0.6080831038096562,0.0,53.35664592841532 +0.0,0.0,0.0,0.0,0.0,0.5660000000000001,0.0,69.5,2023-09-25,birmingham/anniston/tuscaloosa smm food,62.740618304576934,62.27551690355495,1.4161963267198334,1.3008664034347424,0.7765168038901912,0.0,1.5797168776355317,0.5300183810232815,0.0,67.87883169625853 +0.554,0.0,0.607,0.9580000000000001,0.0,0.0,0.674,234.65,2023-09-25,boston/manchester smm food,188.0296618880366,183.34429136615643,0.0,0.0,0.0,1.0553821065389397,0.14623934184780785,0.7321649263437888,0.0,185.27807774088697 +0.0,0.51,0.0,0.533,0.0,0.0,0.0,54.7,2023-09-25,buffalo smm food,65.91305074512296,63.96319330778341,0.0,0.0,0.8236736948146968,1.8332533802827795,0.7340234396808897,0.0,1.103722062589908,68.45786588515169 +0.0,0.0,0.653,0.844,0.0,0.974,0.848,163.64,2023-09-25,charlotte smm food,131.5738915522961,127.1008852661048,1.7620341745818393,0.0,0.7115450875053169,1.3055623270133099,1.0990627301732558,0.733808394191923,0.0,132.71289797957044 +0.788,0.0,0.762,0.0,0.0,0.0,0.874,164.17,2023-09-25,chicago smm food,180.69500971693216,177.12285569785104,0.9872801131703068,0.0,0.8855016184712706,1.9173475720388704,0.3739298627225728,0.0,0.7945080995297003,182.08142296378375 +0.0,0.0,0.0,0.0,0.0,0.58,0.517,143.31,2023-09-25,cleveland/akron/canton smm food,132.30778967296695,131.09107465023894,1.2017382199450701,1.341518478542078,0.5606430365468992,1.5389237091364618,0.7827623323854352,0.654100203557414,0.0,137.1707606303523 +0.0,0.0,0.802,0.847,0.0,0.0,0.0,93.69,2023-09-25,columbus oh smm food,106.54186978944573,103.92073468964487,0.0,1.2976142374261554,0.0,1.1100433311803988,0.9556746077686512,0.0,1.1480999924735489,108.43216685849363 +0.905,0.628,0.0,0.745,0.0,0.929,0.615,95.41,2023-09-25,dallas/ft. worth smm food,111.25689310144666,105.27715718131851,0.9950083332342623,0.0,0.875022309376936,1.7218285762059595,0.06109062782779519,0.7223041192549835,0.0,109.65241114721846 +0.0,0.0,0.562,0.0,0.0,0.9590000000000001,0.0,43.88,2023-09-25,des moines/ames smm food,63.78527736806777,62.408297363785806,0.0,0.8162936681553008,0.0,0.0,1.0995741091952909,0.44209285114810143,1.3699896418917534,66.13624763417626 +0.937,0.0,0.519,0.0,0.0,0.635,0.0,185.86,2023-09-25,detroit smm food,163.19893578670056,160.32292305294044,1.6248582684466302,0.0,0.0,0.0,0.4648067214751322,0.6746435516590916,0.9090317895519994,163.9962633840733 +0.613,0.67,0.0,0.0,0.0,0.9070000000000001,0.635,155.31,2023-09-25,grand rapids smm food,113.9437361049612,110.01556630860257,0.0,1.585430929186092,0.0,1.5305142899608526,0.5510207831067849,0.0,0.0,113.6825323108563 +0.0,0.63,0.0,0.0,0.0,0.707,0.0,62.89,2023-09-25,greensboro smm food,85.17464143289212,83.56924325587181,0.0,0.0,0.0,0.0,0.6929765270906566,0.0,0.0,84.26221978296246 +0.808,0.798,0.936,0.53,0.0,0.895,0.0,120.5,2023-09-25,harrisburg/lancaster smm food,90.714385618993,85.02510769460987,1.4335848218637333,1.5399006050658761,0.0,0.0,0.8054990772437981,0.0,0.0,88.80409219878328 +0.0,0.606,0.59,0.0,0.0,0.0,0.0,114.96000000000001,2023-09-25,hartford/new haven smm food,114.21441577822792,112.61073024106035,1.1515047895293598,1.048823537769261,0.0,0.0,0.915651061644882,0.4322320440592962,0.921915704679508,117.08085737874266 +0.5650000000000001,0.653,0.9700000000000001,0.0,0.0,0.965,0.517,228.12,2023-09-25,houston smm food,172.3494608394956,167.64644198801398,1.8431804852533713,0.0,0.9211312693920082,0.0,0.8453653461787556,0.43962764937590015,0.0,171.695746738214 +0.534,0.0,0.923,0.9689999999999999,0.0,0.0,0.924,119.68000000000002,2023-09-25,indianapolis smm food,94.38012299879851,89.02123497580452,1.831588155157438,0.0,0.0,1.5052860324340254,0.29062801487910717,0.8118731169782978,0.8231390220352751,94.28374931728867 +0.872,0.743,0.0,0.0,0.0,0.6990000000000001,0.9700000000000001,63.05,2023-09-25,jacksonville smm food,91.15581339062122,86.29988999004563,1.5978094982227864,1.0878495298723032,0.7136409493241839,0.0,0.13407165449869937,0.48975341874399336,1.1108797932163017,91.4338948339239 +0.742,0.0,0.5,0.901,0.0,0.0,0.587,84.1,2023-09-25,kansas city smm food,85.18579003303606,80.49370051161102,0.0,0.9349977274687211,0.9399940257618103,0.0,0.31494331163832684,0.4881099508958592,0.0,83.17174552737575 +0.903,0.659,0.0,0.744,0.0,0.0,0.0,97.41,2023-09-25,knoxville smm food,73.78340473237799,69.4030183864474,0.0,1.5285180240358223,0.9609526439504795,2.0329770857034952,0.23644389385515743,0.0,1.4115044795248368,75.57341451351719 +0.759,0.9199999999999999,0.0,0.887,0.0,0.5060000000000001,0.669,65.03,2023-09-25,las vegas smm food,79.27670101358854,73.0759844669223,1.2365152102328696,1.250457830301646,0.0,0.0,0.3026799498677847,0.0,1.3656950035159172,77.23133246084052 +0.706,0.743,0.0,0.0,0.0,0.543,0.771,64.86,2023-09-25,little rock/pine bluff smm food,61.82570525282877,57.70357115599228,0.9930762782182734,1.2244405022329512,0.0,2.0518982788486153,1.6219333301723526,0.0,0.0,63.59491954546447 +0.0,0.558,0.0,0.0,0.0,0.0,0.9899999999999999,163.62,2023-09-25,los angeles smm food,156.3011611751054,153.9765761946837,0.0,1.0195540436919792,0.828913349361864,1.2635152311352644,0.12730858327420524,0.0,1.3571057267642446,158.57297312891126 +0.681,0.0,0.986,0.7000000000000001,0.0,0.0,0.0,18.9,2023-09-25,madison wi smm food,56.23982297649297,52.419185278171575,0.0,1.4585964548512047,0.0,0.0,0.48618014385446434,0.6713566159628231,1.378578918643426,56.4138974114835 +0.0,0.8130000000000001,0.0,0.674,0.0,0.0,0.0,120.84,2023-09-25,miami/west palm beach smm food,186.86080694966398,184.12181433608328,1.379487281416045,0.9902845496146975,0.8645430002826016,1.4190894858840324,0.42105187291544866,0.7781820260915466,0.0,189.97445255228766 +0.509,0.67,0.0,0.0,0.0,0.0,0.999,81.66,2023-09-25,milwaukee smm food,71.65617867519406,68.15317248002567,1.3910796115119783,1.1333798539925193,1.0343078076108214,0.0,0.16136228886946868,0.4511319243128396,0.9748829113148214,73.29931687763812 +0.737,0.0,0.0,0.862,0.0,0.7010000000000001,0.6970000000000001,84.33,2023-09-25,minneapolis/st. paul smm food,90.56069995909904,85.75072244988117,1.0085327183461843,0.40652075107335695,1.017540913059886,1.9362687651839912,0.19322902017002022,0.6006874984930523,0.8231390220352751,91.73664113824293 +0.9140000000000001,0.536,0.0,0.975,0.0,0.743,0.0,52.36,2023-09-25,mobile/pensacola smm food,72.76425788075615,67.46643487620449,1.5533722328550426,1.060206118799315,0.0,0.0,0.808954308018501,0.6639610106462193,0.0,71.55292854652356 +0.0,0.732,0.0,0.0,0.0,0.994,0.885,114.47,2023-09-25,nashville smm food,98.74618253927258,95.47216793873541,1.694412249022229,0.0,0.7073533638675831,1.5767660954267027,0.27853303400606433,0.7954384384969557,0.0,100.52467111955494 +0.606,0.0,0.0,0.9560000000000002,0.0,0.0,0.656,45.95,2023-09-25,new orleans smm food,63.66938809712994,59.54961731628727,0.0,0.0,0.0,1.3223811653645279,3.2568555658199196,0.0,1.2211088448627645,65.34996289233447 +0.9199999999999999,0.0,0.0,0.529,0.0,0.5630000000000001,0.0,309.73,2023-09-25,new york smm food,293.5140380846737,290.1617655847399,1.3524385111922013,0.0,0.0,0.0,0.4343843849375926,0.7781820260915466,1.278370689873914,294.00514119683515 +0.8200000000000001,0.0,0.0,0.687,0.0,0.937,0.0,114.21000000000001,2023-09-25,norfolk/portsmouth/newport news smm food,106.10850679195747,102.30993924858487,0.0,1.1854145101299087,0.5732182074601007,0.0,0.1031937616937608,0.0,0.0,104.17176572786863 +0.0,0.0,0.798,0.0,0.0,0.0,0.882,61.519999999999996,2023-09-25,oklahoma city smm food,55.708116668195316,53.609244119971564,0.0,0.0,0.8991247202939056,0.0,0.1472738120229599,0.5669964076063011,1.2941176972519801,56.51675675714671 +0.0,0.9910000000000001,0.0,0.8160000000000001,0.0,0.0,0.0,20.42,2023-09-25,omaha smm food,64.203199619098,60.87622985001895,0.0,0.0,0.0,1.414884776296228,0.42734630679107594,0.0,1.2798022359991927,63.99826316910545 +0.782,0.755,0.669,0.0,0.0,0.916,0.0,123.68,2023-09-25,orlando/daytona beach/melborne smm food,136.8077159104634,132.61538216686213,0.0,1.3626575575978925,0.9326585093957762,1.438010679029153,0.1894779440063054,0.5374139863398854,0.0,137.07560084323114 +0.876,0.0,0.0,0.802,0.0,0.5750000000000001,0.516,45.78,2023-09-25,paducah ky/cape girardeau mo smm food,60.14900167853262,55.55925813283435,0.0,0.0,0.5742661383695341,1.8143321871376592,1.655857746008922,0.0,0.856064582916686,60.459778787267155 +0.0,0.875,0.0,0.0,0.0,0.0,0.0,205.78,2023-09-25,philadelphia smm food,201.16057026659166,199.7377476378349,0.0,0.0,0.0,0.0,0.8075407906919773,0.5415226559602209,0.0,201.0868110844871 +0.859,0.8240000000000001,0.0,0.0,0.0,0.0,0.0,89.63,2023-09-25,phoenix/prescott smm food,119.98248877373943,116.98296111946722,1.8605689803972714,0.0,0.7471747384260543,1.791206284404734,0.21561805163029482,0.48482301519959076,0.7257938855163207,122.80814607504149 +0.0,0.791,0.971,0.49200000000000005,0.0,0.523,0.0,99.53,2023-09-25,pittsburgh smm food,108.32013031918738,104.55223234884438,0.0,0.0,0.962000574859913,1.8017180583742456,0.5062261406760032,0.5694616093785024,0.0,108.39163873213305 +0.883,0.0,0.0,0.0,0.0,0.577,0.0,101.29,2023-09-25,portland or smm food,89.07645453254106,86.8963094792362,1.4007398865919225,1.250457830301646,0.0,1.5073883872279277,0.5296339754347882,0.5497399952008919,1.4229568485270667,93.55722640252044 +0.716,0.0,0.841,0.0,0.0,0.5660000000000001,0.579,88.66,2023-09-25,providence ri/new bedford ma smm food,86.80693425164515,83.24830635780522,1.9108024108129813,0.866702241288397,0.0,0.0,0.8133992899224074,0.6146569752021931,0.8718115902947521,88.32567886532595 +0.0,0.668,0.601,0.9490000000000002,0.0,0.537,0.0,155.64,2023-09-25,raleigh/durham/fayetteville smm food,129.48260851617619,125.33017277610136,1.2345831552168807,1.2862316563961014,0.6738195747657124,0.0,3.7421638403839896,0.0,0.0,132.26697100286404 +0.9770000000000001,0.0,0.0,0.0,0.0,0.0,0.988,353.91,2023-09-25,rem us east north central smm food,309.7556580245214,306.4536727021249,1.804539384933594,0.0,0.5302530401733291,1.5893802241901163,1.1596506489981282,0.6204091126706628,1.130921438970204,313.2888265520609 +0.0,0.0,0.0,0.0,0.0,0.6960000000000001,0.8150000000000001,135.2,2023-09-25,rem us middle atlantic smm food,132.53866016495016,130.80002326169728,0.0,0.0,0.0,0.0,1.2239817344955954,0.5160489043141406,0.0,132.54005390050702 +0.0,0.0,0.687,0.707,0.0,0.0,0.0,171.38,2023-09-25,rem us mountain smm food,176.16380490513095,173.95751153106124,1.1573009545773263,0.0,0.8509198984599666,1.80592276796205,0.7853210527627926,0.0,0.0,178.55697620482337 +0.0,0.0,0.0,0.903,0.0,0.0,0.0,153.6,2023-09-25,rem us new england smm food,150.12005699194776,148.221630613054,0.0,0.0,0.5271092474450285,0.0,0.7686155990947149,0.0,0.0,149.51735545959374 +0.0,0.867,0.776,0.0,0.0,0.0,0.734,86.96,2023-09-25,rem us pacific smm food,108.3874074084098,105.11364420201244,1.205602329977048,1.2797273243789278,0.6339982002072411,0.0,3.4185015316305236,0.7428474673566611,0.0,112.39432105556284 +0.9400000000000001,0.0,0.0,0.617,0.0,0.864,0.0,353.37,2023-09-25,rem us south atlantic smm food,287.5034930900758,283.6802303568146,0.0,0.0,0.0,0.0,3.8375460669630463,0.7461344030529296,1.1051536087151868,289.36906443554574 +0.0,0.9440000000000001,0.74,0.511,0.0,0.0,0.0,443.48,2023-09-25,rem us south central smm food,402.8161238899642,399.4313293612464,0.0,0.0,0.0,0.0,0.9289391588322745,0.5070098311494026,0.0,400.8672783512281 +0.999,0.52,0.862,0.9400000000000001,0.0,0.0,0.599,118.78,2023-09-25,rem us west north central smm food,132.46724068497522,125.95452848252805,0.0,0.926867312447254,0.0,0.0,0.398182339869627,0.0,0.0,127.27957813484493 +0.964,0.877,0.0,0.0,0.0,0.512,0.775,93.03,2023-09-25,richmond/petersburg smm food,90.88684568446145,86.06809383806947,0.0,0.0,0.0,1.5389237091364618,0.12695432933538314,0.5020794276049999,0.0,88.23605130414632 +0.0,0.0,0.8320000000000001,0.0,0.0,0.6960000000000001,0.767,101.77,2023-09-25,sacramento/stockton/modesto smm food,74.12888285385822,71.58708164797008,0.0,0.0,0.0,1.641939094037673,0.5670648816327425,0.0,0.0,73.7960856236405 +0.75,0.0,0.0,0.9280000000000002,0.0,0.964,0.747,92.05,2023-09-25,salt lake city smm food,88.98635204126805,83.72480907215119,0.0,0.0,0.601512342014804,1.5998919981596276,0.25419172718950733,0.0,1.020692387323741,87.20109752683886 +0.0,0.0,0.0,0.8250000000000001,0.0,0.551,0.646,65.74,2023-09-25,san diego smm food,81.82630984477669,78.71431295071628,1.6151979933666858,0.0,0.8383447275467651,0.0,0.19586790019776795,0.7995471081172912,0.0,82.16327067994479 +0.0,0.0,0.52,0.9070000000000001,0.0,0.0,0.874,91.82,2023-09-25,san francisco/oakland/san jose smm food,92.57884423188787,88.87591304741949,0.0,0.0,0.0,1.1626022010279555,0.7110418048090001,0.0,0.0,90.74955705325644 +0.874,0.0,0.0,0.988,0.0,0.0,0.0,84.67,2023-09-25,seattle/tacoma smm food,92.51049912615346,88.74475650580376,0.0,0.8455631622325824,0.7545102547920886,0.0,0.1922960044290435,0.0,0.0,90.53712592725748 +0.0,0.759,0.626,0.987,0.0,0.0,0.0,127.13999999999999,2023-09-25,st. louis smm food,91.66931946150726,87.70409353036166,1.3118653558564353,0.0,0.6853468147694805,0.0,0.4801124994261465,0.0,1.0937012397129566,91.27511944012667 +0.0,0.856,0.0,0.9460000000000001,0.0,0.0,0.5720000000000001,157.25,2023-09-25,tampa/ft. myers smm food,177.4548026911298,173.25520362076367,0.0,0.0,0.8393926584561986,1.3791447447998892,0.15921440571356194,0.5974005627967839,0.0,176.2303559925301 +0.0,0.0,0.87,0.618,0.0,0.845,0.0,83.26,2023-09-25,tucson/sierra vista smm food,66.22756696409559,63.32224664442017,1.3447102911282458,0.8829630713313313,0.0,1.5683566762510937,1.2304859219915043,0.5702833433025696,1.0192608411984623,69.93830678962337 +0.0,0.8160000000000001,0.6990000000000001,0.6970000000000001,0.0,0.599,0.616,243.65999999999997,2023-09-25,washington dc/hagerstown smm food,177.92015594589498,173.02137618365978,0.0,0.0,0.6895385384072144,1.8837098953364342,0.08501349214297838,0.0,1.053617948205152,176.73325605775156 +0.0,0.591,0.0,0.0,0.0,0.0,0.68,66.61,2023-09-25,yakima/pasco/richland/kennewick smm food,55.45140878763631,53.51694236690935,0.0,0.9415020594858946,0.0,1.858481637809607,1.257483448874034,0.733808394191923,1.3470849038872934,59.6553028111581 +0.0,0.844,0.847,0.9400000000000001,0.0,0.596,0.651,111.83,2023-10-02,albany/schenectady/troy smm food,88.01478342931317,82.35686844083078,0.0,0.8423109962239956,0.0,0.0,0.9177569636556128,0.0,1.4272514869029027,85.54418788761329 +0.0,0.593,0.0,0.0,0.0,0.0,0.8310000000000001,56.39,2023-10-02,albuquerque/santa fe smm food,72.94601141336548,70.79212936171284,1.190145889849137,1.3545271425764254,0.0,0.0,4.587611323585916,0.0,0.0,77.92441371772432 +0.0,0.0,0.772,0.0,0.0,0.0,0.0,188.61,2023-10-02,atlanta smm food,166.05653350216582,165.2475308400832,1.248107540328803,1.2293187512458315,0.0,1.4716483557315894,2.3220433056197627,0.0,0.0,171.51864879300916 +0.902,0.0,0.583,0.799,0.0,0.803,0.0,152.95,2023-10-02,baltimore smm food,109.97365235619147,105.28036119021601,0.0,0.0,0.0,0.0,0.4750385608725924,0.0,1.3814420108939833,107.1368417619826 +0.659,0.657,0.0,0.735,0.0,0.0,0.718,44.36,2023-10-02,baton rouge smm food,55.54288358426771,50.62824190344196,0.0,1.5138832769971813,0.8184340402675294,2.068717117199834,1.1190871279998127,0.0,0.0,56.14836346590632 +0.9400000000000001,0.9910000000000001,0.806,0.0,0.0,0.6890000000000001,0.788,92.23,2023-10-02,birmingham/anniston/tuscaloosa smm food,68.24196220924452,62.27551690355495,0.0,0.0,0.6926823311355147,1.1689092654096624,5.248818162747841,0.0,0.7773295460263554,70.16325620887433 +0.746,0.743,0.606,0.0,0.0,0.877,0.779,225.97,2023-10-02,boston/manchester smm food,188.46466529438982,183.34429136615643,1.4644977021195549,0.0,0.9326585093957762,0.0,0.6747673574761659,0.4281233744389607,0.8217074759099964,187.6660457854969 +0.0,0.0,0.0,0.0,0.0,0.988,0.0,108.59,2023-10-02,buffalo smm food,64.77506642476172,63.96319330778341,1.2828845306166023,1.406561798713815,0.0,0.0,2.5516080716787983,0.0,0.0,69.20424770879262 +0.0,0.0,0.804,0.0,0.0,0.0,0.0,125.19,2023-10-02,charlotte smm food,127.9434217172893,127.1008852661048,1.2423113752808361,0.0,0.5952247565582033,0.0,5.483534441215648,0.6590306071018166,1.115174431592138,136.19616087785343 +0.0,0.726,0.53,0.0,0.0,0.58,0.9530000000000001,207.86,2023-10-02,chicago smm food,180.69966447431736,177.12285569785104,1.7407815694059618,0.9854063006018172,1.0039178112372513,0.0,2.006497960022716,0.5218010417826104,0.7286569777668782,184.10991735866827 +0.0,0.9689999999999999,0.9619999999999999,0.767,0.0,0.0,0.759,127.61,2023-10-02,cleveland/akron/canton smm food,136.37390825228385,131.09107465023894,1.5166631875512542,0.0,0.7000178475015488,1.7575686077022978,2.539014336548393,0.0,0.0,137.60433862954244 +0.0,0.0,0.777,0.0,0.0,0.0,0.732,103.29,2023-10-02,columbus oh smm food,105.7828687699787,103.92073468964487,0.0,0.0,0.5658826910940664,2.100252439108368,4.799737486992279,0.5867180217839115,0.0,111.9733253286235 +0.0,0.578,0.0,0.587,0.0,0.848,0.523,140.94,2023-10-02,dallas/ft. worth smm food,108.89664441295042,105.27715718131851,1.1186598542575492,0.9756498025760566,0.0,1.6503485132132822,0.47115043756466174,0.48482301519959076,1.3585372728895238,111.33632607701918 +0.0,0.676,0.0,0.0,0.0,0.0,0.0,94.45,2023-10-02,des moines/ames smm food,63.50752947468817,62.408297363785806,1.4683618121515327,0.0,0.0,0.0,3.930920803853577,0.7116215782421111,0.0,68.51920155803303 +0.0,0.6920000000000001,0.0,0.0,0.0,0.0,0.967,172.94,2023-10-02,detroit smm food,162.83247759505602,160.32292305294044,1.4818861972634547,0.0,0.0,1.8101274775498546,1.651496270078572,0.0,1.175299368853845,166.44173236668615 +0.628,0.8270000000000001,0.843,0.638,0.0,0.0,0.0,129.87,2023-10-02,grand rapids smm food,114.79837561835629,110.01556630860257,0.0,0.0,0.0,1.2067516516999033,1.6994358478631906,0.8036557777376268,1.345653357762015,115.07106294366531 +0.801,0.0,0.88,0.0,0.0,0.496,0.0,92.52,2023-10-02,greensboro smm food,86.44657855031761,83.56924325587181,0.0,0.8634500752798102,0.0,0.0,2.019966758661084,0.0,0.0,86.45266008981271 +0.0,0.0,0.0,0.869,0.0,0.904,0.852,83.18,2023-10-02,harrisburg/lancaster smm food,88.81457877660507,85.02510769460987,0.0,1.3480228105592518,0.6968740547732485,1.5893802241901163,2.4742540090520606,0.5168706382382078,0.0,91.65050943142276 +0.9350000000000002,0.805,0.669,0.797,0.0,0.0,0.552,132.22,2023-10-02,hartford/new haven smm food,118.89305450977109,112.61073024106035,0.9834160031383291,1.1967970911599628,0.0,0.0,4.462858418577099,0.0,0.0,119.25380175393575 +0.772,0.0,0.0,0.9000000000000001,0.0,0.539,0.0,209.48,2023-10-02,houston smm food,171.47302235994158,167.64644198801398,0.0,0.0,0.0,0.0,2.816476547141272,0.0,0.8088235607824877,171.27174209593773 +0.777,0.0,0.5700000000000001,0.0,0.0,0.0,0.0,96.47,2023-10-02,indianapolis smm food,91.11976234160493,89.02123497580452,0.0,1.2098057551943102,0.5690264838223669,1.7954109939925387,1.194770158521827,0.0,1.2168142064869283,95.0070625738225 +0.852,0.0,0.533,0.955,0.0,0.0,0.726,98.16,2023-10-02,jacksonville smm food,91.5515993535252,86.29988999004563,1.6596352587344296,0.0,1.0049657421466847,1.1394762982950306,1.0232847857578,0.0,0.0,91.12725207497957 +0.542,0.617,0.0,0.0,0.0,0.0,0.592,59.97999999999999,2023-10-02,kansas city smm food,83.39164285009105,80.49370051161102,1.532119627679165,0.0,0.6046561347431043,1.1478857174706396,1.1284416223053337,0.0,0.7429724390196656,85.64977605282894 +0.974,0.869,0.612,0.0,0.0,0.63,0.0,72.97,2023-10-02,knoxville smm food,73.85693219148709,69.4030183864474,1.8509087053173268,0.0,0.0,0.0,1.116703329060689,0.0,0.0,72.37063042082542 +0.753,0.858,0.0,0.0,0.0,0.643,0.0,96.52,2023-10-02,las vegas smm food,76.45437602482082,73.0759844669223,1.5359837377111427,1.3463967275549582,0.0,1.8858122501303365,1.1435873851667644,0.0,0.0,78.98776456748551 +0.0,0.723,0.918,0.612,0.0,0.0,0.987,73.2,2023-10-02,little rock/pine bluff smm food,62.54080690247464,57.70357115599228,0.0,1.429326960773923,0.0,1.3413023585096484,8.821811981787619,0.6754652855831587,0.0,69.97147774264663 +0.861,0.0,0.0,0.0,0.0,0.555,0.931,177.5,2023-10-02,los angeles smm food,157.42890733394185,153.9765761946837,0.0,0.0,0.0,0.0,0.5665305346653393,0.0,1.2611921363705692,155.8042988657196 +0.8989999999999999,0.0,0.0,0.9269999999999999,0.0,0.0,0.0,83.85,2023-10-02,madison wi smm food,56.10498563149296,52.419185278171575,0.0,0.0,0.0,0.0,2.289412243686931,0.7740733564712111,1.075091140084333,56.55776201841405 +0.0,0.793,0.0,0.0,0.0,0.603,0.0,163.9,2023-10-02,miami/west palm beach smm food,185.90680371470046,184.12181433608328,0.0,0.0,0.0,1.927859346008382,1.633279951500954,0.7954384384969557,0.0,188.47839207208958 +0.9560000000000002,0.0,0.0,0.0,0.0,0.0,0.0,63.05,2023-10-02,milwaukee smm food,70.00021707531103,68.15317248002567,0.0,0.0,0.0,1.7386474145571775,1.5434048602198769,0.6352003233038707,1.2998438817530953,73.3702689598597 +0.0,0.0,0.666,0.871,0.0,0.9380000000000001,0.0,96.47,2023-10-02,minneapolis/st. paul smm food,89.05058188182767,85.75072244988117,0.0,1.1203711899581719,0.0,1.5536401926937777,0.915093138309717,0.7321649263437888,0.9433888965586892,91.01538079374531 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.78,2023-10-02,mobile/pensacola smm food,67.46643487620449,67.46643487620449,0.0,0.0,0.8247216257241302,0.0,2.740551060295306,0.6968303676089033,1.0622072249568244,72.79074515478965 +0.0,0.89,0.0,0.6940000000000001,0.0,0.0,0.0,125.03,2023-10-02,nashville smm food,98.37841603952474,95.47216793873541,0.9737557280583848,0.0,0.0,0.0,1.101331385174343,0.5661746736822341,0.0,98.11342972565038 +0.0,0.863,0.67,0.0,0.0,0.964,0.0,25.7,2023-10-02,new orleans smm food,62.44719216111359,59.54961731628727,1.3910796115119783,0.0,0.0,1.1562951366462486,12.06792950077839,0.5176923721622749,1.4243883946523455,76.1070023320385 +0.0,0.756,0.0,0.6900000000000001,0.0,0.0,0.985,349.27,2023-10-02,new york smm food,294.25178207717784,290.1617655847399,0.0,0.0,0.7974754220788602,0.0,1.5092533507248012,0.7116215782421111,0.9920614648181663,294.17217740060386 +0.767,0.0,0.639,0.608,0.0,0.0,0.536,138.04,2023-10-02,norfolk/portsmouth/newport news smm food,106.50699373481828,102.30993924858487,1.6113338833347082,0.8227980001724746,0.6235188911129065,0.0,0.8156653591283205,0.757638677989869,0.0,106.94089406032315 +0.0,0.0,0.531,0.0,0.0,0.0,0.0,73.34,2023-10-02,oklahoma city smm food,54.165695432880725,53.609244119971564,0.0,0.0,0.0,1.135271588707226,0.6562735982869498,0.7559952101417347,1.0450286714534796,57.201813188560955 +0.0,0.0,0.0,0.641,0.0,0.0,0.0,91.28,2023-10-02,omaha smm food,62.223839272910304,60.87622985001895,0.0,0.0,0.7000178475015488,1.3013576174255053,2.104185955368884,0.0,0.927641889180623,65.9094331594955 +0.552,0.513,0.6980000000000001,0.0,0.0,0.0,0.0,158.18,2023-10-02,orlando/daytona beach/melborne smm food,135.24751289167506,132.61538216686213,0.0,0.0,0.7021137093204158,0.0,0.7256860755122957,0.5415226559602209,1.0707965017084968,135.65550110936357 +0.777,0.0,0.0,0.536,0.0,0.501,0.0,81.0,2023-10-02,paducah ky/cape girardeau mo smm food,58.59901574574693,55.55925813283435,1.0877469740017276,1.5480310200873433,1.0343078076108214,1.5935849337779209,5.811742729990399,0.0,0.0,66.63467159830256 +0.0,0.0,0.0,0.561,0.0,0.0,0.525,177.62,2023-10-02,philadelphia smm food,201.66873039298542,199.7377476378349,0.0,0.0,0.0,1.7617733172901024,3.110753727433123,0.6491698000130114,1.388599741520377,206.6480442240915 +0.0,0.0,0.0,0.0,0.0,0.933,0.0,118.89,2023-10-02,phoenix/prescott smm food,117.74963887062182,116.98296111946722,0.0,1.31875331648197,0.0,1.9320640555961863,1.245461174477057,0.0,0.0,121.47923966602244 +0.746,0.592,0.0,0.9390000000000001,0.0,0.0,0.648,85.68,2023-10-02,pittsburgh smm food,109.85793956996864,104.55223234884438,1.9030741907490258,1.1854145101299087,0.0,0.0,1.946250301421607,0.0,0.9118948818025568,110.49886623294748 +0.0,0.89,0.0,0.0,0.0,0.0,0.523,69.8,2023-10-02,portland or smm food,89.09222197657813,86.8963094792362,0.0,1.1398841860096929,0.9337064403052097,0.0,1.5949759591678176,0.0,0.9577043578114766,91.5225804225304 +0.529,0.9460000000000001,0.632,0.8280000000000001,0.0,0.614,0.0,111.41,2023-10-02,providence ri/new bedford ma smm food,88.71622471681513,83.24830635780522,1.8625010354132598,1.2943620714175685,0.0,0.0,2.6640455948023987,0.5711050772266366,1.2010671991088622,90.84138733577394 +0.0,0.0,0.0,0.973,0.0,0.677,0.0,181.18,2023-10-02,raleigh/durham/fayetteville smm food,127.9320778571617,125.33017277610136,1.0877469740017276,0.0,0.5973206183770702,0.0,13.163764702257845,0.5982222967208509,0.0,140.77722736745886 +0.0,0.0,0.8170000000000001,0.0,0.0,0.533,0.512,307.53,2023-10-02,rem us east north central smm food,308.4807680528025,306.4536727021249,0.0,0.0,0.9599047130410461,2.068717117199834,3.9241256383478067,0.6590306071018166,1.218245752612207,315.2836965304276 +0.0,0.676,0.0,0.647,0.0,0.678,0.908,152.89,2023-10-02,rem us middle atlantic smm food,135.116458406525,130.80002326169728,1.3253897409683573,0.0,0.0,0.0,5.6375713244631,0.5628877379859656,0.0,138.3258720651147 +0.673,0.0,0.0,0.919,0.0,0.0,0.0,235.20000000000002,2023-10-02,rem us mountain smm food,177.18984861241793,173.95751153106124,0.0,0.0,0.6025602729242374,1.7596709624962001,2.536613197571044,0.6245177822909983,0.0,179.48087374634372 +0.8260000000000001,0.0,0.0,0.0,0.0,0.807,0.0,127.72,2023-10-02,rem us new england smm food,150.48064733298298,148.221630613054,0.0,0.0,0.9525691966750118,1.711316802236448,4.347914651507612,0.42565817266675937,0.8990109666750482,156.5581004028149 +0.517,0.0,0.0,0.0,0.0,0.749,0.915,103.96,2023-10-02,rem us pacific smm food,108.03786005903498,105.11364420201244,0.0,0.8293023321896482,0.5658826910940664,0.0,12.325746512801684,0.0,0.0,118.83457573809784 +0.931,0.804,0.0,0.5060000000000001,0.0,0.901,0.0,343.57,2023-10-02,rem us south atlantic smm food,288.59051810345113,283.6802303568146,1.4413130419276887,0.0,0.0,0.0,17.455096527453737,0.0,1.1065851548404655,303.6832250810365 +0.0,0.723,0.779,0.0,0.0,0.617,0.618,426.11,2023-10-02,rem us south central smm food,402.81503088837087,399.4313293612464,0.0,1.2114318381986038,0.7199285347807846,1.8689934117791183,5.235746968143857,0.7954384384969557,0.0,409.2628685526457 +0.687,0.0,0.0,0.0,0.0,0.0,0.5700000000000001,167.16,2023-10-02,rem us west north central smm food,128.09783156992125,125.95452848252805,0.0,1.4260747947653363,0.5239654547167282,1.8521745734279,1.3214021760940657,0.6097265716577904,0.8603592212925222,132.5482312744824 +0.687,0.96,0.0,0.782,0.0,0.858,0.0,124.78000000000002,2023-10-02,richmond/petersburg smm food,91.30554447385666,86.06809383806947,1.0239891584740952,0.0,0.0,1.1773186845852714,1.392515041804638,0.0,1.0450286714534796,90.70694539438696 +0.0,0.0,0.0,0.618,0.0,0.9269999999999999,0.0,80.95,2023-10-02,sacramento/stockton/modesto smm food,73.6480842582119,71.58708164797008,0.0,0.0,0.7387912911505867,1.6209155460986504,2.0298705062826574,0.41004522810948446,0.0,76.38670421961146 +0.58,0.687,0.0,0.538,0.0,0.8230000000000001,0.674,112.78,2023-10-02,salt lake city smm food,88.73473599243883,83.72480907215119,1.6654314237823962,0.0,0.0,2.085535955551052,1.3665544187868357,0.6089048377337233,0.0,89.4512357080052 +0.592,0.992,0.775,0.512,0.0,0.6910000000000001,0.719,50.58,2023-10-02,san diego smm food,84.95681577533543,78.71431295071628,0.0,0.0,0.5784578620072679,1.64824615841938,1.8315813891685435,0.49468382228839597,0.0,83.26728218259987 +0.644,0.0,0.0,0.804,0.0,0.0,0.0,108.54,2023-10-02,san francisco/oakland/san jose smm food,91.81044973201375,88.87591304741949,1.7195289642300844,0.0,0.5313009710827624,1.6608602871827935,2.863280656633359,0.8184469883708346,0.9118948818025568,97.38122579672188 +0.522,0.875,0.636,0.0,0.0,0.844,0.782,90.71,2023-10-02,seattle/tacoma smm food,93.65560841318697,88.74475650580376,0.0,1.048823537769261,0.0,2.0266700213217885,1.437772237360348,0.6672479463424876,0.9061686973014419,94.8314389458991 +0.0,0.967,0.0,0.708,0.0,0.801,0.589,77.16,2023-10-02,st. louis smm food,92.26637253056315,87.70409353036166,0.0,1.4390834587996837,0.9567609203127455,1.8563792830157047,2.294866294131046,0.6467045982408101,0.0,94.89788808486165 +0.0,0.0,0.0,0.56,0.0,0.836,0.0,169.33,2023-10-02,tampa/ft. myers smm food,175.119491865869,173.25520362076367,0.0,0.0,0.0,0.0,0.6340199408093078,0.0,0.0,173.88922356157298 +0.584,0.0,0.811,0.932,0.0,0.0,0.0,42.95,2023-10-02,tucson/sierra vista smm food,67.25983340922511,63.32224664442017,1.6151979933666858,0.9463803084987749,0.0,1.1100433311803988,4.32698765905977,0.622052580518797,0.7257938855163207,72.66870240256091 +0.0,0.0,0.858,0.0,0.0,0.0,0.757,205.22,2023-10-02,washington dc/hagerstown smm food,175.00418132078968,173.02137618365978,0.9892121681862958,1.2146840042071905,0.0,0.0,0.3911573428045782,0.7798254939396809,1.175299368853845,177.57155456165137 +0.0,0.0,0.0,0.0,0.0,0.89,0.0,44.32,2023-10-02,yakima/pasco/richland/kennewick smm food,54.24828555932906,53.51694236690935,0.0,1.2244405022329512,0.9567609203127455,0.0,1.690312401961736,0.6820391569756955,0.0,58.07049534839248 +0.0,0.0,0.924,0.834,0.0,0.0,0.8180000000000001,76.79,2023-10-09,albany/schenectady/troy smm food,86.2495252297398,82.35686844083078,1.4780220872314769,0.0,0.0,1.812229832343757,1.172495054154802,0.5037228954531341,1.3470849038872934,88.67042321390124 +0.61,0.9450000000000001,0.0,0.655,0.0,0.0,0.0,25.78,2023-10-09,albuquerque/santa fe smm food,74.8843737505293,70.79212936171284,1.725325129278051,0.0,0.0,1.503183677640123,6.047793126662332,0.48646648304772494,0.0,80.55489777834107 +0.754,0.0,0.0,0.0,0.0,0.714,0.0,347.51,2023-10-09,atlanta smm food,167.2910183439227,165.2475308400832,0.0,0.0,1.0164929821504527,0.0,3.0908733736083116,0.0,1.1194690699679741,170.47436626580992 +0.0,0.0,0.0,0.787,0.0,0.788,0.663,66.34,2023-10-09,baltimore smm food,108.53155582624177,105.28036119021601,0.0,1.159397182061214,0.0,0.0,0.4985303579217293,0.0,0.0,106.93828873019896 +0.0,0.0,0.0,0.667,0.0,0.663,0.0,43.15,2023-10-09,baton rouge smm food,52.575322142631265,50.62824190344196,1.7060045791181624,1.4943702809456603,0.0,0.0,1.1574918142391322,0.48893168481992627,1.377147372518147,56.85218763508299 +0.8290000000000001,0.897,0.0,0.0,0.0,0.5740000000000001,0.9829999999999999,91.15,2023-10-09,birmingham/anniston/tuscaloosa smm food,67.21467208022443,62.27551690355495,1.5359837377111427,0.0,0.7429830147883205,1.6019943529535299,7.12256018169857,0.0,0.0,73.27903819070652 +0.0,0.641,0.989,0.0,0.0,0.6970000000000001,0.0,231.86,2023-10-09,boston/manchester smm food,185.99576278641297,183.34429136615643,1.2113984950250145,1.4374573757953901,0.6004644111053705,0.0,0.8127797638198645,0.0,0.8417491216638986,188.24814053356596 +0.0,0.5700000000000001,0.0,0.87,0.0,0.521,0.0,35.92,2023-10-09,buffalo smm food,67.1472326653646,63.96319330778341,0.0,0.0,0.0,0.0,3.3970990570818853,0.4511319243128396,0.7329516161427144,68.54437590532085 +0.755,0.0,0.0,0.9840000000000001,0.0,0.7000000000000001,0.787,158.8,2023-10-09,charlotte smm food,132.33014446781755,127.1008852661048,0.0,0.0,0.7377433602411533,0.0,6.8049785984548885,0.0,0.0,134.64360722480083 +0.0,0.89,0.604,0.0,0.0,0.559,0.0,193.48,2023-10-09,chicago smm food,179.6623691045235,177.12285569785104,0.0,1.5675440161388643,0.8834057566524036,1.2403893284023393,2.3380054192281476,0.4429145850721685,1.1337845312207615,184.7288993345657 +0.0,0.738,0.0,0.666,0.0,0.0,0.0,176.92,2023-10-09,cleveland/akron/canton smm food,133.6912922001464,131.09107465023894,0.0,0.0,0.0,1.1541927818523465,3.6108054455506875,0.0,0.9233472508047867,136.77942012844676 +0.0,0.49900000000000005,0.532,0.0,0.0,0.514,0.986,110.18,2023-10-09,columbus oh smm food,107.12352506910122,103.92073468964487,1.8837536405891373,0.0,0.53968441835823,0.0,5.722745744329254,0.47003180456638294,0.8460437600397348,113.38299405752761 +0.0,0.0,0.633,0.0,0.0,0.867,0.0,119.46000000000001,2023-10-09,dallas/ft. worth smm food,106.65294075915607,105.27715718131851,1.3041371357924798,0.0,0.6549568183959102,1.0932244928291805,0.49848061939103167,0.0,0.0,108.82795624772712 +0.623,0.58,0.0,0.0,0.0,0.9689999999999999,0.0,73.42,2023-10-09,des moines/ames smm food,65.35135595365807,62.408297363785806,1.6229262134306413,0.0,1.029068153063654,1.6061990625413345,5.600007782183286,0.0,0.0,72.26649857500472 +0.0,0.841,0.726,0.798,0.0,0.638,0.616,138.18,2023-10-09,detroit smm food,165.5350344820604,160.32292305294044,1.1804856147691927,1.5740483481560381,0.0,0.0,2.201882012311771,0.0,0.0,165.27933902817745 +0.6900000000000001,0.0,0.505,0.516,0.0,0.0,0.0,103.4,2023-10-09,grand rapids smm food,112.96270445255236,110.01556630860257,1.7291892393100285,0.0,0.6738195747657124,0.0,2.2578833389205673,0.46756660279418166,1.202498745234141,116.3465238096272 +0.0,0.847,0.0,0.596,0.0,0.6940000000000001,0.0,63.160000000000004,2023-10-09,greensboro smm food,86.76982236097666,83.56924325587181,0.0,0.0,0.7398392220600202,1.408577711914521,2.8291778209297913,0.4798926116551881,1.0278501179501347,90.05458074038147 +0.0,0.0,0.0,0.562,0.0,0.0,0.0,99.51,2023-10-09,harrisburg/lancaster smm food,86.20663108878294,85.02510769460987,1.8219278800774938,1.295988154421862,0.7230723275090849,0.0,3.303604460979764,0.6582088731777496,0.0,92.82790939077583 +0.0,0.0,0.607,0.0,0.0,0.796,0.704,165.94,2023-10-09,hartford/new haven smm food,114.9087329788401,112.61073024106035,0.0,1.0065453796576318,0.0,0.0,5.437577407801405,0.0,1.372852734142311,120.4277057626617 +0.9580000000000001,0.0,0.0,0.0,0.0,0.658,0.0,208.03,2023-10-09,houston smm food,170.03805161536744,167.64644198801398,0.0,1.0894756128765968,0.0,0.0,3.9505583971432405,0.7995471081172912,0.0,173.4860231061511 +0.645,0.0,0.887,0.0,0.0,0.0,0.548,111.37,2023-10-09,indianapolis smm food,91.98141245443756,89.02123497580452,1.8219278800774938,0.0,0.0,0.0,1.4825636855735622,0.5694616093785024,0.7415408928943868,93.63672904372847 +0.718,0.922,0.0,0.0,0.0,0.0,0.0,150.59,2023-10-09,jacksonville smm food,89.18635402148416,86.29988999004563,0.0,1.5740483481560381,0.7681333566147235,1.1941375229364897,1.1484416832361368,0.0,1.191046376231911,92.17569727722093 +0.0,0.0,0.0,0.771,0.0,0.897,0.0,74.76,2023-10-09,kansas city smm food,82.85171138759786,80.49370051161102,1.248107540328803,0.0,0.0,1.6987026734730344,1.4769782158923745,0.4322320440592962,0.0,85.34972098536453 +0.0,0.0,0.0,0.891,0.0,0.9420000000000002,0.0,90.01,2023-10-09,knoxville smm food,72.05028986428553,69.4030183864474,0.0,0.0,0.0,1.9152452172449683,1.4217021287770537,0.5669964076063011,1.3642634573906385,74.67122559746636 +0.0,0.992,0.9350000000000002,0.0,0.0,0.0,0.91,61.81,2023-10-09,las vegas smm food,76.97158118150531,73.0759844669223,0.0,1.239075249271592,0.9127478221165405,0.0,1.4512573112977512,0.0,0.0,76.6790648496082 +0.0,0.595,0.606,0.0,0.0,0.9380000000000001,0.842,97.59,2023-10-09,little rock/pine bluff smm food,61.282284932923176,57.70357115599228,0.0,0.0,0.0,1.0785080092718646,9.927743040259507,0.6656044784943534,1.3299063503839488,70.70533303440195 +0.0,0.757,0.961,0.782,0.0,0.0,0.0,214.07,2023-10-09,los angeles smm food,157.85862408173097,153.9765761946837,0.0,0.8488153282411693,0.0,1.9635993775047202,0.7737231529855294,0.0,0.7429724390196656,158.30568649243477 +0.0,0.742,0.0,0.632,0.0,0.683,0.725,73.73,2023-10-09,madison wi smm food,56.55354230806845,52.419185278171575,0.0,0.0,0.7398392220600202,0.0,2.8260915983369617,0.7601038797620703,1.1838886456055173,57.929108623936145 +0.605,0.961,0.857,0.767,0.0,0.0,0.912,501.12,2023-10-09,miami/west palm beach smm food,190.66952637044426,184.12181433608328,0.0,0.8975978183699722,0.6256147529317734,0.0,2.366443994550523,0.0,0.0,188.01147090193555 +0.0,0.9530000000000001,0.918,0.727,0.0,0.0,0.0,81.94,2023-10-09,milwaukee smm food,72.19324209314418,68.15317248002567,0.0,0.0,0.0,0.0,1.7579047835958643,0.8102296491301635,1.0650703172073819,71.78637722995909 +0.0,0.0,0.0,0.5670000000000001,0.0,0.0,0.0,63.33,2023-10-09,minneapolis/st. paul smm food,86.94275761802375,85.75072244988117,1.2365152102328696,0.0,0.7796605966184915,2.081331245963247,1.037590165187718,0.0,0.0,90.8858196678835 +0.79,0.0,0.652,0.732,0.0,0.0,0.674,125.98,2023-10-09,mobile/pensacola smm food,72.17979508936062,67.46643487620449,0.9892121681862958,1.3122489844647962,0.0,2.0371817952912994,3.6222605181709926,0.5357705184917512,0.0,75.96310886080963 +0.0,0.0,0.0,0.0,0.0,0.894,0.9520000000000001,145.87,2023-10-09,nashville smm food,97.56962997811677,95.47216793873541,1.5939453881908086,0.954510723520242,0.0,0.0,1.2376945105138988,0.0,0.0,99.25831856096036 +0.0,0.728,0.7030000000000001,0.73,0.0,0.923,0.0,64.67,2023-10-09,new orleans smm food,63.763280584207195,59.54961731628727,1.6287223784786078,0.0,0.7890919748033927,1.0679962353023533,15.970846903426798,0.0,0.0,79.00627480829843 +0.9280000000000002,0.839,0.657,0.9129999999999999,0.0,0.0,0.916,349.32,2023-10-09,new york smm food,297.2382330652656,290.1617655847399,1.3292538510003349,0.8130415021467139,0.6748675056751459,0.0,2.038010893701241,0.0,1.032144756325971,296.04908409358933 +0.667,0.534,0.839,0.837,0.0,0.556,0.0,112.9,2023-10-09,norfolk/portsmouth/newport news smm food,107.56271732583431,102.30993924858487,1.6519070386704742,0.0,0.8551116220977004,1.843765154252291,0.8083644425076583,0.0,0.0,107.469087506113 +0.0,0.892,0.5650000000000001,0.0,0.0,0.0,0.0,39.4,2023-10-09,oklahoma city smm food,55.6517911236312,53.609244119971564,0.0,0.0,0.5375885565393631,1.2740270051047757,0.8131204803604232,0.0,0.0,56.23398016197613 +0.0,0.0,0.9510000000000001,0.9630000000000002,0.0,0.577,0.0,72.43,2023-10-09,omaha smm food,64.37152028560476,60.87622985001895,1.0935431390496941,1.0732147828336625,1.0395474621579888,0.0,2.5728403400627555,0.0,1.2826653282497502,67.9380409023728 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,414.32,2023-10-09,orlando/daytona beach/melborne smm food,132.61538216686213,132.61538216686213,1.4625656471035662,0.0,0.7859481820750922,1.9362687651839912,0.8814409914943979,0.0,1.400052110522607,139.0816578632418 +0.8260000000000001,0.0,0.0,0.0,0.0,0.0,0.9829999999999999,62.45000000000001,2023-10-09,paducah ky/cape girardeau mo smm food,58.56234541719015,55.55925813283435,1.1225239642895268,0.9008499843785591,0.6057040656525378,0.0,7.808848777730375,0.726412788875319,0.0,66.72359771376067 +0.0,0.661,0.0,0.0,0.0,0.0,0.0,195.47,2023-10-09,philadelphia smm food,200.81258850367286,199.7377476378349,0.0,0.0,0.8268174875429971,0.0,4.331252547935096,0.0,0.0,204.895817673313 +0.0,0.902,0.0,0.0,0.0,0.0,0.0,170.39,2023-10-09,phoenix/prescott smm food,118.44968798933989,116.98296111946722,1.669295533814374,0.0,0.7890919748033927,1.9530876035352092,1.4377202172456736,0.0,0.0,122.83215644886587 +0.0,0.0,0.615,0.972,0.0,0.0,0.5700000000000001,83.68,2023-10-09,pittsburgh smm food,108.05618000922784,104.55223234884438,1.3234576859523683,0.0,0.7765168038901912,0.0,2.8335633295446985,0.0,0.0,109.48577016823164 +0.651,0.0,0.9450000000000001,0.0,0.0,0.0,0.611,71.94,2023-10-09,portland or smm food,90.01904668660487,86.8963094792362,1.0297853235220618,0.0,0.5271092474450285,0.0,2.138546305850651,0.0,0.0,90.59175035605394 +0.0,0.0,0.0,0.513,0.0,0.0,0.995,112.65000000000002,2023-10-09,providence ri/new bedford ma smm food,85.75120276172943,83.24830635780522,0.0,1.341518478542078,0.0,0.0,3.607207387619027,0.0,0.0,88.19703222396632 +0.96,0.0,0.0,0.0,0.0,0.9199999999999999,0.0,122.02999999999999,2023-10-09,raleigh/durham/fayetteville smm food,127.9409408015924,125.33017277610136,1.1708253396892483,0.8845891543356248,0.0,1.236184618814535,17.62980958101716,0.7247693210271848,0.0,146.97635079098512 +0.9280000000000002,0.891,0.0,0.0,0.0,0.0,0.0,319.45,2023-10-09,rem us east north central smm food,309.69545971378795,306.4536727021249,1.7060045791181624,0.0,0.0,1.7954109939925387,4.9958514940483605,0.6294481858354009,1.0364393947018071,316.61682734982116 +0.6940000000000001,0.0,0.0,0.973,0.0,0.9560000000000002,0.0,102.66,2023-10-09,rem us middle atlantic smm food,134.9720382886686,130.80002326169728,1.8895498056371038,0.0,0.0,1.7954109939925387,7.489243885815927,0.5365922524158183,0.0,142.51082019955868 +0.0,0.9339999999999999,0.0,0.687,0.0,0.625,0.0,175.49,2023-10-09,rem us mountain smm food,177.4341745030241,173.95751153106124,1.1495727345133708,1.611448257254787,0.0,0.0,3.6023161278892273,0.0,1.130921438970204,181.45177008968884 +0.0,0.0,0.707,0.0,0.0,0.0,0.0,143.57,2023-10-09,rem us new england smm food,148.96251776602347,148.221630613054,1.8026073299176053,1.2293187512458315,0.7524143929732217,1.360223551654769,5.0075405050791035,0.4577057957053764,1.2554659518694542,160.08690689149935 +0.63,0.6910000000000001,0.591,0.769,0.0,0.0,0.793,81.57,2023-10-09,rem us pacific smm food,110.82571629938424,105.11364420201244,1.0433097086339838,0.0,0.0,2.0371817952912994,15.603733957310576,0.6434176625445417,1.2611921363705692,125.70247946216341 +0.0,0.783,0.6960000000000001,0.0,0.0,0.9450000000000001,0.762,410.37,2023-10-09,rem us south atlantic smm food,287.5501899678478,283.6802303568146,1.4007398865919225,1.307370735451916,0.0,0.0,19.754748215818047,0.6549219374814811,0.0,306.79801113215797 +0.0,0.0,0.5640000000000001,0.686,0.0,0.0,0.529,488.19,2023-10-09,rem us south central smm food,402.2218656830563,399.4313293612464,0.0,0.0,0.0,0.0,5.893208663260408,0.0,0.0,405.3245380245068 +0.0,0.0,0.0,0.0,0.0,0.0,0.872,153.85,2023-10-09,rem us west north central smm food,127.20283670377111,125.95452848252805,0.0,1.0537017867821412,0.0,0.0,1.8738202012283391,0.0,0.9906299186928875,129.87268038923142 +0.749,0.0,0.0,0.0,0.0,0.8250000000000001,0.5060000000000001,126.38000000000001,2023-10-09,richmond/petersburg smm food,88.91749587179153,86.06809383806947,1.1012713591136496,0.0,0.7880440438939592,1.587277869396214,1.3525473184355052,0.6877912944441652,0.9462519888092467,92.53127771216221 +0.632,0.0,0.511,0.0,0.0,0.0,0.9619999999999999,58.6,2023-10-09,sacramento/stockton/modesto smm food,74.7207804853137,71.58708164797008,0.0,1.429326960773923,0.0,1.2635152311352644,2.8853371852553917,0.0,0.0,77.16526102513465 +0.835,0.0,0.0,0.0,0.0,0.0,0.0,93.91,2023-10-09,salt lake city smm food,85.33807501050188,83.72480907215119,1.5282555176471873,1.1740319290998549,0.0,1.4800577749071981,1.610994199742036,0.7896863010284859,0.0,90.30783479457595 +0.631,0.0,0.0,0.629,0.0,0.535,0.81,95.32,2023-10-09,san diego smm food,82.85500084202144,78.71431295071628,1.707936634134151,0.0,0.5522595892714315,0.0,2.0188125813799407,0.479070877731121,0.0,83.47239263323291 +0.85,0.724,0.632,0.0,0.0,0.0,0.0,85.15,2023-10-09,san francisco/oakland/san jose smm food,92.35773624088043,88.87591304741949,0.0,0.0,0.9976302257806505,1.9572923131230138,4.221348343553909,0.0,1.0350078485765284,97.08719177845359 +0.505,0.591,0.0,0.9630000000000002,0.0,0.0,0.9460000000000001,153.42,2023-10-09,seattle/tacoma smm food,94.06026964545711,88.74475650580376,0.0,0.0,0.0,0.0,1.5724433400225932,0.5891832235561129,0.0,90.90638306938247 +0.834,0.86,0.547,0.515,0.0,0.0,0.788,125.02,2023-10-09,st. louis smm food,93.49784807042813,87.70409353036166,0.0,1.128501604979639,0.0,0.0,2.818373456059714,0.0,0.0,91.65096859140101 +0.0,0.739,0.8160000000000001,0.9400000000000001,0.0,0.892,0.0,513.04,2023-10-09,tampa/ft. myers smm food,178.02119074957017,173.25520362076367,0.0,1.4260747947653363,0.0,1.2866411338681893,0.8927742275303341,0.0,0.9362311659322954,177.79692494285982 +0.839,0.0,0.788,0.552,0.0,0.0,0.561,63.599999999999994,2023-10-09,tucson/sierra vista smm food,67.73260758198381,63.32224664442017,0.0,0.0,0.0,0.0,5.90040660439091,0.5661746736822341,1.3800104647687046,71.16883838726201 +0.96,0.812,0.0,0.504,0.0,0.583,0.0,201.75,2023-10-09,washington dc/hagerstown smm food,177.73518609235322,173.02137618365978,0.0,0.0,0.0,1.6671673515645002,0.49187695483372756,0.4831795473514565,1.0622072249568244,176.7258072623663 +0.639,0.498,0.756,0.964,0.0,0.9590000000000001,0.8220000000000001,83.23,2023-10-09,yakima/pasco/richland/kennewick smm food,60.34499439527731,53.51694236690935,1.2287869901689141,0.0,0.0,1.2782317146925803,1.3831185663539407,0.7839341635600163,0.7916450072791428,58.98265880896394 +0.515,0.0,0.0,0.0,0.0,0.0,0.0,123.05000000000001,2023-10-16,albany/schenectady/troy smm food,83.35187677406505,82.35686844083078,1.2539037053767694,0.0,0.0,0.0,0.9911448728024075,0.0,0.0,84.60191701900996 +0.686,0.617,0.857,0.624,0.0,0.896,0.0,95.27,2023-10-16,albuquerque/santa fe smm food,76.06703209307385,70.79212936171284,1.6731596438463516,0.85857182626693,0.0,1.0679962353023533,4.852915885799185,0.0,0.0,79.24477295292766 +0.752,0.0,0.919,0.869,0.0,0.0,0.0,157.22,2023-10-16,atlanta smm food,169.4904310337772,165.2475308400832,0.0,0.0,0.0,2.0497959240547132,2.5265006089627793,0.0,0.7601509925230105,170.5839783656237 +0.0,0.8160000000000001,0.602,0.0,0.0,0.0,0.0,99.41,2023-10-16,baltimore smm food,107.23809932919839,105.28036119021601,1.7948791098536498,0.0,0.9200833384825747,0.0,0.42296277554894884,0.0,0.9118948818025568,109.33018129590374 +0.731,0.0,0.0,0.77,0.0,0.0,0.904,37.06,2023-10-16,baton rouge smm food,54.95350500868655,50.62824190344196,0.0,0.0,0.900172651203339,0.0,0.948468452935832,0.7280562567234533,1.020692387323741,54.225631651628326 +0.528,0.836,0.0,0.776,0.0,0.787,0.0,56.82,2023-10-16,birmingham/anniston/tuscaloosa smm food,66.93317926189533,62.27551690355495,0.0,1.6016917592290263,0.911699891207107,1.8227416063132682,5.7134565033254745,0.6163004430503273,0.8245705681605539,73.76597767484071 +0.896,0.618,0.871,0.9380000000000001,0.0,0.901,0.0,194.08,2023-10-16,boston/manchester smm food,189.70547084151713,183.34429136615643,1.4374489318957109,0.0,0.5386364874487966,1.3160741009828212,0.68637012463258,0.0,1.4143675717753943,188.73718858289172 +0.968,0.0,0.85,0.0,0.0,0.0,0.786,78.19,2023-10-16,buffalo smm food,67.84935909074815,63.96319330778341,1.3775552264000563,0.0,0.7063054329581496,1.1247598147377147,2.774882814924562,0.694365165836702,1.0078084721962324,71.64887023483683 +0.714,0.898,0.794,0.0,0.0,0.0,0.0,99.6,2023-10-16,charlotte smm food,130.7726522274665,127.1008852661048,0.0,1.322005482490557,0.6130395820185719,1.9635993775047202,5.2950909673844935,0.0,0.0,136.29462067550315 +0.89,0.6920000000000001,0.0,0.8140000000000001,0.0,0.5720000000000001,0.0,247.57999999999998,2023-10-16,chicago smm food,182.148982707855,177.12285569785104,0.0,1.2976142374261554,0.0,0.0,1.8287322992037187,0.5678181415303682,0.0,180.81702037601127 +0.0,0.613,0.539,0.0,0.0,0.6970000000000001,0.0,158.84,2023-10-16,cleveland/akron/canton smm food,133.22544683713022,131.09107465023894,0.0,1.2602143283274065,0.0,0.0,2.951571263895239,0.0,1.2411504906166668,136.54401073307824 +0.0,0.529,0.0,0.0,0.0,0.0,0.0,109.83,2023-10-16,columbus oh smm food,104.7809325989161,103.92073468964487,0.0,0.0,0.9934385021429166,2.0540006336425183,4.499962601949553,0.0,1.3485164500125726,112.81665287739244 +0.856,0.0,0.9199999999999999,0.581,0.0,0.964,0.0,109.34,2023-10-16,dallas/ft. worth smm food,109.90871234974168,105.27715718131851,1.257767815408747,0.0,0.0,1.6818838351218162,0.3871069228230868,0.0,0.0,108.60391575467216 +0.96,0.861,0.663,0.0,0.0,0.0,0.0,63.41,2023-10-16,des moines/ames smm food,66.35790583878612,62.408297363785806,1.518595242567243,1.4472138738211509,0.76708542570529,0.0,4.543593028129694,0.4371624476036988,0.8188443836594389,71.94079176527232 +0.623,0.526,0.0,0.807,0.0,0.0,0.0,199.98,2023-10-16,detroit smm food,164.07851330683894,160.32292305294044,1.8760254205251818,0.0,1.008109534874985,1.07430329968406,1.7930308336602974,0.5489182612768249,1.0249870256995772,167.64829742866135 +0.502,0.0,0.0,0.515,0.0,0.0,0.0,160.22,2023-10-16,grand rapids smm food,112.06817064548865,110.01556630860257,0.0,0.0,0.0,2.064512407612029,1.8734368951202098,0.5472747934286907,1.3198855275069976,115.8206759322705 +0.0,0.0,0.551,0.0,0.0,0.0,0.834,74.63,2023-10-16,greensboro smm food,85.34056265545212,83.56924325587181,0.0,1.1724058460955613,0.0,1.7218285762059595,2.3727969890815594,0.0,1.2740760514980778,90.11035071875297 +0.0,0.578,0.0,0.908,0.0,0.0,0.616,110.1,2023-10-16,harrisburg/lancaster smm food,88.75575423712644,85.02510769460987,1.848976650301338,0.9122325654086131,0.6172313056563058,0.0,2.6347719597444574,0.6845043587478967,1.0063769260709536,92.72920146053944 +0.9140000000000001,0.0,0.0,0.877,0.0,0.537,0.9530000000000001,97.39,2023-10-16,hartford/new haven smm food,118.02592825454114,112.61073024106035,0.0,1.5480310200873433,0.0,1.702907383060839,4.3714091864575195,0.6623175427980851,0.9319365275564592,121.8273319010206 +0.658,0.9280000000000002,0.735,0.0,0.0,0.0,0.0,182.7,2023-10-16,houston smm food,171.19696843495254,167.64644198801398,1.6461108736225076,0.0,0.6339982002072411,1.423294195471837,3.2059280256590794,0.0,0.0,174.55577328297466 +0.941,0.557,0.841,0.926,0.0,0.933,0.0,121.76999999999998,2023-10-16,indianapolis smm food,95.33979516438312,89.02123497580452,0.0,0.0,1.0343078076108214,0.0,1.1830126999717754,0.6992955693811046,0.0,91.93785105276822 +0.847,0.0,0.597,0.614,0.0,0.616,0.0,85.0,2023-10-16,jacksonville smm food,90.35898928220129,86.29988999004563,1.5166631875512542,0.0,0.9829591930485821,0.0,0.9022393026059385,0.438805915451833,0.8446122139144561,90.98516980261769 +0.0,0.841,0.6900000000000001,0.664,0.0,0.0,0.973,89.82,2023-10-16,kansas city smm food,85.37316660877819,80.49370051161102,1.8335202101734274,0.0,0.0,1.9741111514742318,1.1964331290298313,0.0,1.1581208153505,86.65588581763902 +0.0,0.0,0.528,0.0,0.0,0.644,0.5690000000000001,45.82,2023-10-16,knoxville smm food,71.30007229901108,69.4030183864474,0.99887244326624,1.1642754310740941,0.7880440438939592,0.0,1.1739161767612492,0.4486667225406383,1.2053618374846984,75.18215504146828 +0.0,0.0,0.0,0.584,0.0,0.683,0.682,70.97,2023-10-16,las vegas smm food,75.84131839413917,73.0759844669223,1.2558357603927581,1.6081960912462,0.0,1.0995315572108875,1.2160806091833953,0.0,0.0,78.25562848495555 +0.686,0.889,0.0,0.0,0.0,0.0,0.9570000000000001,38.17,2023-10-16,little rock/pine bluff smm food,61.84453832966925,57.70357115599228,0.0,1.003293213649045,0.8875974802901375,0.0,7.888127128283275,0.4585275296294435,0.0,67.94111650784419 +0.762,0.0,0.5720000000000001,0.0,0.0,0.745,0.0,172.21,2023-10-16,los angeles smm food,156.66041037049314,153.9765761946837,0.0,0.0,0.7765168038901912,1.6503485132132822,0.6451562000952334,0.45031019038877246,1.080817324585448,158.57972522685662 +0.5750000000000001,0.924,0.842,0.0,0.0,0.738,0.0,52.22,2023-10-16,madison wi smm food,56.52141507003679,52.419185278171575,0.0,1.5382745220615828,0.0,1.0553821065389397,2.1816300645099123,0.44209285114810143,1.059344132706267,58.695908955136375 +0.53,0.0,0.0,0.536,0.0,0.0,0.67,172.99,2023-10-16,miami/west palm beach smm food,187.23180156802576,184.12181433608328,0.0,1.2553360793145263,0.0,0.0,1.9820453119080839,0.0,0.0,187.3591957273059 +0.624,0.0,0.0,0.0,0.0,0.798,0.863,90.87,2023-10-16,milwaukee smm food,71.24994278752382,68.15317248002567,0.0,1.3854227196580005,0.8016671457165941,0.0,1.3308374384723711,0.6269829840631996,0.0,72.29808276793584 +0.0,0.885,0.0,0.861,0.0,0.592,0.0,107.24,2023-10-16,minneapolis/st. paul smm food,89.48639986927843,85.75072244988117,1.8818215855731484,1.193544925151376,0.0,1.2319799092267303,0.8444857195028397,0.7937949706488214,1.1108797932163017,92.80722935320038 +0.9980000000000001,0.594,0.6900000000000001,0.811,0.0,0.89,0.0,98.0,2023-10-16,mobile/pensacola smm food,73.51994434449522,67.46643487620449,1.491546472343399,0.0,0.7817564584373584,1.5263095803730482,2.962808064981749,0.0,1.1480999924735489,75.37695544481359 +0.0,0.926,0.783,0.704,0.0,0.0,0.0,99.67,2023-10-16,nashville smm food,99.2785084777047,95.47216793873541,1.4954105823753767,1.0309366247220333,0.610943720199705,1.3791447447998892,0.9860633289689303,0.5661746736822341,0.0,101.54084161348358 +0.0,0.884,0.8989999999999999,0.0,0.0,0.0,0.557,84.27,2023-10-16,new orleans smm food,62.726535771443594,59.54961731628727,0.0,0.0,0.647621302029876,0.0,12.432165217394074,0.0,0.0,72.62940383571122 +0.666,0.0,0.8320000000000001,0.0,0.0,0.622,0.596,318.77,2023-10-16,new york smm food,293.68471273347296,290.1617655847399,0.0,1.37566622163224,0.7618457711581228,1.89842637889375,1.652741862824392,0.6606740749499509,0.0,296.5111198941984 +0.0,0.0,0.807,0.0,0.0,0.8200000000000001,0.0,69.6,2023-10-16,norfolk/portsmouth/newport news smm food,103.82944131023268,102.30993924858487,1.3833513914480229,0.0,0.9934385021429166,0.0,0.681487078605098,0.6910782301404336,0.0,106.05929445092134 +0.686,0.8290000000000001,0.0,0.787,0.0,0.0,0.0,69.56,2023-10-16,oklahoma city smm food,57.93720989430027,53.609244119971564,1.7504418444859058,0.0,0.0,1.9446781843596,0.6474631857071333,0.0,0.9763144574401001,58.9281417919643 +0.0,0.502,0.0,0.715,0.0,0.595,0.652,44.29,2023-10-16,omaha smm food,64.61800695431603,60.87622985001895,0.0,0.0,0.8320571420901643,0.0,2.040331264605806,0.0,0.0,63.74861825671492 +0.0,0.992,0.0,0.9840000000000001,0.0,0.0,0.673,153.34,2023-10-16,orlando/daytona beach/melborne smm food,137.26060416663364,132.61538216686213,1.7620341745818393,0.0,0.5250133856261616,1.9720087966803295,0.7263763307181241,0.0,1.0121031105720686,138.61291796504065 +0.9520000000000001,0.0,0.0,0.0,0.0,0.8260000000000001,0.5690000000000001,33.64,2023-10-16,paducah ky/cape girardeau mo smm food,58.891876474618776,55.55925813283435,0.0,0.0,0.8435843820939324,2.0224653117339835,6.229433525496595,0.0,0.0,64.65474135215887 +0.888,0.0,0.0,0.0,0.0,0.0,0.763,234.06,2023-10-16,philadelphia smm food,202.54568218562068,199.7377476378349,1.4702938671675216,1.0309366247220333,0.8802619639241033,0.0,3.477455836327895,0.8028340438135597,1.3198855275069976,208.71941550129702 +0.0,0.667,0.0,0.0,0.0,0.0,0.501,115.54,2023-10-16,phoenix/prescott smm food,118.78476309209559,116.98296111946722,0.0,0.0,0.0,1.7050097378547413,1.1281016662927674,0.7954384384969557,1.1237637083438103,121.7352746704555 +0.0,0.0,0.0,0.0,0.0,0.901,0.9380000000000001,156.1,2023-10-16,pittsburgh smm food,106.6354048799403,104.55223234884438,1.5495081228230647,0.0,0.0,0.0,2.328970042468204,0.0,0.0,108.43071051413565 +0.0,0.0,0.897,0.5690000000000001,0.0,0.707,0.0,89.41,2023-10-16,portland or smm food,89.61350926704384,86.8963094792362,0.0,0.0,0.7869961129845258,1.307664681807212,1.770964570279963,0.0,1.130921438970204,91.89285628327809 +0.0,0.0,0.0,0.0,0.0,0.791,0.0,92.09,2023-10-16,providence ri/new bedford ma smm food,83.8982978917423,83.24830635780522,0.0,0.0,0.0,1.6902932542974254,2.9374505406618554,0.0,0.8489068522902923,88.72495700505479 +0.774,0.0,0.668,0.9339999999999999,0.0,0.879,0.0,153.63,2023-10-16,raleigh/durham/fayetteville smm food,130.211504702738,125.33017277610136,0.0,0.0,0.9075081675693731,1.789103929610832,14.428849324203908,0.79708190634509,0.0,143.25271610383055 +0.884,0.0,0.0,0.863,0.0,0.777,0.0,412.28,2023-10-16,rem us east north central smm food,310.6144287823968,306.4536727021249,0.0,1.2683447433488737,1.0143971203315858,1.5704590310449957,4.108158506140307,0.7321649263437888,0.0,315.14719702933445 +0.0,0.0,0.884,0.9210000000000002,0.0,0.736,0.9390000000000001,184.25,2023-10-16,rem us middle atlantic smm food,135.61168093057057,130.80002326169728,0.0,0.0,0.0,1.9110405076571637,6.173935212101918,0.0,1.1509630847241064,140.03596206618047 +0.0,0.0,0.787,0.0,0.0,0.504,0.59,201.91,2023-10-16,rem us mountain smm food,176.04099926842966,173.95751153106124,1.8625010354132598,0.0,0.0,1.7449544789388844,2.964490352900758,0.5489182612768249,1.0707965017084968,182.14917216129948 +0.9460000000000001,0.0,0.0,0.722,0.0,0.981,0.0,198.14,2023-10-16,rem us new england smm food,152.37337579888674,148.221630613054,1.5127990775192766,0.988658466610404,0.0,1.051177396951135,4.2122644451080555,0.0,0.0,155.98652999924286 +0.0,0.0,0.636,0.637,0.0,0.5700000000000001,0.0,133.68,2023-10-16,rem us pacific smm food,107.58771660084611,105.11364420201244,0.0,0.0,0.8446323130033658,0.0,12.770253221105843,0.5891832235561129,1.0836804168360055,120.40139337651377 +0.0,0.812,0.925,0.671,0.0,0.508,0.849,315.09,2023-10-16,rem us south atlantic smm food,289.01344940802295,283.6802303568146,1.0104647733621732,0.0,0.9525691966750118,1.9699064418864274,16.26235378445383,0.0,0.921915704679508,304.7974402578716 +0.0,0.0,0.0,0.0,0.0,0.785,0.66,404.86,2023-10-16,rem us south central smm food,401.02121093432305,399.4313293612464,0.0,0.0,0.0,0.0,4.830121645024603,0.0,1.0793857784601693,405.3408367847312 +0.964,0.0,0.0,0.649,0.0,0.5700000000000001,0.0,146.09,2023-10-16,rem us west north central smm food,129.64984611590214,125.95452848252805,0.9756877830743736,0.8374327472111154,0.0,0.0,1.5141725978847178,0.5086532989975368,1.2869599666255864,131.07743487632138 +0.0,0.512,0.774,0.0,0.0,0.638,0.0,97.87,2023-10-16,richmond/petersburg smm food,88.236013103724,86.06809383806947,1.4954105823753767,0.0,0.610943720199705,0.0,1.0587158075471528,0.5719268111507038,0.0,89.8050907593424 +0.0,0.513,0.0,0.0,0.0,0.0,0.0,101.6,2023-10-16,sacramento/stockton/modesto smm food,72.42126222917261,71.58708164797008,1.4896144173274102,0.0,1.0280202221542207,1.3244835201584302,2.3913333378383452,0.0,0.8188443836594389,78.63937752910793 +0.0,0.0,0.0,0.553,0.0,0.5650000000000001,0.8,102.84,2023-10-16,salt lake city smm food,86.49692784050005,83.72480907215119,0.0,1.4423356248082704,0.6046561347431043,0.0,1.300797343303771,0.6450611303926759,0.9405258043081317,88.65818510970715 +0.0,0.0,0.0,0.973,0.0,0.644,0.746,94.89,2023-10-16,san diego smm food,82.35703422174032,78.71431295071628,1.8702292554772153,1.352901059572132,0.5616909674563326,1.0995315572108875,1.5328382364001978,0.0,0.8574961290419647,85.989000155875 +0.0,0.0,0.8240000000000001,0.0,0.0,0.653,0.0,100.45,2023-10-16,san francisco/oakland/san jose smm food,90.27600036920848,88.87591304741949,1.1804856147691927,1.3480228105592518,1.0007740185089509,0.0,3.4629274700906296,0.0,1.2382873983661093,97.10641035971362 +0.711,0.677,0.891,0.0,0.0,0.636,0.0,94.08,2023-10-16,seattle/tacoma smm food,92.67563503209038,88.74475650580376,0.0,0.0,0.5962726874676367,1.633529674862064,1.1822599293649783,0.0,1.047891763704037,93.20471056120248 +0.0,0.835,0.0,0.551,0.0,0.0,0.0,69.68,2023-10-16,st. louis smm food,90.22027033038682,87.70409353036166,1.2017382199450701,1.0439452887563807,0.6025602729242374,1.7323403501754708,2.191327709045568,0.4190843012742225,0.0,94.89508967248261 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,189.53,2023-10-16,tampa/ft. myers smm food,173.25520362076367,173.25520362076367,0.0,0.0,0.7220243965996515,0.0,0.7265763495801041,0.7979036402691569,0.0,175.50170800721259 +0.0,0.9380000000000001,0.802,0.0,0.0,0.797,0.0,42.94,2023-10-16,tucson/sierra vista smm food,66.3428750292945,63.32224664442017,1.804539384933594,0.0,0.732503705693986,0.0,4.753141610064489,0.0,0.0,70.61243134511224 +0.901,0.72,0.0,0.0,0.0,0.0,0.961,192.14,2023-10-16,washington dc/hagerstown smm food,177.3086533425499,173.02137618365978,0.0,1.5789265971689184,0.0,0.0,0.40533647458777144,0.0,1.3313378965092275,176.3369771519257 +0.964,0.76,0.862,0.764,0.0,0.635,0.0,37.07,2023-10-16,yakima/pasco/richland/kennewick smm food,59.646583033841196,53.51694236690935,1.4876823623114213,0.0,0.6790592293128798,0.0,1.364180668399863,0.5489182612768249,0.0,57.596782888210335 +0.0,0.0,0.0,0.0,0.0,0.8240000000000001,0.0,129.71,2023-10-23,albany/schenectady/troy smm food,83.03397719426208,82.35686844083078,0.0,0.0,0.0,0.0,1.5745566267601292,0.5497399952008919,0.763014084773568,85.24417914756538 +0.0,0.0,0.7000000000000001,0.763,0.0,0.9580000000000001,0.533,53.83,2023-10-23,albuquerque/santa fe smm food,74.68001289009354,70.79212936171284,0.0,0.0,1.012301258512719,1.6987026734730344,8.441718054897862,0.0,0.7444039851449444,82.6892553337414 +0.882,0.9560000000000002,0.0,0.0,0.0,0.0,0.854,211.93,2023-10-23,atlanta smm food,169.7286791072779,165.2475308400832,0.0,0.0,0.5522595892714315,1.8017180583742456,2.7319038813595378,0.0,1.4014836566478857,171.73489602573628 +0.775,0.658,0.0,0.8240000000000001,0.0,0.754,0.0,144.18,2023-10-23,baltimore smm food,110.19959417335453,105.28036119021601,1.4219924917678,0.0,0.0,1.875300476160825,0.7036765132964284,0.7075129086217756,1.218245752612207,111.20708933267505 +0.748,0.0,0.0,0.687,0.0,0.5060000000000001,0.0,39.79,2023-10-23,baton rouge smm food,53.93353416439045,50.62824190344196,1.327321795984346,1.295988154421862,0.9965822948712171,1.3223811653645279,1.7160888768157019,0.6787522212794271,0.0,57.96535641217904 +0.0,0.772,0.0,0.636,0.0,0.0,0.516,79.12,2023-10-23,birmingham/anniston/tuscaloosa smm food,65.60662843243514,62.27551690355495,0.0,0.0,0.0,0.0,6.285955609958628,0.6269829840631996,0.0,69.18845549757678 +0.738,0.0,0.0,0.0,0.0,0.0,0.5760000000000001,232.6,2023-10-23,boston/manchester smm food,185.59471853611677,183.34429136615643,0.0,0.9463803084987749,1.0384995312485554,0.0,1.1858399022451926,0.0,0.8718115902947521,187.3868226984437 +0.0,0.0,0.0,0.842,0.0,0.0,0.561,53.76,2023-10-23,buffalo smm food,66.5364734205305,63.96319330778341,1.6306544334945967,0.0,0.0,1.368632970830378,3.9474228953786206,0.6754652855831587,1.1810255533549598,72.76639444642512 +0.0,0.0,0.0,0.0,0.0,0.653,0.0,159.9,2023-10-23,charlotte smm food,127.63747751852061,127.1008852661048,0.0,1.4472138738211509,0.0,2.0750241815815405,8.906356202301387,0.4190843012742225,0.0,139.94856382508308 +0.0,0.0,0.72,0.553,0.0,0.0,0.7000000000000001,199.55,2023-10-23,chicago smm food,180.0420504413662,177.12285569785104,0.0,1.512257193992888,1.0353557385202548,1.3518141324791597,3.233571105433105,0.0,0.0,184.25585386827643 +0.803,0.858,0.0,0.0,0.0,1.0,0.77,126.14,2023-10-23,cleveland/akron/canton smm food,135.96171848629348,131.09107465023894,1.6519070386704742,0.0,0.0,1.641939094037673,3.6468762949768094,0.6467045982408101,0.8532014906661285,139.53170316683082 +0.792,0.0,0.881,0.0,0.0,0.985,0.0,103.56,2023-10-23,columbus oh smm food,107.18355730872501,103.92073468964487,1.5823530580948755,0.9658933045502961,0.9661922984976468,1.7092144474425457,7.97865467348685,0.6590306071018166,0.0,117.78207307881891 +0.561,0.0,0.505,0.724,0.0,0.968,0.719,166.2,2023-10-23,dallas/ft. worth smm food,110.23707012790977,105.27715718131851,0.0,0.0,0.0,1.6776791255340118,0.9543743190664686,0.0,1.1438053540977127,109.05301598001671 +0.967,0.619,0.635,0.0,0.0,0.0,0.0,37.94,2023-10-23,des moines/ames smm food,65.94857607139491,62.408297363785806,1.5301875726631762,1.2114318381986038,0.0,1.5431284187242662,5.048456649444225,0.0,0.7386778006438294,72.4801796434599 +0.0,0.0,0.859,0.512,0.0,0.621,0.0,255.15000000000003,2023-10-23,detroit smm food,162.8097981254674,160.32292305294044,1.818063770045516,0.0,0.0,0.0,2.0500204809702502,0.0,0.8603592212925222,165.05136652524874 +0.0,0.0,0.529,0.609,0.0,0.7000000000000001,0.642,162.18,2023-10-23,grand rapids smm food,113.34452218845527,110.01556630860257,1.4200604367518113,0.0,0.0,1.3434047133035507,1.9904536941806008,0.6713566159628231,1.0178292950731835,116.45867106387455 +0.9380000000000001,0.0,0.0,0.0,0.0,0.9619999999999999,0.0,102.55,2023-10-23,greensboro smm food,86.1720188958219,83.56924325587181,0.956367232914485,0.0,0.0,0.0,2.140378606395089,0.0,0.8632223135430797,87.52921140872446 +0.521,0.0,0.0,0.9000000000000001,0.0,0.0,0.2445,90.39,2023-10-23,harrisburg/lancaster smm food,88.27384070008276,85.02510769460987,1.8199958250615054,0.0,0.5637868292751995,2.077126536375443,2.667615613588038,0.7913297688766203,1.3971890182720492,94.34215128605872 +0.0,0.0,0.0,0.876,0.0,0.552,0.805,127.84,2023-10-23,hartford/new haven smm food,116.05838479745317,112.61073024106035,1.6519070386704742,1.2553360793145263,1.0007740185089509,0.0,6.8149602287060445,0.0,0.0,123.33370760626035 +0.77,0.544,0.0,0.9910000000000001,0.0,0.9840000000000001,0.609,200.64,2023-10-23,houston smm food,173.78254487699493,167.64644198801398,1.4857503072954323,1.295988154421862,0.9316105784863427,1.2950505530437983,3.5429583783024903,0.4371624476036988,0.0,176.6349624071676 +0.655,0.0,0.758,0.736,0.0,0.0,0.0,116.05000000000001,2023-10-23,indianapolis smm food,92.62839576893985,89.02123497580452,1.6094018283187193,0.0,0.5271092474450285,2.0119535377644726,1.7324347285121156,0.0,0.0,94.90213431784485 +0.505,0.9400000000000001,0.924,0.589,0.0,0.734,0.0,104.17,2023-10-23,jacksonville smm food,91.61382363134602,86.29988999004563,0.0,0.9106064824043196,0.8613992075543012,0.0,2.1549488290509404,0.0,0.0,90.22684450905518 +0.0,0.868,0.6930000000000001,0.0,0.0,0.0,0.0,87.36,2023-10-23,kansas city smm food,82.6313566795751,80.49370051161102,0.0,0.0,0.0,0.0,1.4450453731102955,0.5439878577324222,1.1896148301066323,83.67234857256038 +0.781,0.0,0.0,0.0,0.0,0.0,0.0,73.75,2023-10-23,knoxville smm food,70.91195335393468,69.4030183864474,0.0,0.8276762491853548,0.6287585456600738,0.0,2.179716696244661,0.7650342833064729,0.8088235607824877,74.61302772162645 +0.901,0.0,0.607,0.717,0.0,0.929,0.0,113.73,2023-10-23,las vegas smm food,77.72363930104063,73.0759844669223,1.1669612296572707,0.0,0.5637868292751995,1.3623259064486712,1.4757367287808683,0.438805915451833,0.9076002434267206,78.99120131996287 +0.834,0.787,0.0,0.5720000000000001,0.0,0.0,0.6,31.03,2023-10-23,little rock/pine bluff smm food,62.65610698098524,57.70357115599228,0.0,0.8910934863527985,0.5543554510902985,1.4127824215023257,16.04394073160952,0.5653529397581669,1.394325926021492,78.56542211232687 +0.8240000000000001,0.0,0.987,0.0,0.0,0.9969999999999999,0.0,199.02,2023-10-23,los angeles smm food,157.42216605776423,153.9765761946837,1.4104001616718669,0.0,0.5250133856261616,0.0,0.9240114323936661,0.47660567595891973,0.0,157.3126068503343 +0.0,0.0,0.0,0.603,0.0,0.5760000000000001,0.0,54.74,2023-10-23,madison wi smm food,54.1602239591573,52.419185278171575,1.590081278158831,0.0,0.0,1.0553821065389397,4.039884689904005,0.5850745539357773,0.0,59.68960790670913 +0.614,0.0,0.98,0.0,0.0,0.908,0.0,141.91,2023-10-23,miami/west palm beach smm food,187.0812028101982,184.12181433608328,1.3601667312561565,0.9658933045502961,0.0,1.126862169531617,2.345507169996798,0.0,1.372852734142311,191.29309644556045 +0.52,0.0,0.0,0.0,0.0,0.0,0.0,64.2,2023-10-23,milwaukee smm food,69.15784108833988,68.15317248002567,1.0008044982822288,0.9447542254944815,0.0,0.0,3.8875234886294185,0.6820391569756955,0.0,74.6682938494075 +0.749,0.518,0.0,0.656,0.0,0.0,0.0,117.35,2023-10-23,minneapolis/st. paul smm food,89.41928739788071,85.75072244988117,0.0,1.322005482490557,0.7178326729619177,0.0,1.2688878218083655,0.0,0.0,89.059448427142 +0.0,0.967,0.0,0.0,0.0,0.0,0.0,46.79,2023-10-23,mobile/pensacola smm food,69.03885714135623,67.46643487620449,0.0,1.5203876090143553,0.0,0.0,3.4214636847287982,0.7683212190027414,1.266918320871684,74.44352570982207 +0.639,0.847,0.8320000000000001,0.0,0.0,0.77,0.732,133.91,2023-10-23,nashville smm food,100.63654880047316,95.47216793873541,1.1186598542575492,0.9658933045502961,0.9997260875995174,0.0,1.4120293965526312,0.0,0.0,99.9684765816954 +0.0,0.0,0.738,0.646,0.0,0.552,0.0,89.9,2023-10-23,new orleans smm food,62.13470865039507,59.54961731628727,0.0,1.1122407749367047,0.7597499093392558,0.0,16.91151081810545,0.0,0.8589276751672434,79.19204649383593 +0.0,0.6900000000000001,0.519,0.761,0.0,0.0,0.0,299.62,2023-10-23,new york smm food,293.42753099785796,290.1617655847399,0.0,0.0,0.9630485057693464,1.9446781843596,1.9229374490037832,0.5094750329216039,0.0,295.5019047567942 +0.0,0.0,0.0,0.0,0.0,0.536,0.633,134.34,2023-10-23,norfolk/portsmouth/newport news smm food,103.65655732918627,102.30993924858487,1.0722905338738167,1.0309366247220333,0.0,0.0,1.7757997243387127,0.5801441503913747,0.9963561031940026,107.7654663851048 +0.0,0.884,0.0,0.876,0.0,0.545,0.76,60.77000000000001,2023-10-23,oklahoma city smm food,58.42418433905375,53.609244119971564,0.0,0.0,0.0,1.3328929393340394,1.0706723102665092,0.7107998443180441,1.032144756325971,57.755753970216126 +0.55,0.597,0.687,0.898,0.0,0.713,0.0,74.68,2023-10-23,omaha smm food,66.10337108994085,60.87622985001895,1.3717590613520896,0.0,0.7649895638864231,0.0,3.8361631289460374,0.0,1.2755075976233565,68.12464920182686 +0.538,0.625,0.559,0.8310000000000001,0.0,0.0,0.0,152.1,2023-10-23,orlando/daytona beach/melborne smm food,137.00397985525362,132.61538216686213,1.3118653558564353,1.216310087211484,0.6968740547732485,0.0,0.8973567563974529,0.5817876182395089,1.1953410146077472,138.514917053948 +0.0,0.851,0.0,0.0,0.0,0.707,0.0,21.63,2023-10-23,paducah ky/cape girardeau mo smm food,57.5240206538035,55.55925813283435,0.0,1.0618322018036084,0.0,1.196239877730392,8.485334741379292,0.0,0.0,66.30266495374764 +0.75,0.0,0.509,0.6,0.0,0.729,0.0,222.63,2023-10-23,philadelphia smm food,203.58064263971445,199.7377476378349,0.0,0.0,0.6560047493053437,2.030874730909593,5.169359355633977,0.0,1.2168142064869283,208.81080068017076 +0.653,0.746,0.509,0.0,0.0,0.0,0.0,107.62,2023-10-23,phoenix/prescott smm food,119.99104779901248,116.98296111946722,0.0,0.0,0.0,1.9720087966803295,2.2055279424384358,0.7765385582434123,1.387168195395098,123.32420461222449 +0.509,0.9630000000000002,0.9059999999999999,0.9490000000000002,0.0,0.0,0.675,89.73,2023-10-23,pittsburgh smm food,111.0124200230404,104.55223234884438,0.0,1.1333798539925193,0.9682881603165137,2.030874730909593,3.4011691762594336,0.4823578134273894,0.0,112.56830208374984 +0.775,0.622,0.0,0.903,0.0,0.89,0.0,89.42,2023-10-23,portland or smm food,92.03484531661154,86.8963094792362,0.0,0.0,0.7995712838977272,1.423294195471837,1.8087113952427585,0.6614958088740179,0.0,91.58938216272253 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,95.63,2023-10-23,providence ri/new bedford ma smm food,83.24830635780522,83.24830635780522,0.0,0.0,0.9473295421278446,0.0,3.3076090454602145,0.5711050772266366,1.3141593430058827,89.3885093656258 +0.0,0.989,0.0,0.0,0.0,0.0,0.8170000000000001,118.1,2023-10-23,raleigh/durham/fayetteville smm food,128.1079420517003,125.33017277610136,1.190145889849137,1.2911099054089816,0.8383447275467651,1.2824364242803847,16.131716689579,0.4979707579846644,1.0650703172073819,147.62696748795767 +0.0,0.541,0.0,0.74,0.0,0.496,0.0,428.13,2023-10-23,rem us east north central smm food,309.29670618127255,306.4536727021249,0.0,0.0,0.7178326729619177,1.656655577594989,5.051453903951458,0.0,1.2712129592475203,315.1508278158808 +0.712,0.0,0.0,0.0,0.0,0.0,0.89,153.87,2023-10-23,rem us middle atlantic smm food,133.44972248457944,130.80002326169728,0.0,1.54640493708305,0.8100505929920617,1.1016339120047896,9.759811680208992,0.0,0.0,144.01792438398616 +0.746,0.0,0.73,0.579,0.0,0.0,0.677,198.01,2023-10-23,rem us mountain smm food,178.3502342893585,173.95751153106124,0.0,0.8764587393141576,0.0,0.0,3.053187856328033,0.7140867800143125,0.9262103430553442,179.52745524977308 +0.58,0.0,0.0,0.836,0.0,0.987,0.0,147.57,2023-10-23,rem us new england smm food,151.9108425130841,148.221630613054,0.0,0.0,0.0,0.0,8.361308131476804,0.0,0.0,156.5829387445308 +0.0,0.781,0.597,0.522,0.0,0.854,0.98,128.35,2023-10-23,rem us pacific smm food,110.21133495764084,105.11364420201244,1.7407815694059618,1.3545271425764254,0.8152902475392291,1.8290486706949751,16.252497143936097,0.5883614896320457,0.8918532360486545,128.5860037018458 +0.0,0.0,0.0,0.85,0.0,0.9759999999999999,0.0,347.83,2023-10-23,rem us south atlantic smm food,286.269244241521,283.6802303568146,0.0,1.4618486208597914,0.0,1.3917588735633029,25.280253459028994,0.0,1.202498745234141,313.01659005550084 +0.0,0.0,0.0,0.776,0.0,0.0,0.0,484.1,2023-10-23,rem us south central smm food,401.06275668131457,399.4313293612464,0.0,0.4057077095712103,0.0,0.0,8.859317235681047,0.6212308465947298,0.0,409.3175851530934 +0.0,0.644,0.58,0.9269999999999999,0.0,0.0,0.0,139.92,2023-10-23,rem us west north central smm food,129.5584087587118,125.95452848252805,1.5533722328550426,1.2634664943359935,0.0,1.8731981213669229,1.5944941357846198,0.0,0.0,132.23905946687063 +0.889,0.8290000000000001,0.852,0.725,0.0,0.661,0.0,92.12,2023-10-23,richmond/petersburg smm food,92.09392404206763,86.06809383806947,0.0,0.0,0.0,1.982520570649841,3.461615255092682,0.5760354807710393,1.2912546050014226,93.37951974958446 +0.788,0.0,0.0,0.926,0.0,0.538,0.0,71.27,2023-10-23,sacramento/stockton/modesto smm food,75.49841439087092,71.58708164797008,0.0,0.0,0.0,0.0,3.6841477488758945,0.0,0.8360229371627836,76.10725233400876 +0.0,0.9280000000000002,0.0,0.9910000000000001,0.0,0.0,0.548,87.22,2023-10-23,salt lake city smm food,88.10173497754539,83.72480907215119,0.0,0.0,0.7775647347996246,1.9404734747717955,2.458087182602927,0.0,0.8331598449122262,89.73409430923776 +0.0,0.931,0.981,0.0,0.0,0.9430000000000001,0.0,81.99,2023-10-23,san diego smm food,82.03111154026294,78.71431295071628,1.0027365532982178,0.9398759764816011,0.9106519602976736,1.189932813348685,5.157118726045125,0.0,0.0,87.91462898018759 +0.616,0.8280000000000001,0.0,0.79,0.0,0.0,0.0,74.09,2023-10-23,san francisco/oakland/san jose smm food,93.0733159520064,88.87591304741949,1.6905481389902515,0.8195458341638876,0.0,1.789103929610832,5.336579857775351,0.6023309663411864,0.0,99.114021774301 +0.974,0.0,0.0,0.0,0.0,0.0,0.651,109.02,2023-10-23,seattle/tacoma smm food,91.55851461893337,88.74475650580376,0.0,1.2602143283274065,1.0049657421466847,1.5494354831059731,2.570219061694863,0.0,1.1237637083438103,96.2533548294225 +0.511,0.8,0.0,0.639,0.0,0.0,0.5720000000000001,106.85,2023-10-23,st. louis smm food,92.15448914392971,87.70409353036166,0.0,1.2472056642930591,0.7241202584185183,0.0,3.8934703003703164,0.0,0.0,93.56888975344356 +0.0,0.881,0.0,0.599,0.0,0.9210000000000002,0.708,218.65,2023-10-23,tampa/ft. myers smm food,177.71744486985676,173.25520362076367,1.3582346762401678,0.0,0.9819112621391487,0.0,1.032767314950828,0.7633908154583388,0.0,177.39150768955216 +0.0,0.804,0.558,0.631,0.0,0.0,0.948,34.28,2023-10-23,tucson/sierra vista smm food,67.89805442905254,63.32224664442017,0.0,0.0,0.9462816112184111,1.4022706475328144,8.521503600047785,0.7329866602678559,1.4043467488984431,76.32963591238547 +0.0,0.791,0.731,0.776,0.0,0.902,0.0,182.02,2023-10-23,washington dc/hagerstown smm food,177.4462766544284,173.02137618365978,0.0,1.3350141465249044,0.0,0.0,0.6623479102641762,0.518514106086342,1.251171313493618,176.78842366002883 +0.622,0.887,0.0,0.791,0.0,0.0,0.0,43.12,2023-10-23,yakima/pasco/richland/kennewick smm food,57.823978853639375,53.51694236690935,0.0,0.0,0.0,0.0,1.2599188990717562,0.0,0.0,54.776861265981104 +0.0,0.0,0.974,0.579,0.0,0.941,0.723,96.09,2023-10-30,albany/schenectady/troy smm food,86.40307604341206,82.35686844083078,0.0,0.0,0.8509198984599666,1.7954109939925387,1.714079849339577,0.525909711402946,0.9076002434267206,88.15078913745253 +0.8150000000000001,0.0,0.0,0.0,0.0,0.846,0.0,48.75,2023-10-30,albuquerque/santa fe smm food,73.06194109950452,70.79212936171284,1.1746894497212261,0.0,0.0,1.0553821065389397,9.063190710584424,0.6754652855831587,0.8431806677891773,83.60403758192976 +0.0,0.603,0.0,0.526,0.0,0.54,0.0,199.83,2023-10-30,atlanta smm food,167.77763383226096,165.2475308400832,1.379487281416045,1.31875331648197,0.8498719675505332,0.0,2.940747393003214,0.5916484253283142,1.394325926021492,173.72236514988475 +0.0,0.0,0.594,0.608,0.0,0.0,0.0,134.79,2023-10-30,baltimore smm food,107.18106386511207,105.28036119021601,0.0,0.0,1.0332598767013879,0.0,0.9312211948670696,0.6754652855831587,0.9849037341917726,108.9052112815594 +0.0,0.0,0.0,0.869,0.0,0.0,0.0,57.03999999999999,2023-10-30,baton rouge smm food,52.45518821934303,50.62824190344196,0.0,0.9789019685846435,0.0,0.0,2.047876893276444,0.4987924919087315,0.0,54.15381325721178 +0.8270000000000001,0.0,0.666,0.561,0.0,0.0,0.787,77.19,2023-10-30,birmingham/anniston/tuscaloosa smm food,66.87729622743396,62.27551690355495,0.0,0.0,0.672771643856279,1.2004445873181964,6.36977046131192,0.6352003233038707,0.0,71.15370391934522 +0.0,0.806,0.8160000000000001,0.0,0.0,0.0,0.0,217.79,2023-10-30,boston/manchester smm food,185.51002588971463,183.34429136615643,0.0,1.4081878817181084,0.5292051092638954,2.068717117199834,1.4386394418762487,0.8151600526745661,0.0,189.60420096888907 +0.967,0.0,0.658,0.0,0.0,0.0,0.529,66.53,2023-10-30,buffalo smm food,67.2783169469243,63.96319330778341,0.0,1.113866857940998,0.0,1.8858122501303365,4.124527634556454,0.4511319243128396,0.0,71.53853197472404 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,95.55,2023-10-30,charlotte smm food,127.1008852661048,127.1008852661048,0.0,0.0,1.0259243603353538,1.089019783241376,10.185358346569732,0.0,1.1609839076010575,140.56217166385233 +0.0,0.558,0.0,0.0,0.0,0.758,0.6910000000000001,191.71,2023-10-30,chicago smm food,179.64228270125724,177.12285569785104,0.0,1.2829794903875145,0.0,0.0,3.8236731298337845,0.5653529397581669,1.3656950035159172,184.16055626134641 +0.931,0.769,0.778,0.775,0.0,0.0,0.967,116.68,2023-10-30,cleveland/akron/canton smm food,137.96919601638425,131.09107465023894,0.0,1.5171354430057682,0.0,0.0,3.282692898123831,0.0,1.1280583467196466,137.0189613380882 +0.0,0.848,0.87,0.0,0.0,0.0,0.585,115.82999999999998,2023-10-30,columbus oh smm food,107.04880745178086,103.92073468964487,0.0,0.0,0.8226257639052633,1.587277869396214,9.015320742405885,0.0,1.245445128992503,116.59140419434473 +0.0,0.8230000000000001,0.0,0.842,0.0,0.0,0.929,130.91,2023-10-30,dallas/ft. worth smm food,109.71551258070167,105.27715718131851,0.0,1.322005482490557,0.0,1.8795051857486296,1.187367321415436,0.0,0.0,109.66603517097313 +0.0,0.0,0.0,0.9420000000000002,0.0,0.0,0.0,95.29,2023-10-30,des moines/ames smm food,64.38871557964174,62.408297363785806,0.0,1.3561532255807187,0.8331050729995978,0.0,4.764411427192201,0.543166123808355,1.3098647046300465,71.21499791799673 +0.679,0.542,0.0,0.494,0.0,0.0,0.0,181.27,2023-10-30,detroit smm food,163.55468866531163,160.32292305294044,1.9011421357330371,1.577300514164625,0.0,1.9383711199778932,1.941995999095935,0.6918999640645007,0.0,168.37363278597644 +0.0,0.622,0.0,0.578,0.0,0.61,0.0,133.9,2023-10-30,grand rapids smm food,112.74340870182952,110.01556630860257,1.2249228801369365,0.0,0.6444775093015757,0.0,1.8754583420184496,0.0,1.4229568485270667,115.1833818885866 +0.658,0.0,0.0,0.0,0.0,0.0,0.0,94.33,2023-10-30,greensboro smm food,84.84053545639247,83.56924325587181,0.9834160031383291,0.9480063915030683,0.0,0.0,1.780871458882145,0.0,0.0,87.28153710939536 +0.0,0.0,0.0,0.8160000000000001,0.0,0.9430000000000001,0.525,89.55,2023-10-30,harrisburg/lancaster smm food,88.26708601260074,85.02510769460987,1.2944768607125354,1.361031474593599,0.7178326729619177,0.0,2.6568796582108694,0.430588576211162,1.0292816640754134,92.51519860137537 +0.0,0.614,0.0,0.0,0.0,0.0,0.7010000000000001,107.6,2023-10-30,hartford/new haven smm food,114.61265903951691,112.61073024106035,0.0,0.9252412294429605,0.8393926584561986,1.1247598147377147,7.7263246671066375,0.0,0.0,123.22644861080386 +0.797,0.0,0.583,0.965,0.0,0.0,0.751,192.53,2023-10-30,houston smm food,172.90109707215683,167.64644198801398,0.0,1.1366320200011062,0.0,1.6776791255340118,3.236916804966354,0.0,0.0,173.69766993851545 +0.932,0.0,0.678,0.9129999999999999,0.0,0.0,0.0,80.02,2023-10-30,indianapolis smm food,93.45185733413479,89.02123497580452,0.0,0.0,0.0,0.0,1.9627767283213493,0.6072613698855891,0.8975794205497695,92.48885249456123 +0.0,0.9470000000000001,0.0,0.0,0.0,0.764,0.515,118.9,2023-10-30,jacksonville smm food,89.20484156761732,86.29988999004563,1.6519070386704742,0.0,0.0,1.8521745734279,2.6419077581327066,0.0,0.0,92.4458793602767 +0.803,0.0,0.668,0.0,0.0,0.0,0.596,95.35,2023-10-30,kansas city smm food,83.59836002761776,80.49370051161102,1.1940099998811147,0.0,0.803763007535461,1.8921193145120434,1.3830226797451972,0.5900049574801799,1.053617948205152,87.41023841897017 +0.837,0.686,0.0,0.8280000000000001,0.0,0.0,0.0,94.04,2023-10-30,knoxville smm food,73.87639114512643,69.4030183864474,0.0,1.596813510216146,0.8414885202750655,0.0,2.6345267396617817,0.0,0.0,74.4758471566004 +0.0,0.0,0.887,0.709,0.0,0.883,0.0,88.46,2023-10-30,las vegas smm food,76.22165978741774,73.0759844669223,0.0,0.0,0.8331050729995978,0.0,1.490867584685227,0.0,0.0,75.39995712460713 +0.9840000000000001,0.581,0.797,0.0,0.0,0.681,0.0,68.94,2023-10-30,little rock/pine bluff smm food,61.94426925432795,57.70357115599228,1.1862817798171592,1.2228144192286576,0.0,1.7848992200230274,20.846797645846774,0.6097265716577904,0.8102551069077665,84.16434589947346 +0.0,0.782,0.0,0.995,0.0,0.787,0.711,182.43,2023-10-30,los angeles smm food,159.0045500172879,153.9765761946837,0.0,0.0,1.0028698803278178,0.0,0.9791703358348748,0.0,1.223971937113322,157.18258834795972 +0.649,0.6890000000000001,0.0,0.0,0.0,0.651,0.0,91.07,2023-10-30,madison wi smm food,55.3284089580742,52.419185278171575,1.327321795984346,0.0,0.5941768256487698,0.0,5.136075365209179,0.5300183810232815,0.0,60.00677764603715 +0.654,0.746,0.771,0.882,0.0,0.0,0.716,140.04,2023-10-30,miami/west palm beach smm food,190.28565492283747,184.12181433608328,0.0,0.0,1.0007740185089509,1.6755767707401095,2.3244796220588686,0.0,0.0,189.1226447473912 +0.9700000000000001,0.0,0.717,0.8160000000000001,0.0,0.512,0.868,66.38,2023-10-30,milwaukee smm food,74.1574636252872,68.15317248002567,1.3988078315759338,0.0,0.7482226693354878,0.0,4.864874446203078,0.6294481858354009,1.229698121614437,77.02422373459001 +0.903,0.646,0.0,0.0,0.0,0.8320000000000001,0.676,99.72,2023-10-30,minneapolis/st. paul smm food,90.19722555560492,85.75072244988117,0.0,1.2146840042071905,0.9106519602976736,0.0,1.445773041425967,0.686147826596031,0.0,90.00797928240803 +0.0,0.0,0.8270000000000001,0.0,0.0,0.941,0.0,54.9,2023-10-30,mobile/pensacola smm food,69.1063253608531,67.46643487620449,0.0,0.0,1.0018219494183844,0.0,3.296579520193787,0.0,0.7286569777668782,72.49349332358354 +0.0,0.0,0.0,0.0,0.0,0.0,0.756,157.33,2023-10-30,nashville smm food,96.55441680944614,95.47216793873541,1.4799541422474658,0.0,0.0,1.6440414488315753,1.7038839555371457,0.6820391569756955,0.0,100.98208664232729 +0.0,0.8989999999999999,0.0,0.0,0.0,0.593,0.6900000000000001,69.09,2023-10-30,new orleans smm food,62.48652098056118,59.54961731628727,1.1515047895293598,1.2455795812887658,0.7733730111618907,1.967804087092525,20.990731066821873,0.0,0.0,85.67860985218168 +0.882,0.842,0.0,0.0,0.0,0.653,0.8250000000000001,326.26,2023-10-30,new york smm food,294.9526178042279,290.1617655847399,1.0858149189857387,1.0699626168250755,1.0374516003391216,0.0,2.018008348886015,0.0,0.0,295.37300306977585 +0.932,0.0,0.614,0.0,0.0,0.671,0.706,66.91,2023-10-30,norfolk/portsmouth/newport news smm food,106.31609912937444,102.30993924858487,0.0,1.4748572848941393,0.8603512766448678,0.0,2.158423927858914,0.5842528200117102,0.0,107.3878245579945 +0.761,0.761,0.0,0.778,0.0,0.0,0.0,47.59,2023-10-30,oklahoma city smm food,57.95261918306235,53.609244119971564,1.4393809869116998,0.0,0.6926823311355147,1.0785080092718646,1.1670068394243216,0.46427966709791324,1.2855284205003077,59.73663037431319 +0.0,0.0,0.0,0.658,0.0,0.717,0.545,63.209999999999994,2023-10-30,omaha smm food,63.628955166239685,60.87622985001895,0.0,0.0,1.0322119457919545,1.2004445873181964,4.6698937916506535,0.44948845646470537,1.2468766751177818,69.47514530636224 +0.0,0.604,0.0,0.714,0.0,0.594,0.9500000000000001,120.85,2023-10-30,orlando/daytona beach/melborne smm food,136.94669639421224,132.61538216686213,0.0,0.0,0.0,1.5599472570754844,0.8562749766408838,0.4618144653257119,1.1495315385988276,136.64295040450304 +0.606,0.0,0.618,0.78,0.0,0.847,0.0,73.5,2023-10-30,paducah ky/cape girardeau mo smm food,59.71355014748209,55.55925813283435,0.0,1.284605573391808,0.0,0.0,9.523931053158673,0.0,0.795939645654979,67.1637344050398 +0.0,0.0,0.0,0.868,0.0,0.836,0.758,236.90999999999997,2023-10-30,philadelphia smm food,203.33467312242345,199.7377476378349,0.0,0.0,0.0,1.89842637889375,5.597253800807069,0.6204091126706628,0.0,207.85383693020637 +0.535,0.0,0.0,0.0,0.0,0.0,0.866,142.52,2023-10-30,phoenix/prescott smm food,119.25632949751265,116.98296111946722,1.5533722328550426,1.2455795812887658,0.0,1.1857281037608804,2.637168232863711,0.44702325469250404,1.1566892692252213,125.20852179415334 +0.0,0.9350000000000002,0.65,0.777,0.0,0.896,0.861,122.14000000000001,2023-10-30,pittsburgh smm food,110.35613953368167,104.55223234884438,0.0,1.5268919410315287,0.6874426765883473,1.524207225579146,3.508727948817653,0.0,0.0,111.79950214086107 +0.0,0.0,0.0,0.762,0.0,0.0,0.0,82.52,2023-10-30,portland or smm food,88.49830383218972,86.8963094792362,1.8605689803972714,1.4699790358812588,0.7188806038713511,1.7638756720840045,1.8048075807212902,0.0,0.9347996198070166,95.44922097199839 +0.0,0.596,0.858,0.754,0.0,0.841,0.634,76.32,2023-10-30,providence ri/new bedford ma smm food,88.30043053682748,83.24830635780522,0.0,0.0,0.9200833384825747,1.641939094037673,3.4150716933644283,0.41004522810948446,0.0,89.63544571179938 +0.0,0.982,0.0,0.612,0.0,0.0,0.0,115.62,2023-10-30,raleigh/durham/fayetteville smm food,128.2136274201857,125.33017277610136,1.6364505985425633,0.0,0.9976302257806505,2.0098511829705705,14.806725498231103,0.0,0.0,144.78083028162627 +0.894,0.867,0.0,0.0,0.0,0.985,0.925,411.06,2023-10-30,rem us east north central smm food,311.72433193223026,306.4536727021249,0.0,0.0,0.0,0.0,5.157578348095171,0.0,1.059344132706267,312.6705951829263 +0.0,0.0,0.0,0.558,0.0,0.716,0.0,146.31,2023-10-30,rem us middle atlantic smm food,132.5614987263268,130.80002326169728,1.8084034949655718,0.0,0.0,0.0,10.769904038637664,0.8003688420413583,1.0020822876951174,145.180781925037 +0.6980000000000001,0.629,0.0,0.0,0.0,0.595,0.544,233.09,2023-10-30,rem us mountain smm food,177.5965849188936,173.95751153106124,1.3756231713840674,1.0732147828336625,1.0133491894221522,0.0,2.7339837687497632,0.0,0.0,180.1536824434509 +0.0,0.9400000000000001,0.525,0.556,0.0,0.9059999999999999,0.0,193.64,2023-10-30,rem us new england smm food,152.21371256515687,148.221630613054,1.0433097086339838,1.0748408658379558,0.0,1.9236546364205773,10.511459934779362,0.4798926116551881,0.8231390220352751,164.07792739241634 +0.759,0.838,0.795,0.0,0.0,0.723,0.56,115.28,2023-10-30,rem us pacific smm food,110.17161604700209,105.11364420201244,1.5572363428870202,1.1496406840354534,0.622470960203473,1.3665306160364756,16.857199749749025,0.4157973655779542,0.0,127.08251992050184 +0.833,0.0,0.0,0.552,0.0,0.0,0.864,239.53,2023-10-30,rem us south atlantic smm food,287.6869878836082,283.6802303568146,1.4104001616718669,0.0,0.9242750621203085,1.276129359898678,28.415484490894265,0.0,0.0,315.7065194313997 +0.0,0.592,0.0,0.856,0.0,0.968,0.869,481.85,2023-10-30,rem us south central smm food,404.23303822473264,399.4313293612464,1.0645623138098612,1.0293105417177397,1.0028698803278178,1.80592276796205,10.217742366194818,0.694365165836702,1.3928943798962132,416.63899677699163 +0.0,0.0,0.0,0.0,0.0,0.561,0.0,132.94,2023-10-30,rem us west north central smm food,126.4155212139297,125.95452848252805,1.848976650301338,0.8406849132197022,0.0,1.8563792830157047,1.5416018065399113,0.8028340438135597,0.8145497452836027,133.65955492470187 +0.0,0.0,0.0,0.651,0.0,0.657,0.85,70.55,2023-10-30,richmond/petersburg smm food,89.19342020349886,86.06809383806947,0.0,1.5025006959671274,0.9211312693920082,1.3434047133035507,4.686197987707872,0.0,0.7501301696460594,95.27145867408609 +0.853,0.866,0.0,0.0,0.0,0.0,0.0,99.62,2023-10-30,sacramento/stockton/modesto smm food,74.6433124583267,71.58708164797008,1.5089349674872987,0.980528051588937,0.0,1.9867252802376454,3.8005013431900876,0.5785006825432405,1.3027069740036528,81.74497894702094 +0.0,0.0,0.93,0.504,0.0,0.0,0.841,90.45,2023-10-30,salt lake city smm food,86.96290192541046,83.72480907215119,0.9950083332342623,1.1967970911599628,0.0,0.0,3.276511163849274,0.46263619924977906,1.345653357762015,91.00141521740647 +0.842,0.0,0.857,0.686,0.0,0.0,0.0,95.86,2023-10-30,san diego smm food,82.68139545218031,78.71431295071628,0.0,1.4585964548512047,0.6675319893091117,1.6061990625413345,6.790158939349173,0.0,0.0,89.2367993967671 +0.0,0.0,0.607,0.0,0.0,0.0,0.0,96.79,2023-10-30,san francisco/oakland/san jose smm food,89.51200710944559,88.87591304741949,0.0,0.0,0.9976302257806505,1.1037362667986919,5.522651384735613,0.0,0.0,96.49993092473444 +0.0,0.0,0.8160000000000001,0.0,0.0,0.0,0.584,95.01,2023-10-30,seattle/tacoma smm food,90.43589106506425,88.74475650580376,0.0,1.045571371760674,0.8247216257241302,0.0,3.101059155430557,0.7518865405213992,1.2425820367419456,95.71057723598247 +0.886,0.0,0.6980000000000001,0.0,0.0,0.0,0.0,98.03,2023-10-30,st. louis smm food,90.14735004931234,87.70409353036166,1.1437765694654043,1.357779308585012,0.0,1.564151966663289,4.6311634503671355,0.4248364387426923,0.0,96.82580126418519 +0.9759999999999999,0.9390000000000001,0.607,0.941,0.0,0.0,0.0,101.03,2023-10-30,tampa/ft. myers smm food,179.28219118048844,173.25520362076367,1.4702938671675216,0.0,0.0,0.0,1.0961504747081348,0.0,0.0,175.82164796263933 +0.784,0.881,0.5750000000000001,0.849,0.0,0.803,0.607,47.05,2023-10-30,tucson/sierra vista smm food,70.18581723575528,63.32224664442017,1.8296561001414493,1.2065535891857233,0.9546650584938787,0.0,8.95809211983371,0.7937949706488214,0.8002342840308153,77.86524276675456 +0.8130000000000001,0.0,0.0,0.664,0.0,0.0,0.0,164.83,2023-10-30,washington dc/hagerstown smm food,175.98810049480983,173.02137618365978,1.0877469740017276,0.0,0.8624471384637347,1.4422153886169575,0.7415155927383819,0.5612442701378314,0.0,177.7165455476184 +0.705,0.876,0.0,0.511,0.0,0.683,0.754,35.28,2023-10-30,yakima/pasco/richland/kennewick smm food,59.01842321322461,53.51694236690935,1.8837536405891373,0.0,0.0,2.0413865048791044,1.5404088316837683,0.0,1.0493233098293158,60.03181465389068 +0.717,0.596,0.769,0.0,0.0,0.0,0.874,102.9,2023-11-06,albany/schenectady/troy smm food,86.76832754070162,82.35686844083078,0.0,0.0,0.7869961129845258,1.6461438036254776,2.1876853123319555,0.0,0.0,86.97769366977273 +0.0,0.79,0.88,0.0,0.0,0.6930000000000001,0.541,59.53,2023-11-06,albuquerque/santa fe smm food,74.34284219856039,70.79212936171284,0.0,1.3903009686708807,0.9745757457731145,1.8942216693059455,12.305263099826417,0.6269829840631996,0.0,87.98347382935239 +0.0,0.7030000000000001,0.0,0.0,0.0,0.0,0.809,352.98,2023-11-06,atlanta smm food,167.54878800745195,165.2475308400832,0.0,1.4130661307309886,0.8184340402675294,0.0,3.6666743870518603,0.41744083342608834,0.8932847821739333,172.45643101373358 +0.0,0.883,0.727,0.609,0.0,0.0,0.611,79.85,2023-11-06,baltimore smm food,109.63304700619702,105.28036119021601,1.2635639804567136,0.9398759764816011,1.0133491894221522,0.0,1.2017544057365195,0.0,0.0,109.698904742313 +0.9910000000000001,0.0,0.551,0.0,0.0,0.0,0.0,40.99,2023-11-06,baton rouge smm food,53.120318355384754,50.62824190344196,1.0085327183461843,1.1642754310740941,0.0,0.0,2.5129120971341967,0.0,1.1323529850954828,56.44631513509192 +0.737,0.8280000000000001,0.0,0.0,0.0,0.0,0.0,78.65,2023-11-06,birmingham/anniston/tuscaloosa smm food,65.0458381778937,62.27551690355495,0.0,1.3789183876408266,0.8498719675505332,0.0,7.646346541058497,0.0,1.2483082212430605,73.39896202104786 +0.0,0.0,0.0,0.89,0.0,0.0,0.0,223.38,2023-11-06,boston/manchester smm food,185.21538713272946,183.34429136615643,0.0,0.0,0.0,0.0,1.8394509130216068,0.0,0.0,185.18374227917803 +0.793,0.0,0.624,0.0,0.0,0.0,0.558,93.32,2023-11-06,buffalo smm food,66.94802456085459,63.96319330778341,0.0,0.0,0.0,0.0,5.3740538798262465,0.0,0.0,69.33724718760966 +0.502,0.611,0.0,0.0,0.0,0.0,0.0,122.7,2023-11-06,charlotte smm food,129.06431359975448,127.1008852661048,0.0,0.0,0.6696278511279786,1.1037362667986919,12.972198451816437,0.0,1.0020822876951174,142.84853012354301 +0.732,0.0,0.904,0.768,0.0,0.0,0.521,167.66,2023-11-06,chicago smm food,181.84489352466989,177.12285569785104,1.6383826535585522,0.0,0.5952247565582033,0.0,4.781499316924385,0.4535971260850409,0.0,184.59155955097722 +0.8,0.779,0.0,0.0,0.0,0.0,0.732,119.91,2023-11-06,cleveland/akron/canton smm food,134.95132908707865,131.09107465023894,0.0,1.5642918501302774,0.6507650947581763,1.532616644754755,4.281438776682109,0.4708535384904501,0.8703800441694733,140.46142059922417 +0.0,0.0,0.0,0.894,0.0,0.732,0.855,98.03,2023-11-06,columbus oh smm food,107.62572104492394,103.92073468964487,0.0,1.5659179331345712,0.0,0.0,11.677767559825998,0.0,0.8632223135430797,118.02764249614853 +0.0,0.0,0.597,0.5,0.0,0.975,0.544,104.85,2023-11-06,dallas/ft. worth smm food,108.53390099931848,105.27715718131851,0.0,0.0,0.9473295421278446,1.9089381528632614,1.4722759981719364,0.5357705184917512,0.0,110.1414713929733 +0.581,0.84,0.73,0.0,0.0,0.0,0.0,77.65,2023-11-06,des moines/ames smm food,65.66172061556823,62.408297363785806,0.0,0.0,0.9473295421278446,1.3896565187694008,5.919977027848292,0.5653529397581669,0.0,71.23061339228951 +0.0,0.638,0.0,0.8320000000000001,0.0,0.0,0.5680000000000001,179.26,2023-11-06,detroit smm food,163.92264139736466,160.32292305294044,1.5668966179669646,1.4878659489284864,0.0,0.0,2.3134737705077852,0.5390574541880195,0.0,166.2302168445317 +0.0,0.0,0.0,0.523,0.0,0.716,0.0,76.9,2023-11-06,grand rapids smm food,111.7034593554455,110.01556630860257,0.0,0.0,0.7880440438939592,1.7701827364657114,2.2293120605898684,0.6352003233038707,0.9648620884378702,116.40316756129386 +0.733,0.0,0.514,0.0,0.0,0.0,0.0,58.48,2023-11-06,greensboro smm food,85.52407607004042,83.56924325587181,0.0,1.3382663125334913,0.0,1.377042390005987,2.103831993472811,0.48646648304772494,0.0,88.87485043493183 +0.0,0.511,0.0,0.0,0.0,0.866,0.759,128.23,2023-11-06,harrisburg/lancaster smm food,87.6542011971325,85.02510769460987,0.0,1.201675340172843,0.0,1.5347189995486572,3.2611853703225577,0.654100203557414,0.0,91.67678760821134 +0.0,0.706,0.627,0.0,0.0,0.0,0.0,105.53,2023-11-06,hartford/new haven smm food,114.41579752230629,112.61073024106035,1.7060045791181624,0.0,0.6025602729242374,0.0,9.58542132019376,0.4955055562124631,0.790213461153864,125.79043543066284 +0.98,0.683,0.0,0.0,0.0,0.0,0.51,192.18,2023-11-06,houston smm food,171.3805591195076,167.64644198801398,0.0,0.0,0.9557129894033122,1.6398367392437707,3.9421915123200977,0.7190171835587151,0.0,174.90320041253986 +0.0,0.626,0.0,0.543,0.0,0.869,0.0,104.04,2023-11-06,indianapolis smm food,91.89482836959544,89.02123497580452,0.0,0.0,0.0,0.0,2.467017486336508,0.0,0.8331598449122262,92.32141230705325 +0.0,0.796,0.0,0.662,0.0,0.517,0.0,156.86,2023-11-06,jacksonville smm food,89.41084737376919,86.29988999004563,1.284816585632591,0.0,0.0,1.4401130338230552,3.3795426425589774,0.0,0.0,92.40436225206025 +0.687,0.0,0.0,0.0,0.0,0.972,0.718,50.14,2023-11-06,kansas city smm food,83.64759779973873,80.49370051161102,1.8721613104932038,0.0,0.0,0.0,1.6505089146125442,0.7740733564712111,0.0,84.79044409318799 +0.797,0.0,0.0,0.9510000000000001,0.0,0.0,0.0,69.65,2023-11-06,knoxville smm food,72.94220564319156,69.4030183864474,1.1147957442255714,0.0,0.0,0.0,3.363400664080409,0.0,1.3427902655114574,75.22400506026483 +0.0,0.0,0.0,0.0,0.0,0.58,0.658,87.16,2023-11-06,las vegas smm food,74.49454749331463,73.0759844669223,1.5224593525992207,0.0,0.0,1.1562951366462486,1.7488696897523335,0.7042259729255073,0.7844872766527491,78.99232189549836 +0.0,0.0,0.9070000000000001,0.0,0.0,0.0,0.0,51.83,2023-11-06,little rock/pine bluff smm food,58.65404449084842,57.70357115599228,0.0,1.4488399568254442,0.0,0.0,26.76701612612207,0.4749622081107855,0.9247787969300655,87.31916824398064 +0.986,0.775,0.0,0.516,0.0,0.908,0.0,188.15,2023-11-06,los angeles smm food,158.97274624548263,153.9765761946837,1.5920133331748196,1.0065453796576318,0.9756236766825479,1.64824615841938,1.1568885111112988,0.0,0.0,160.3558932537294 +0.0,0.525,0.704,0.0,0.0,0.0,0.608,25.89,2023-11-06,madison wi smm food,54.881002259836244,52.419185278171575,1.8103355499815608,0.8358066642068219,0.0,0.0,6.735109608217929,0.0,0.0,61.80043710057789 +0.0,0.538,0.6990000000000001,0.0,0.0,0.493,0.8300000000000001,467.08000000000004,2023-11-06,miami/west palm beach smm food,187.3224488066336,184.12181433608328,0.0,1.3285098145077305,0.0,1.423294195471837,2.7623090801592984,0.0,0.0,189.63592742622214 +0.883,0.905,0.933,0.0,0.0,0.0,0.905,83.17,2023-11-06,milwaukee smm food,73.60405095990807,68.15317248002567,1.5572363428870202,0.0,0.0,1.2340822640206326,6.184502932602962,0.6031527002652536,0.0,77.73214671980155 +0.0,0.0,0.8320000000000001,0.868,0.0,0.0,0.717,84.36,2023-11-06,minneapolis/st. paul smm food,89.47386349946184,85.75072244988117,1.9165985758609478,1.5203876090143553,0.8372967966373317,1.820639251519366,1.733776216232487,0.0,0.0,93.57942089914566 +0.0,0.0,0.58,0.0,0.0,0.0,0.838,115.53,2023-11-06,mobile/pensacola smm food,69.27387045665948,67.46643487620449,1.8625010354132598,0.8683283242926905,0.6801071602223132,0.0,4.042939814507228,0.44044938329996725,0.8045289224066515,76.1652895163466 +0.67,0.835,0.0,0.792,0.0,0.0,0.0,123.47,2023-11-06,nashville smm food,99.78948910480355,95.47216793873541,1.6055377182867419,1.0423192057520871,0.0,2.079228891169345,2.1828825369919507,0.48728821697179203,1.0121031105720686,103.8815276184794 +0.836,0.891,0.644,0.6950000000000001,0.0,0.801,0.0,31.389999999999997,2023-11-06,new orleans smm food,65.40786822709437,59.54961731628727,1.9204626858929257,1.3772923046365333,0.9567609203127455,1.5662543214571913,27.001084875846654,0.0,1.3628319112653597,93.73430433569868 +0.0,0.554,0.0,0.0,0.0,0.0,0.0,352.89,2023-11-06,new york smm food,291.0626155691184,290.1617655847399,1.3195935759203907,0.9870323836061107,0.8152902475392291,0.0,2.499111534890796,0.5226227757066775,1.1867517378560748,297.4921678402592 +0.0,0.679,0.602,0.766,0.0,0.0,0.628,136.11,2023-11-06,norfolk/portsmouth/newport news smm food,106.55431875478322,102.30993924858487,0.0,1.4829876999156062,0.8341530039090312,0.0,2.7896217926576843,0.0,0.0,107.41670174506719 +0.0,0.0,0.0,0.937,0.0,1.0,0.0,71.76,2023-11-06,oklahoma city smm food,56.40088448592509,53.609244119971564,0.0,0.0,1.0133491894221522,2.0119535377644726,1.4757818232234339,0.0,0.0,58.11032867038162 +0.0,0.785,0.0,0.5650000000000001,0.0,0.0,0.0,60.82,2023-11-06,omaha smm food,63.34053546694408,60.87622985001895,1.694412249022229,0.8683283242926905,0.0,1.8269463159010728,6.008085517556076,0.5998657645689852,0.9677251806884277,72.84159320204843 +0.618,0.0,0.0,0.0,0.0,0.0,0.0,429.4,2023-11-06,orlando/daytona beach/melborne smm food,133.80939216674324,132.61538216686213,0.0,0.8780848223184511,0.0,0.0,0.9862416169603744,0.0,1.0192608411984623,135.49896944733942 +0.869,0.0,0.0,0.0,0.0,0.887,0.809,59.88000000000001,2023-11-06,paducah ky/cape girardeau mo smm food,59.125212747726685,55.55925813283435,0.0,0.0,0.9347543712146431,1.3707353256242802,12.604821620739553,0.7395605316603928,0.0,71.20912998207322 +0.0,0.0,0.515,0.555,0.0,0.764,0.528,210.62,2023-11-06,philadelphia smm food,202.8279000389433,199.7377476378349,0.0,1.5529092691002235,0.0,1.7575686077022978,7.227956023294025,0.0,0.0,210.27618153793145 +0.768,0.898,0.0,0.66,0.0,0.786,0.749,124.72000000000001,2023-11-06,phoenix/prescott smm food,123.03266698572818,116.98296111946722,1.91273446582897,0.0,0.5952247565582033,1.9152452172449683,3.335699965184629,0.0,0.7758979999010767,125.51776352418507 +0.55,0.0,0.781,0.0,0.0,0.854,0.752,137.29,2023-11-06,pittsburgh smm food,108.2115801052687,104.55223234884438,0.0,0.0,0.6937302620449481,1.656655577594989,4.486882042203873,0.0,0.0,111.3895002306882 +0.511,0.9500000000000001,0.781,0.0,0.0,0.0,0.98,118.23,2023-11-06,portland or smm food,91.64971768952596,86.8963094792362,1.2674280904886914,0.8780848223184511,0.7314557747845526,0.0,2.1843726470925806,0.0,0.0,91.95765081392047 +0.0,0.0,0.0,0.558,0.0,0.597,0.893,50.71,2023-11-06,providence ri/new bedford ma smm food,86.19036617534465,83.24830635780522,0.0,1.6179525892719606,0.0,1.1373739435011283,4.1812822017783455,0.8118731169782978,0.8789693209211458,91.8757575302561 +0.0,0.0,0.0,0.856,0.0,0.0,0.592,115.25,2023-11-06,raleigh/durham/fayetteville smm food,127.97726378584672,125.33017277610136,1.5089349674872987,1.3886748856665874,0.0,1.9846229254437433,17.136570033811275,0.5760354807710393,0.8804008670464245,148.80541193632774 +0.0,0.6890000000000001,0.552,0.599,0.0,0.809,0.876,328.58,2023-11-06,rem us east north central smm food,311.3306294259522,306.4536727021249,1.1360483494014488,0.0,0.0,0.0,6.330151496306336,0.7822906957118821,0.0,314.70216324354453 +0.0,0.0,0.503,0.9070000000000001,0.0,0.87,0.5660000000000001,151.42,2023-11-06,rem us middle atlantic smm food,134.75913192805783,130.80002326169728,0.0,1.4602225378554983,0.0,1.1878304585547828,13.534766223435625,0.5365922524158183,1.2139511142363708,148.73338584819538 +0.0,0.981,0.8210000000000001,0.602,0.0,0.625,0.746,211.25,2023-11-06,rem us mountain smm food,179.260184932847,173.95751153106124,0.0,0.0,0.5438761419959639,1.517900161197439,3.228991125247394,0.0,1.0765226862096118,180.32480164571166 +0.937,0.0,0.781,0.516,0.0,0.578,0.527,181.28,2023-11-06,rem us new england smm food,153.16460229308936,148.221630613054,0.0,1.5691700991431579,0.0,0.0,13.255295913210771,0.0,1.1280583467196466,164.17415497212758 +0.0,0.74,0.0,0.736,0.0,0.597,0.916,129.58,2023-11-06,rem us pacific smm food,109.66615015692503,105.11364420201244,0.0,1.4813616169113129,0.0,0.0,20.465972638608566,0.7034042390014401,1.047891763704037,128.8122744602378 +0.0,0.747,0.0,0.0,0.0,0.749,0.526,416.92,2023-11-06,rem us south atlantic smm food,286.26338633204466,283.6802303568146,0.0,0.0,0.0,0.0,34.57951025141467,0.48400128127552366,0.0,318.7437418895048 +0.0,0.0,0.0,0.58,0.0,0.0,0.0,529.82,2023-11-06,rem us south central smm food,400.6506951417097,399.4313293612464,1.8064714399495831,0.8406849132197022,0.0,0.0,12.439376727865016,0.0,0.7758979999010767,415.2937604421818 +0.843,0.9430000000000001,0.892,0.676,0.0,0.8310000000000001,0.0,147.55,2023-11-06,rem us west north central smm food,132.1554542368477,125.95452848252805,1.5359837377111427,0.0,0.0,0.0,1.893277556989103,0.6688914141906219,0.0,130.0526811914189 +0.9530000000000001,0.0,0.754,0.725,0.0,0.616,0.0,109.94,2023-11-06,richmond/petersburg smm food,90.72987749682416,86.06809383806947,1.7871508897896944,0.0,0.0,0.0,6.054961694680714,0.7329866602678559,0.0,94.64319308280774 +0.0,0.0,0.0,0.712,0.0,0.0,0.0,83.77,2023-11-06,sacramento/stockton/modesto smm food,73.0839582612285,71.58708164797008,0.0,1.619578672276254,0.0,2.0350794404973973,4.976834208684016,0.0,1.3971890182720492,81.6157629876998 +0.0,0.93,0.0,0.0,0.0,0.844,0.967,83.02,2023-11-06,salt lake city smm food,87.31491480120125,83.72480907215119,1.3852834464640116,0.0,0.7104971565958834,0.0,4.059376144697833,0.48482301519959076,0.0,90.36478883510851 +0.9000000000000001,0.747,0.548,0.0,0.0,0.9700000000000001,0.771,79.67,2023-11-06,san diego smm food,84.14291657661798,78.71431295071628,1.2925448056965465,1.357779308585012,0.9200833384825747,0.0,8.935997695622875,0.41333216380575283,0.9419573504334104,92.57600761334245 +0.8170000000000001,0.0,0.859,0.511,0.0,0.0,0.0,82.62,2023-11-06,san francisco/oakland/san jose smm food,92.4288779463698,88.87591304741949,0.0,0.0,0.0,0.0,7.310098035528085,0.479070877731121,0.9376627120575742,97.60274467273626 +0.8170000000000001,0.778,0.8310000000000001,0.0,0.0,0.0,0.87,108.41,2023-11-06,seattle/tacoma smm food,93.70461374593864,88.74475650580376,1.3717590613520896,1.4228226287567494,0.0,2.062410052818127,3.9179679991211023,0.8036557777376268,1.3800104647687046,99.70338249035817 +0.9210000000000002,0.658,0.0,0.0,0.0,0.812,0.686,90.61,2023-11-06,st. louis smm food,92.20276740519618,87.70409353036166,1.4142642717038445,0.9089803994000262,1.0353557385202548,1.2109563612877077,5.911255037294974,0.0,0.0,98.18490533856847 +0.9350000000000002,0.0,0.496,0.0,0.0,0.77,0.771,528.14,2023-11-06,tampa/ft. myers smm food,177.3179059759138,173.25520362076367,0.0,0.0,1.0112533276032853,0.0,1.3757738769362584,0.0,0.0,175.64223082530322 +0.0,0.559,0.0,0.0,0.0,0.98,0.0,30.120000000000005,2023-11-06,tucson/sierra vista smm food,65.03652628940597,63.32224664442017,0.0,0.0,0.803763007535461,0.0,12.553992436621847,0.5464530595046235,1.1065851548404655,78.33304030292257 +0.558,0.861,0.547,0.0,0.0,0.0,0.539,210.62,2023-11-06,washington dc/hagerstown smm food,176.84434191826352,173.02137618365978,0.0,1.6000656762247332,0.0,0.0,0.934816394582429,0.0,0.0,175.55625825446694 +0.658,0.0,0.932,0.0,0.0,0.836,0.562,78.89,2023-11-06,yakima/pasco/richland/kennewick smm food,57.25640465794875,53.51694236690935,1.1341162943854601,0.0,0.0,0.0,1.2770154579104185,0.0,0.9791775496906576,56.90725166889588 +0.0,0.966,0.9490000000000002,0.0,0.0,0.0,0.0,105.38,2023-11-13,albany/schenectady/troy smm food,84.92215105603057,82.35686844083078,1.1978741099130925,1.0667104508164886,0.0,1.1773186845852714,1.7383618912518046,0.0,0.0,87.53713357739744 +0.0,0.0,0.764,0.0,0.0,0.577,0.884,96.88,2023-11-13,albuquerque/santa fe smm food,73.33237582545311,70.79212936171284,0.0,0.0,0.0,1.860583992603509,10.290763480296198,0.6425959286204745,0.9763144574401001,84.56238722067312 +0.0,0.58,0.0,0.0,0.0,0.0,0.9380000000000001,246.56,2023-11-13,atlanta smm food,167.53344924808482,165.2475308400832,0.0,0.9870323836061107,0.0,0.0,3.2020832098571432,0.821733924067103,0.0,170.25838035761353 +0.0,0.932,0.0,0.0,0.0,0.0,0.497,78.1,2023-11-13,baltimore smm food,107.50734897448102,105.28036119021601,0.0,0.0,0.0,1.414884776296228,0.9415695080618142,0.0,0.0,107.63681547457405 +0.8240000000000001,0.795,0.0,0.9380000000000001,0.0,0.905,0.6910000000000001,53.63,2023-11-13,baton rouge smm food,57.21786759555873,50.62824190344196,0.0,0.0,0.8802619639241033,0.0,1.8165714794223808,0.5554921326693617,0.0,53.88056747945781 +0.85,0.0,0.0,0.971,0.0,0.0,0.0,59.17,2023-11-13,birmingham/anniston/tuscaloosa smm food,65.95915017202458,62.27551690355495,0.0,1.3008664034347424,0.0,2.0350794404973973,6.241681746675865,0.5464530595046235,0.0,72.39959755366758 +0.988,0.661,0.0,0.0,0.0,0.911,0.971,244.91,2023-11-13,boston/manchester smm food,188.46663348026215,183.34429136615643,1.5823530580948755,1.0097975456662187,0.8970288584750387,0.0,1.4504277664548686,0.5530269308971604,0.0,188.8369255257446 +0.9630000000000002,0.0,0.0,0.654,0.0,0.0,0.537,66.37,2023-11-13,buffalo smm food,67.96744259266745,63.96319330778341,1.5243914076152096,0.0,0.9221792003014416,0.0,4.34553440879738,0.0,0.8703800441694733,71.62567836866691 +0.745,0.647,0.249,0.789,0.0,0.0,0.756,113.42999999999999,2023-11-13,charlotte smm food,132.59428355634287,127.1008852661048,0.0,0.0,0.7356474984222864,0.0,9.749882387973212,0.6467045982408101,0.0,138.2331197507411 +0.0,0.973,0.0,0.786,0.0,0.0,0.863,200.23,2023-11-13,chicago smm food,181.59290963515127,177.12285569785104,1.1824176697851816,1.1805362611170285,0.0,0.0,3.7026265332689423,0.0,0.0,183.18843616202219 +0.0,0.902,0.891,0.0,0.0,0.0,0.8140000000000001,138.33,2023-11-13,cleveland/akron/canton smm food,134.6567865063937,131.09107465023894,0.0,0.8374327472111154,0.0,0.0,3.4853372974283254,0.0,1.4129360256501156,136.8267807205285 +0.0,0.0,0.929,0.846,0.0,0.0,0.0,169.2,2023-11-13,columbus oh smm food,106.67285466014988,103.92073468964487,1.848976650301338,0.0,0.5952247565582033,0.0,9.280899929756126,0.7494213387491979,1.223971937113322,117.61922930212306 +0.0,0.772,0.0,0.0,0.0,0.992,0.0,161.89,2023-11-13,dallas/ft. worth smm food,107.3476533133076,105.27715718131851,1.0645623138098612,1.523639775022942,0.0,0.5224351662847141,1.0612710348194414,0.0,0.0,109.44906547125548 +0.786,0.0,0.709,0.896,0.0,0.992,0.0,54.4,2023-11-13,des moines/ames smm food,67.36874556915238,62.408297363785806,1.601673608254764,0.0,0.0,1.3896565187694008,4.678014025077441,0.4478449886165712,1.4129360256501156,71.9384225301541 +0.966,0.664,0.0,0.8140000000000001,0.0,0.0,0.0,248.16,2023-11-13,detroit smm food,164.98032411547297,160.32292305294044,1.4393809869116998,0.0,0.9640964366787798,0.0,1.7388386221395655,0.0,0.0,164.46523909867048 +0.9280000000000002,0.0,0.768,0.0,0.0,0.8230000000000001,0.663,138.92,2023-11-13,grand rapids smm food,114.23872640245216,110.01556630860257,1.7581700645498615,0.0,0.0,1.4106800667084234,1.7373694630640677,0.5176923721622749,0.0,115.4394782750872 +0.0,0.0,0.0,0.0,0.0,0.0,0.5630000000000001,62.27,2023-11-13,greensboro smm food,84.37520372440375,83.56924325587181,0.9756877830743736,1.4683529528769654,0.0,0.0,1.6946473993495053,0.5801441503913747,0.9934930109434451,89.28156855250748 +0.86,0.796,0.894,0.598,0.0,0.859,0.0,121.19000000000001,2023-11-13,harrisburg/lancaster smm food,90.88096492033857,85.02510769460987,1.8277240451254606,0.0,0.0,0.0,2.6687375946771543,0.0,0.0,89.52156933441249 +0.8320000000000001,0.0,0.585,0.0,0.0,0.774,0.8280000000000001,162.51,2023-11-13,hartford/new haven smm food,116.65258184534038,112.61073024106035,0.0,0.0,0.5218695928978613,0.0,7.391557283757042,0.0,0.0,120.52415711771525 +0.0,0.0,0.896,0.0,0.0,0.0,0.654,223.83,2023-11-13,houston smm food,169.52161924879863,167.64644198801398,1.5417799027591095,0.980528051588937,0.8530157602788335,1.7239309309998616,3.135977100699396,0.0,0.0,175.88167373434013 +0.0,0.0,0.674,0.0,0.0,0.709,0.0,93.17,2023-11-13,indianapolis smm food,90.31014976092624,89.02123497580452,1.327321795984346,0.0,0.8802619639241033,1.1394762982950306,1.859373886835108,0.0,0.0,94.2276689208431 +0.849,0.0,0.0,0.0,0.0,0.9440000000000001,0.0,101.46,2023-11-13,jacksonville smm food,88.71592152293951,86.29988999004563,0.0,1.5171354430057682,0.0,1.299255262631603,2.532593423825531,0.0,0.0,91.64887411950853 +0.0,0.0,0.8130000000000001,0.669,0.0,0.931,0.0,125.73000000000002,2023-11-13,kansas city smm food,83.51717798140751,80.49370051161102,0.0,0.0,0.0,0.0,1.2311424480850848,0.0,1.1123113393415804,82.83715429903769 +0.517,0.9590000000000001,0.0,0.872,0.0,0.54,0.0,78.69,2023-11-13,knoxville smm food,74.23829413011003,69.4030183864474,1.9185306308769368,1.4537182058383245,0.0,1.9173475720388704,2.656053975785448,0.4585275296294435,1.2096564758605346,79.01685277647695 +0.0,0.0,0.0,0.766,0.0,0.0,0.0,79.81,2023-11-13,las vegas smm food,74.68638823905144,73.0759844669223,1.2635639804567136,1.0780930318465427,0.0,1.9362687651839912,1.2635659026076294,0.0,1.0493233098293158,79.6667994568465 +0.0,0.0,0.0,0.0,0.0,0.0,0.652,28.82,2023-11-13,little rock/pine bluff smm food,58.63693922967401,57.70357115599228,0.0,0.0,0.0,0.0,20.96226553838745,0.6031527002652536,1.130921438970204,80.3999108336152 +0.0,0.585,0.0,0.522,0.0,0.744,0.0,189.94,2023-11-13,los angeles smm food,156.63663399411826,153.9765761946837,1.588149223142842,1.5691700991431579,0.0,1.2277751996389257,0.8601972359435385,0.694365165836702,0.0,159.91623311838887 +0.61,0.664,0.536,0.0,0.0,0.9510000000000001,0.88,66.21,2023-11-13,madison wi smm food,57.28037847226506,52.419185278171575,0.0,1.219562253220071,0.0,1.4190894858840324,5.701850374635334,0.0,1.2354243061155519,61.99511169802656 +0.909,0.0,0.809,0.6920000000000001,0.0,0.0,0.876,158.92,2023-11-13,miami/west palm beach smm food,189.4346923744734,184.12181433608328,1.1688932846732596,0.0,0.0,0.0,2.188434502372965,0.7009390372292389,1.0078084721962324,189.18788963255497 +0.551,0.0,0.9759999999999999,0.0,0.0,0.0,0.0,82.74,2023-11-13,milwaukee smm food,70.24051536144259,68.15317248002567,1.1128636892095827,1.2520839133059394,0.9358023021240766,0.0,4.601878322210173,0.5776789486191735,0.0,76.63347965549463 +0.892,0.609,0.0,0.877,0.0,0.895,0.833,64.38,2023-11-13,minneapolis/st. paul smm food,92.23609501240746,85.75072244988117,1.601673608254764,0.0,0.5449240729053973,0.0,1.2195048193902418,0.0,0.0,89.11682495043156 +0.0,0.0,0.84,0.0,0.0,0.626,0.634,41.44,2023-11-13,mobile/pensacola smm food,69.76870252002132,67.46643487620449,1.0742225888898056,0.9480063915030683,0.0,1.9152452172449683,3.207529540942136,0.5645312058340998,1.3055700662542102,76.48153988687278 +0.0,0.0,0.681,0.0,0.0,0.682,0.873,150.86,2023-11-13,nashville smm food,97.9959711916417,95.47216793873541,0.0,1.5090050279843013,0.0,1.7323403501754708,1.807620057347509,0.0,0.0,100.5211333742427 +0.53,0.0,0.0,0.768,0.0,0.0,0.0,53.36,2023-11-13,new orleans smm food,62.188214956478305,59.54961731628727,1.6924801940062402,1.3805444706451202,0.5983685492865036,1.3413023585096484,23.158942770909867,0.7058694407736414,0.9319365275564592,89.35906162797474 +0.886,0.726,0.0,0.0,0.0,0.0,0.668,550.32,2023-11-13,new york smm food,294.0103754017092,290.1617655847399,0.0,0.0,0.0,1.9888276350315477,1.9849111836835873,0.42730164051489355,0.0,294.56280604396994 +0.887,0.9269999999999999,0.0,0.841,0.0,0.757,0.667,142.29,2023-11-13,norfolk/portsmouth/newport news smm food,108.87602522049852,102.30993924858487,1.7755585596937613,1.5057528619757141,0.8760702402863695,0.0,2.0928256308469178,0.8102296491301635,1.3470849038872934,110.71746109440508 +0.642,0.681,0.0,0.75,0.0,0.973,0.657,39.4,2023-11-13,oklahoma city smm food,59.273824974012356,53.609244119971564,1.0780866989217832,0.0,0.0,0.0,1.131486959978036,0.0,0.0,55.818817778871384 +0.0,0.0,0.0,0.79,0.0,0.0,0.0,65.27,2023-11-13,omaha smm food,62.53709013720175,60.87622985001895,0.0,0.0,0.6287585456600738,0.0,4.732463358943927,0.6746435516590916,0.763014084773568,67.67510939105561 +0.538,0.9000000000000001,0.0,0.562,0.0,0.0,0.607,148.89,2023-11-13,orlando/daytona beach/melborne smm food,137.16877436154547,132.61538216686213,0.0,0.0,0.0,1.7617733172901024,0.6836339875246464,0.42647990659082646,0.8417491216638986,136.3290184999316 +0.509,0.0,0.8310000000000001,0.648,0.0,0.0,0.0,76.21,2023-11-13,paducah ky/cape girardeau mo smm food,58.775830628160556,55.55925813283435,0.0,1.5675440161388643,0.6455254402110091,1.1184527503560078,11.0665010361697,0.49057515266806045,1.3256117120081126,71.77346824038611 +0.752,0.0,0.555,0.724,0.0,0.591,0.555,312.05,2023-11-13,philadelphia smm food,204.5745123840327,199.7377476378349,0.0,0.0,0.9546650584938787,0.0,5.8620115144937985,0.0,0.0,206.5544242108226 +0.0,0.0,0.9129999999999999,0.0,0.0,0.0,0.672,169.22,2023-11-13,phoenix/prescott smm food,118.90172103596728,116.98296111946722,0.0,1.3870488026622938,0.0,0.0,2.5754103056070075,0.0,1.2583290441200117,122.20374927185654 +0.858,0.0,0.0,0.775,0.0,0.65,0.0,124.60000000000001,2023-11-13,pittsburgh smm food,108.37338756848071,104.55223234884438,1.696344304038218,0.0,0.0,0.0,3.594717902623697,0.0,0.927641889180623,110.77093644468692 +0.0,0.612,0.936,0.0,0.0,0.636,0.0,106.92,2023-11-13,portland or smm food,89.39495838480016,86.8963094792362,0.0,0.0,0.647621302029876,0.0,1.755901510274529,0.0,1.0092400183215111,90.30907230986212 +0.0,0.514,0.0,0.0,0.0,0.8140000000000001,0.0,120.04999999999998,2023-11-13,providence ri/new bedford ma smm food,84.75300443620266,83.24830635780522,0.0,0.0,0.0,0.0,3.2561419517573356,0.0,1.3370640810103422,87.8415123905729 +0.96,0.878,0.0,0.0,0.0,0.0,0.0,131.75,2023-11-13,raleigh/durham/fayetteville smm food,128.6126464692203,125.33017277610136,0.0,1.1382581030053995,0.0,0.0,12.506357235829258,0.4659231349460474,0.9806090958159364,140.421320345698 +0.0,0.843,0.759,0.0,0.0,0.0,0.0,479.11,2023-11-13,rem us east north central smm food,308.6198402350042,306.4536727021249,1.3234576859523683,0.0,0.9284667857580423,1.4716483557315894,4.9236525654646925,0.5793224164673075,1.0622072249568244,316.74242773645574 +0.974,0.915,0.91,0.751,0.0,0.643,0.8170000000000001,154.87,2023-11-13,rem us middle atlantic smm food,138.40014447153186,130.80002326169728,0.0,0.0,0.8624471384637347,1.1184527503560078,10.290297189936714,0.44620152076843694,0.9577043578114766,144.47512621903365 +0.0,0.746,0.6920000000000001,0.622,0.0,0.0,0.729,309.54,2023-11-13,rem us mountain smm food,178.2469994487275,173.95751153106124,1.0278532685060728,0.0,0.0,0.0,2.4972802930013236,0.5168706382382078,1.0350078485765284,179.03452357938338 +0.933,0.0,0.0,0.9430000000000001,0.0,0.0,0.0,188.62,2023-11-13,rem us new england smm food,152.00675851362146,148.221630613054,0.0,0.9463803084987749,0.0,0.0,10.375222326979658,0.4281233744389607,0.0,159.9713566229714 +0.0,0.6940000000000001,0.0,0.89,0.0,0.888,0.0,126.05,2023-11-13,rem us pacific smm food,108.84294129813668,105.11364420201244,1.57462483803092,1.2374491662672986,0.0,1.7722850912596138,15.708357754998858,0.0,1.2096564758605346,126.61601752842967 +0.0,0.759,0.0,0.58,0.0,0.615,0.5660000000000001,301.25,2023-11-13,rem us south atlantic smm food,287.44941460774567,283.6802303568146,0.0,1.269970826353167,0.0,1.524207225579146,25.618208796237784,0.0,0.0,312.0926172049847 +0.0,0.971,0.968,0.0,0.0,0.594,0.812,489.64,2023-11-13,rem us south central smm food,403.6751784833691,399.4313293612464,1.8296561001414493,0.0,0.0,0.0,8.879613061384894,0.5850745539357773,1.239718944491388,411.96539202119993 +0.718,0.0,0.639,0.686,0.0,0.608,0.9980000000000001,179.37,2023-11-13,rem us west north central smm food,131.38188448261397,125.95452848252805,1.8586369253812818,0.0,0.0,2.0182606021461793,1.5593770645136642,0.726412788875319,0.9161895201783931,133.0334053836229 +0.9580000000000001,0.0,0.772,0.0,0.0,0.0,0.0,83.7,2023-11-13,richmond/petersburg smm food,88.72800520546943,86.06809383806947,0.0,1.1252494389710521,0.0,2.045591214466909,4.746663487383933,0.0,0.0,93.98559797889136 +0.671,0.0,0.0,0.887,0.0,0.712,0.0,105.59,2023-11-13,sacramento/stockton/modesto smm food,75.3333538198257,71.58708164797008,0.0,0.9967888816318712,1.0269722912447872,1.080610364065767,4.075897177933053,0.44127111722403434,1.1566892692252213,80.36531074929482 +0.513,0.0,0.0,0.5730000000000001,0.0,0.0,0.0,118.37999999999998,2023-11-13,salt lake city smm food,85.92060259225947,83.72480907215119,1.3389141260802793,1.512257193992888,0.8299612802712975,0.0,3.321540342465495,0.0,1.2382873983661093,91.96576941332725 +0.806,0.0,0.846,0.592,0.0,0.0,0.7010000000000001,83.32,2023-11-13,san diego smm food,83.40620671479454,78.71431295071628,0.0,0.0,0.5564513129091654,0.0,7.243140842309974,0.5045446293772012,0.0,87.01844973531261 +0.779,0.0,0.0,0.755,0.0,0.796,0.0,122.20000000000002,2023-11-13,san francisco/oakland/san jose smm food,92.62236197782846,88.87591304741949,0.0,0.9528846405159487,0.0,1.7533638981144932,5.820839695828218,0.0,1.1180375238426954,98.52103880572085 +0.528,0.724,0.0,0.0,0.0,0.0,0.0,101.88,2023-11-13,seattle/tacoma smm food,90.94216564935431,88.74475650580376,0.0,0.0,0.0,0.0,2.9238342634773296,0.0,1.4200937562765092,93.0886845255576 +0.0,0.638,0.9140000000000001,0.0,0.0,0.0,0.861,102.08,2023-11-13,st. louis smm food,90.93190455218804,87.70409353036166,1.7427136244219505,0.0,0.0,1.4548295173803711,4.541602665531556,0.7075129086217756,0.9548412655609191,97.10559351187823 +0.0,0.0,0.67,0.596,0.0,0.862,0.0,174.29,2023-11-13,tampa/ft. myers smm food,175.91865542979565,173.25520362076367,0.0,0.9219890634343737,0.0,1.564151966663289,1.0875881063556403,0.718195449634648,0.0,177.54712820685162 +0.515,0.0,0.661,0.918,0.0,0.0,0.0,52.91,2023-11-13,tucson/sierra vista smm food,66.93989900959224,63.32224664442017,0.0,1.417944379743869,0.6947781929543816,1.307664681807212,10.645281880559176,0.0,0.7945080995297003,78.18242387901451 +0.0,0.0,0.514,0.987,0.0,0.0,0.5750000000000001,166.81,2023-11-13,washington dc/hagerstown smm food,176.45817587472538,173.02137618365978,0.0,0.0,0.0,0.0,0.7283060173282956,0.0,0.0,173.74968220098808 +0.0,0.859,0.0,0.626,0.0,0.9199999999999999,0.0,16.43,2023-11-13,yakima/pasco/richland/kennewick smm food,56.98581697872196,53.51694236690935,0.0,1.4537182058383245,0.0,0.0,0.7133559766498996,0.0,0.0,55.68401654939757 +0.908,0.0,0.0,0.9829999999999999,0.0,0.9000000000000001,0.862,78.54,2023-11-20,albany/schenectady/troy smm food,88.15134244940526,82.35686844083078,0.0,0.0,0.0,0.0,0.8655857095573047,0.44948845646470537,0.9648620884378702,84.63680469529066 +0.711,0.0,0.0,0.808,0.0,0.577,0.726,74.99,2023-11-20,albuquerque/santa fe smm food,75.37796611269303,70.79212936171284,0.0,1.3772923046365333,0.6465733711204426,1.4716483557315894,5.137659330548286,0.0,0.7515617157713381,80.17686443952103 +0.0,0.735,0.8240000000000001,0.806,0.0,0.0,0.81,269.08,2023-11-20,atlanta smm food,170.160247242973,165.2475308400832,1.5379157927271316,0.0,0.0,1.8311510254888774,2.095474123948488,0.0,0.0,170.71207178224768 +0.0,0.0,0.0,0.836,0.0,0.0,0.779,130.44,2023-11-20,baltimore smm food,108.15310422951045,105.28036119021601,0.0,0.0,0.911699891207107,0.0,0.6713839033560054,0.0,0.7257938855163207,107.58923887029545 +0.0,0.0,0.0,0.685,0.0,0.0,0.584,45.59,2023-11-20,baton rouge smm food,52.904377874427794,50.62824190344196,0.0,0.0,0.0,1.572561385838898,1.0282346481241529,0.0,0.0,53.22903793740501 +0.0,0.873,0.897,0.9570000000000001,0.0,0.655,0.612,36.95,2023-11-20,birmingham/anniston/tuscaloosa smm food,68.06137687876392,62.27551690355495,1.2094664400090256,0.0,0.0,0.0,3.698924900551063,0.0,0.0,67.18390824411505 +0.663,0.5,0.617,0.769,0.0,0.905,0.0,318.45,2023-11-20,boston/manchester smm food,188.44523875281578,183.34429136615643,1.6654314237823962,0.0,0.0,0.0,0.8282330016080485,0.8077644473579622,0.0,186.64572023890483 +0.0,0.886,0.885,0.726,0.0,0.0,0.704,87.97,2023-11-20,buffalo smm food,68.86543975700529,63.96319330778341,1.3118653558564353,0.0,0.7408871529694536,1.4043730023267165,2.367590266903714,0.0,0.0,69.78790908583973 +0.9380000000000001,0.0,0.0,0.9980000000000001,0.0,0.0,0.643,153.46,2023-11-20,charlotte smm food,131.93178711397104,127.1008852661048,0.0,0.0,0.0,1.4359083242352506,4.898485206606112,0.0,0.0,133.43527879694616 +0.0,0.0,0.844,0.0,0.0,0.0,0.995,237.68,2023-11-20,chicago smm food,179.4316977800652,177.12285569785104,1.7601021195658504,0.0,0.0,0.0,2.000226016480878,0.6047961681133878,0.7916450072791428,182.2796250092903 +0.8230000000000001,0.0,0.0,0.994,0.0,0.9630000000000002,0.9759999999999999,172.84,2023-11-20,cleveland/akron/canton smm food,136.9594153806853,131.09107465023894,0.0,0.0,0.0,0.0,1.6587434036806736,0.5382357202639525,0.7572879002724531,134.045341674456 +0.0,0.602,0.607,0.0,0.0,0.0,0.758,202.98,2023-11-20,columbus oh smm food,106.6208426832169,103.92073468964487,1.4046039966239003,0.0,0.0,1.7701827364657114,4.640864527926149,0.46674486887011457,0.0,112.20313081953074 +0.0,0.868,0.608,0.0,0.0,0.687,0.8210000000000001,223.64,2023-11-20,dallas/ft. worth smm food,109.0655697966687,105.27715718131851,0.0,1.0764669488422491,0.0,0.0,0.5274870175372368,0.0,1.3141593430058827,108.19527049070388 +0.0,0.0,0.6990000000000001,0.878,0.0,0.711,0.919,89.22,2023-11-20,des moines/ames smm food,66.88651228766885,62.408297363785806,0.0,1.4878659489284864,0.0,1.6293249652742594,2.516178916225138,0.0,1.361400365140081,69.40306755935377 +0.0,0.0,0.5750000000000001,0.0,0.0,0.0,0.992,324.05,2023-11-20,detroit smm food,162.34557708214118,160.32292305294044,0.0,0.0,0.0,1.866891056985216,0.8169081035447033,0.0,1.229698121614437,164.2364203350848 +0.6960000000000001,0.8140000000000001,0.0,0.741,0.0,0.555,0.854,225.40000000000003,2023-11-20,grand rapids smm food,115.92035578635254,110.01556630860257,1.0413776536179948,0.0,0.7838523202562253,1.6923956090913277,1.0451888613721823,0.0,1.31702243525644,115.89540318819674 +0.0,0.0,0.0,0.86,0.0,0.988,0.0,86.6,2023-11-20,greensboro smm food,86.18914149560607,83.56924325587181,1.7755585596937613,1.5220136920186484,0.0,1.8353557350766818,0.8968321857131799,0.0,0.9319365275564592,90.53093995593053 +0.852,0.887,0.9910000000000001,0.875,0.0,0.793,0.0,101.88,2023-11-20,harrisburg/lancaster smm food,91.64324917073891,85.02510769460987,0.0,0.0,0.0,1.2130587160816098,1.5986838540731845,0.0,0.0,87.83685026476466 +0.541,0.0,0.0,0.0,0.0,0.602,0.0,173.56,2023-11-20,hartford/new haven smm food,114.15065582699872,112.61073024106035,1.3215256309363794,1.5642918501302774,0.8372967966373317,0.0,4.045498102904687,0.44948845646470537,0.9748829113148214,121.80371398944855 +0.9759999999999999,0.0,0.0,0.0,0.0,0.889,0.0,273.61,2023-11-20,houston smm food,170.26264914211475,167.64644198801398,0.0,0.0,0.0,0.0,1.5325130315885704,0.6278047179872667,0.0,169.8067597375898 +0.0,0.515,0.859,0.68,0.0,0.882,0.0,157.78,2023-11-20,indianapolis smm food,92.9132109550997,89.02123497580452,1.8895498056371038,1.3594053915893056,0.5554033819997319,0.0,1.0450170205286344,0.8200904562189689,0.0,94.69070103177826 +0.582,0.85,0.0,0.966,0.0,0.0,0.578,79.59,2023-11-20,jacksonville smm food,91.66482495432126,86.29988999004563,1.1592330095933152,1.307370735451916,0.732503705693986,0.0,1.2223374322119018,0.0,1.0765226862096118,91.79785755920636 +0.0,0.8270000000000001,0.652,0.753,0.0,0.0,0.8310000000000001,115.1,2023-11-20,kansas city smm food,85.29441009902735,80.49370051161102,1.8760254205251818,0.8748326563098642,0.0,0.0,0.6090628399531719,0.0,1.0550494943304307,84.90867092272967 +0.964,0.0,0.852,0.0,0.0,0.0,0.61,123.44,2023-11-20,knoxville smm food,73.03159969311798,69.4030183864474,0.0,0.0,0.828913349361864,0.0,1.408651882003985,0.0,0.0,71.64058361781325 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,113.98999999999998,2023-11-20,las vegas smm food,73.0759844669223,73.0759844669223,1.7871508897896944,0.0,0.9536171275844453,0.0,0.6876435047896551,0.0,0.0,76.5043959890861 +0.641,0.0,0.793,0.873,0.0,0.592,0.0,77.84,2023-11-20,little rock/pine bluff smm food,62.09484985054627,57.70357115599228,1.120591909273538,1.3057446524476226,0.5973206183770702,1.1226574599438124,11.917206303398876,0.7223041192549835,0.7816241844021916,75.27102040309038 +0.0,0.0,0.612,0.0,0.0,0.0,0.6950000000000001,242.67,2023-11-20,los angeles smm food,155.6128344683257,153.9765761946837,1.379487281416045,0.0,0.0,0.0,0.4065379658363726,0.0,1.2912546050014226,157.05385604693754 +0.746,0.0,0.0,0.0,0.0,0.0,0.9460000000000001,69.28,2023-11-20,madison wi smm food,55.21474095461296,52.419185278171575,1.4277886568157665,1.596813510216146,0.0,1.7449544789388844,3.58009239870914,0.0,0.0,60.76883432285151 +0.0,0.535,0.0,0.0,0.0,0.0,0.603,180.62,2023-11-20,miami/west palm beach smm food,185.85499105692335,184.12181433608328,1.5031388024393322,0.0,0.5847454474638687,1.1710116202035645,1.0854518270316291,0.0,1.4172306640259515,189.88339269724761 +0.0,0.0,0.551,0.0,0.0,0.955,0.623,97.35,2023-11-20,milwaukee smm food,70.40719154465626,68.15317248002567,0.0,0.0,0.8645430002826016,0.0,2.178035360506698,0.543166123808355,0.0,71.73891696462333 +0.0,0.0,0.0,0.834,0.0,0.0,0.996,113.15,2023-11-20,minneapolis/st. paul smm food,88.9299062887733,85.75072244988117,0.0,0.8520674942497561,0.0,1.5851755146023117,0.7080871223771941,0.7633908154583388,1.175299368853845,90.83474276542262 +0.0,0.592,0.723,0.873,0.0,0.0,0.0,81.42,2023-11-20,mobile/pensacola smm food,71.02208579734327,67.46643487620449,0.0,0.0,0.7566061166109554,1.368632970830378,1.6735258957834047,0.0,0.0,71.26519985942923 +0.0,0.0,0.0,0.665,0.0,0.0,0.0,119.14,2023-11-20,nashville smm food,96.87023387668042,95.47216793873541,0.0,0.0,0.0,1.0616891709206464,1.2068987951922197,0.0,0.921915704679508,98.66267160952779 +0.639,0.0,0.0,0.0,0.0,0.52,0.0,97.64,2023-11-20,new orleans smm food,61.21150211201905,59.54961731628727,1.8006752749016164,1.4325791267825099,0.8896933421090044,1.238286973608437,14.051619093979596,0.0,0.0,78.96247112766844 +0.0,0.653,0.539,0.8310000000000001,0.0,0.988,0.0,464.20000000000005,2023-11-20,new york smm food,294.3473624974392,290.1617655847399,0.0,1.0097975456662187,0.0,1.6440414488315753,1.2284016446816013,0.414975631653887,1.3628319112653597,295.82181376683855 +0.0,0.744,0.769,0.632,0.0,0.0,0.0,157.22,2023-11-20,norfolk/portsmouth/newport news smm food,105.65429210287974,102.30993924858487,0.0,0.0,0.8708305857392022,0.0,1.0304468179507222,0.0,0.0,104.2112166522748 +0.0,0.538,0.623,0.523,0.0,0.0,0.659,64.7,2023-11-20,oklahoma city smm food,57.17985818662804,53.609244119971564,0.0,1.5691700991431579,0.0,2.081331245963247,0.5337165922167288,0.6310916536835351,1.2597605902452904,59.68431430122352 +0.0,0.0,0.0,0.783,0.0,0.8260000000000001,0.546,94.94,2023-11-20,omaha smm food,63.982750059326044,60.87622985001895,1.6074697733027306,0.9301194784558408,0.6706757820374121,1.858481637809607,2.6847332612595047,0.4478449886165712,0.0,69.07555477150062 +0.783,0.812,0.96,0.9700000000000001,0.0,0.0,0.0,150.27,2023-11-20,orlando/daytona beach/melborne smm food,138.49385846700898,132.61538216686213,1.4818861972634547,0.0,0.684298883860047,1.8858122501303365,0.32502500379690347,0.8094079152060965,0.7214992471404845,138.52331166425947 +0.0,0.0,0.0,0.854,0.0,0.0,0.556,72.02,2023-11-20,paducah ky/cape girardeau mo smm food,58.15060877248187,55.55925813283435,0.0,1.6179525892719606,0.0,1.9593946679169159,6.242722812149767,0.0,1.0879750552118417,66.46730325738484 +0.672,0.6960000000000001,0.9570000000000001,0.0,0.0,0.0,0.0,289.17,2023-11-20,philadelphia smm food,203.17071225989545,199.7377476378349,0.0,0.8699544072969839,0.7052575020487162,0.0,2.909804869008432,0.6803956891275613,1.1209006160932529,206.02406072140985 +0.0,0.0,0.842,0.0,0.0,0.0,0.745,205.5,2023-11-20,phoenix/prescott smm food,118.93182080854285,116.98296111946722,1.2539037053767694,0.85857182626693,0.603608203833671,1.4989789680523187,1.2813339996019122,0.7707864207749426,0.0,123.25014424337377 +0.885,0.0,0.918,0.978,0.0,0.909,0.677,133.45,2023-11-20,pittsburgh smm food,110.99631746508156,104.55223234884438,1.0201250484421174,0.0,0.0,0.0,1.6967657268665748,0.0,1.103722062589908,108.37284518674298 +0.533,0.749,0.0,0.0,0.0,0.8160000000000001,0.0,150.68,2023-11-20,portland or smm food,89.81456585501279,86.8963094792362,0.0,0.0,0.0,1.345507068097453,1.0646072861613363,0.0,0.9849037341917726,90.29132756768675 +0.0,0.9689999999999999,0.0,0.0,0.0,0.0,0.0,140.48,2023-11-20,providence ri/new bedford ma smm food,84.82398078896556,83.24830635780522,1.831588155157438,0.0,0.5354926947204962,2.007748828176668,1.98315782290264,0.42072776912235677,0.0,90.02702162788482 +0.651,0.653,0.537,0.0,0.0,0.0,0.743,135.55,2023-11-20,raleigh/durham/fayetteville smm food,129.2761504627616,125.33017277610136,1.0066006633301954,0.0,0.8666388621014685,1.7870015748169297,6.208757350617452,0.73463012811599,0.0,135.9338013550834 +0.0,0.9840000000000001,0.0,0.78,0.0,0.551,0.0,695.56,2023-11-20,rem us east north central smm food,310.14635050975437,306.4536727021249,0.0,0.0,0.0,0.0,2.6250230586642314,0.6713566159628231,1.1194690699679741,310.86952144671994 +0.0,0.0,0.0,0.999,0.0,0.9129999999999999,0.0,237.39,2023-11-20,rem us middle atlantic smm food,133.65051877347892,130.80002326169728,1.3408461810962682,1.4537182058383245,1.0206847057881865,1.5305142899608526,5.072901941732117,0.0,0.0,141.21868858611302 +0.912,0.0,0.596,0.53,0.0,0.91,0.666,305.46,2023-11-20,rem us mountain smm food,179.15954815877032,173.95751153106124,1.1727573947052372,1.048823537769261,0.0,1.2277751996389257,1.3317343406937383,0.0,0.9748829113148214,179.71348491518322 +0.972,0.0,0.746,0.0,0.0,0.673,0.0,233.31,2023-11-20,rem us new england smm food,151.4343714779297,148.221630613054,1.232651100200892,0.0,0.0,0.0,5.947330084835614,0.0,0.0,155.4016117980905 +0.0,0.0,0.986,0.0,0.0,0.0,0.881,148.21,2023-11-20,rem us pacific smm food,107.4080962150844,105.11364420201244,1.4277886568157665,1.3903009686708807,0.7744209420713243,1.400168292738912,8.783516406978302,0.0,0.0,118.88983946928762 +0.872,0.0,0.0,0.0,0.0,0.0,0.0,349.78,2023-11-20,rem us south atlantic smm food,285.36498233075685,283.6802303568146,0.0,1.1219972729624652,0.6664840583996783,0.0,13.872008016550405,0.0,0.0,299.3407197047272 +0.0,0.0,0.0,0.0,0.0,0.0,0.629,674.62,2023-11-20,rem us south central smm food,400.33177187404675,399.4313293612464,0.0,0.0,0.0,1.221468135257219,4.3923916548592326,0.0,1.2826653282497502,406.3278544796126 +0.0,0.978,0.0,0.903,0.0,0.6910000000000001,0.0,210.47,2023-11-20,rem us west north central smm food,130.01108218115112,125.95452848252805,0.0,0.9480063915030683,0.8320571420901643,1.5284119351669503,0.8954256015119398,0.4560623278572422,0.7529932618966169,131.36748514255402 +0.9910000000000001,0.648,0.8170000000000001,0.894,0.0,0.676,0.601,110.81,2023-11-20,richmond/petersburg smm food,93.18797823841422,86.06809383806947,1.3891475564959894,1.2488317472973525,0.7052575020487162,1.656655577594989,2.739067078529238,0.518514106086342,0.0,94.3255674061221 +0.893,0.522,0.772,0.78,0.0,0.0,0.0,67.97,2023-11-20,sacramento/stockton/modesto smm food,76.61006150681573,71.58708164797008,0.0,0.0,0.622470960203473,1.4632389365559801,1.823028856420363,0.0,0.7572879002724531,76.25310830142234 +0.543,0.0,0.0,0.0,0.0,0.0,0.0,152.83,2023-11-20,salt lake city smm food,84.77391494583314,83.72480907215119,0.0,0.8813369883270379,0.9515212657655784,1.198342232524294,1.9621818372415334,0.0,0.0,88.71819139600963 +0.593,0.0,0.726,0.725,0.0,0.0,0.904,80.51,2023-11-20,san diego smm food,83.43914433827749,78.71431295071628,1.518595242567243,0.0,0.9525691966750118,1.4527271625864688,3.743741021813405,0.41661909950202125,1.2354243061155519,88.03398897997599 +0.713,0.0,0.6950000000000001,0.704,0.0,0.8280000000000001,0.759,97.5,2023-11-20,san francisco/oakland/san jose smm food,94.22877722899713,88.87591304741949,0.0,0.0,0.0,1.6019943529535299,2.554846889650119,0.0,1.3628319112653597,94.3955862012885 +0.805,0.0,0.768,0.0,0.0,0.0,0.0,171.89,2023-11-20,seattle/tacoma smm food,91.10487173211968,88.74475650580376,1.365962896304123,1.5187615260100615,1.0143971203315858,0.0,1.4731012122642193,0.4618144653257119,1.0894066013371204,95.66820032737658 +0.0,0.668,0.0,0.0,0.0,0.86,0.0,129.09,2023-11-20,st. louis smm food,89.49700815192737,87.70409353036166,1.7678303396298058,0.0,0.0,0.0,2.5340835050260972,0.0,0.0,92.00600737501756 +0.0,0.981,0.0,0.841,0.0,0.0,0.52,176.16,2023-11-20,tampa/ft. myers smm food,177.36287541479226,173.25520362076367,1.7504418444859058,1.1203711899581719,0.0,1.6061990625413345,0.5563643727921341,0.5275531792510801,1.1667100921021725,179.98284336189445 +0.0,0.0,0.0,0.592,0.0,0.748,0.0,35.65,2023-11-20,tucson/sierra vista smm food,65.18149765761251,63.32224664442017,1.5282555176471873,0.0,0.0,1.135271588707226,5.084632413706888,0.0,0.0,71.07040616448147 +0.0,0.0,0.631,0.598,0.0,0.0,0.9339999999999999,267.73,2023-11-20,washington dc/hagerstown smm food,176.2768928352762,173.02137618365978,0.0,1.2211883362243643,0.0,1.080610364065767,0.3623447116760449,0.6467045982408101,1.3055700662542102,177.63779426012098 +0.91,0.53,0.7010000000000001,0.888,0.0,0.0,0.0,62.61999999999999,2023-11-20,yakima/pasco/richland/kennewick smm food,58.73842704823279,53.51694236690935,0.0,0.0,0.5857933783733021,2.079228891169345,0.8272785917583312,0.8184469883708346,1.1466684463482701,58.97435866292943 +0.607,0.0,0.0,0.904,0.0,0.0,0.613,163.79,2023-11-27,albany/schenectady/troy smm food,86.30769234401953,82.35686844083078,0.0,0.0,0.0,0.0,1.0509226172802562,0.0,0.0,83.40779105811103 +0.775,0.743,0.0,0.72,0.0,0.6960000000000001,0.854,108.14,2023-11-27,albuquerque/santa fe smm food,76.8058143250426,70.79212936171284,0.0,1.4195704627481625,0.0,0.0,6.040025425338992,0.0,1.020692387323741,79.27241763712374 +0.0,0.0,0.862,0.55,0.0,0.0,0.598,320.36,2023-11-27,atlanta smm food,168.16320700357775,165.2475308400832,0.0,0.0,0.0,0.0,2.21265102631971,0.0,0.0,167.4601818664029 +0.645,0.624,0.802,0.0,0.0,0.6970000000000001,0.65,204.3,2023-11-27,baltimore smm food,109.88490658607951,105.28036119021601,0.0,0.0,0.9798154003202818,1.1037362667986919,0.6321040697985395,0.6886130283682322,1.2855284205003077,109.97015837600206 +0.0,0.6930000000000001,0.0,0.0,0.0,0.0,0.0,67.66,2023-11-27,baton rouge smm food,51.75511742541731,50.62824190344196,0.0,1.611448257254787,0.720976465690218,1.929961700802284,1.1481112961867697,0.725591054951252,1.3900312876456558,58.154361965972925 +0.0,0.532,0.794,0.627,0.0,0.0,0.0,41.64,2023-11-27,birmingham/anniston/tuscaloosa smm food,65.29082665970594,62.27551690355495,0.0,0.9496324745073618,0.9515212657655784,0.0,4.451331584056494,0.5785006825432405,1.2798022359991927,70.48630514642682 +0.0,0.654,0.807,0.0,0.0,0.559,0.996,400.26,2023-11-27,boston/manchester smm food,187.13859909920825,183.34429136615643,0.0,0.0,0.6203750983846061,1.618813191304748,0.9457157344923988,0.0,1.4014836566478857,187.93067904698606 +0.676,0.584,0.604,0.0,0.0,0.738,0.0,100.51,2023-11-27,buffalo smm food,67.45828487835858,63.96319330778341,1.3756231713840674,1.0406931227477938,0.0,1.524207225579146,2.8452195861558685,0.7066911746977086,1.4301145791534604,72.88574216750146 +0.0,0.616,0.643,0.0,0.0,0.753,0.0,286.1,2023-11-27,charlotte smm food,129.3951376163378,127.1008852661048,1.0626302587938723,0.9008499843785591,0.0,0.0,6.303444670601478,0.0,0.0,135.36781017987872 +0.0,0.679,0.0,0.0,0.0,0.0,0.8250000000000001,329.41,2023-11-27,chicago smm food,179.40799161112122,177.12285569785104,1.7388495143899731,1.4455877908168573,0.0,0.0,2.233725441034638,0.44537978684436985,0.0,182.98639823093689 +0.0,0.0,0.0,0.795,0.0,0.0,0.0,225.97999999999996,2023-11-27,cleveland/akron/canton smm food,132.76244671139125,131.09107465023894,0.0,1.3024924864390357,0.0,0.0,2.004544616885133,0.0,0.0,134.39811175356311 +0.793,0.868,0.8310000000000001,0.0,0.0,0.0,0.87,149.49,2023-11-27,columbus oh smm food,108.98057007978244,103.92073468964487,0.0,1.4049357157095217,0.6455254402110091,2.062410052818127,5.920832202028199,0.0,0.0,113.95443810041174 +0.0,0.6990000000000001,0.0,0.888,0.0,0.773,0.0,237.29999999999998,2023-11-27,dallas/ft. worth smm food,108.9158805816087,105.27715718131851,1.9050062457650148,0.9447542254944815,0.0,0.0,0.6614060682916375,0.6269829840631996,0.7945080995297003,110.20981480446255 +0.677,0.0,0.623,0.0,0.0,0.908,0.64,105.73,2023-11-27,des moines/ames smm food,66.03148348941863,62.408297363785806,0.0,0.9691454705588829,0.0,1.8731981213669229,2.906697877917188,0.7149085139383796,0.768740269274683,69.64098761684187 +0.0,0.0,0.6940000000000001,0.0,0.0,0.0,0.0,326.81,2023-11-27,detroit smm food,161.05018710408723,160.32292305294044,1.3988078315759338,1.5301441070401154,0.9096040293882401,0.0,1.0687870641969357,0.0,1.2483082212430605,166.47857430638473 +0.0,0.65,0.0,0.0,0.0,0.0,0.9210000000000002,216.46,2023-11-27,grand rapids smm food,112.39097424277503,110.01556630860257,0.0,0.0,0.973527814863681,0.0,1.2030324753091952,0.5645312058340998,1.278370689873914,114.03502849448347 +0.743,0.0,0.892,0.6900000000000001,0.0,0.0,0.49900000000000005,171.62,2023-11-27,greensboro smm food,88.10448082827281,83.56924325587181,1.7543059545178838,0.0,0.0,1.5136954516096346,1.1079940119458354,0.0,1.059344132706267,89.00458280665143 +0.8989999999999999,0.974,0.63,0.724,0.0,0.843,0.0,124.65,2023-11-27,harrisburg/lancaster smm food,91.22085304188253,85.02510769460987,0.0,0.0,0.9756236766825479,0.0,1.8095149493457146,0.0,0.0,87.81024632063813 +0.875,0.0,0.846,0.0,0.0,0.0,0.763,230.19000000000003,2023-11-27,hartford/new haven smm food,116.28009762301899,112.61073024106035,0.0,1.1089886089281178,0.0,1.55574254748768,4.910122596038847,0.4141538977298199,0.0,120.59973789124481 +0.0,0.6990000000000001,0.0,0.0,0.0,0.0,0.0,341.92,2023-11-27,houston smm food,168.78307400801506,167.64644198801398,0.0,0.0,0.0,0.0,1.8754886886063995,0.0,0.9634305423125915,170.48536121893298 +0.0,0.741,0.807,0.737,0.0,0.5630000000000001,0.78,159.74,2023-11-27,indianapolis smm food,94.20052038597191,89.02123497580452,1.6577032037184407,1.3138750674690898,0.0,0.0,1.1947792430286954,0.5448095916564893,1.0636387710821031,94.79604085275933 +0.0,0.685,0.848,0.0,0.0,0.0,0.937,97.99,2023-11-27,jacksonville smm food,89.64376097857237,86.29988999004563,1.64224676359053,0.0,0.0,0.0,1.5193813380475374,0.5653529397581669,0.7014576013865822,90.72832863282845 +0.888,0.0,0.0,0.542,0.0,0.0,0.769,132.69,2023-11-27,kansas city smm food,84.44970063444352,80.49370051161102,0.0,0.0,1.0039178112372513,1.360223551654769,0.7546391282477468,0.502901161529067,0.0,84.11538216427986 +0.579,0.656,0.678,0.0,0.0,0.9470000000000001,0.919,97.52,2023-11-27,knoxville smm food,74.39265876334002,69.4030183864474,1.8760254205251818,0.0,0.0,1.0785080092718646,1.7065043577767922,0.5316618488714157,1.382873557019262,75.97859157991192 +0.0,0.0,0.0,0.0,0.0,0.891,0.626,116.18000000000002,2023-11-27,las vegas smm food,74.70429726769058,73.0759844669223,0.0,1.4081878817181084,0.0,1.843765154252291,0.7582132389781961,0.526731445327013,0.0,77.61288218719791 +0.5660000000000001,0.0,0.892,0.8270000000000001,0.0,0.0,0.67,51.58,2023-11-27,little rock/pine bluff smm food,62.42965198475055,57.70357115599228,0.0,1.1008581939066506,0.0,0.0,13.869945758199043,0.0,0.9004425128003269,73.5748176208983 +0.745,0.55,0.5720000000000001,0.635,0.0,0.0,0.611,341.77,2023-11-27,los angeles smm food,159.11938929082595,153.9765761946837,0.0,0.0,0.0,0.0,0.534878209591115,0.0,0.0,154.51145440427482 +0.789,0.846,0.0,0.0,0.0,0.897,0.0,68.19,2023-11-27,madison wi smm food,56.05633823730722,52.419185278171575,1.3022050807764909,0.8959717353656788,0.0,1.1710116202035645,4.01474893250456,0.0,0.0,59.803122647021866 +0.0,0.5700000000000001,0.5750000000000001,0.986,0.0,0.885,0.0,260.2,2023-11-27,miami/west palm beach smm food,188.4513982710418,184.12181433608328,1.1495727345133708,1.5252658580272354,0.9578088512221793,0.0,1.329300529890156,0.0,0.0,189.08376230973622 +0.9500000000000001,0.0,0.895,0.955,0.0,0.0,0.0,151.04,2023-11-27,milwaukee smm food,72.93427173733471,68.15317248002567,1.1302521843534823,0.8992239013742657,0.8519678293694001,0.0,2.889493023542954,0.6639610106462193,0.9147579740531143,75.50282840336511 +0.0,0.5670000000000001,0.658,0.988,0.0,0.0,0.79,172.9,2023-11-27,minneapolis/st. paul smm food,90.5702980270684,85.75072244988117,0.0,0.9252412294429605,0.0,1.8269463159010728,0.8021832719364488,0.0,0.9176210663036718,90.22271433346532 +0.877,0.0,0.8210000000000001,0.0,0.0,0.0,0.875,75.17,2023-11-27,mobile/pensacola smm food,71.27380126149048,67.46643487620449,0.0,1.557787518113104,0.6748675056751459,0.0,2.0355636195748223,0.5563138665934287,0.960567450062034,73.25153483622302 +0.0,0.0,0.0,0.0,0.0,0.0,0.91,119.1,2023-11-27,nashville smm food,96.77487491273907,95.47216793873541,0.0,0.8146675851510073,0.0,2.100252439108368,1.2281129821752657,0.0,1.3628319112653597,100.9780328564354 +0.519,0.0,0.0,0.0,0.0,0.796,0.8190000000000001,115.6,2023-11-27,new orleans smm food,62.378890349746186,59.54961731628727,0.0,1.0520757037778479,0.0,0.0,16.354370918035833,0.6647827445702864,0.7444039851449444,78.36525066781618 +0.0,0.0,0.0,0.0,0.0,0.523,0.854,701.65,2023-11-27,new york smm food,291.814072818015,290.1617655847399,1.7427136244219505,0.0,0.0,1.9867252802376454,1.3516899219928047,0.4116886959576186,0.0,295.65458310734994 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,178.9,2023-11-27,norfolk/portsmouth/newport news smm food,102.30993924858487,102.30993924858487,0.0,1.5512831860959302,0.0,0.0,1.2389151751295029,0.0,1.1838886456055173,106.28402625541582 +0.0,0.774,0.0,0.524,0.0,0.0,0.0,44.37,2023-11-27,oklahoma city smm food,55.96946627729946,53.609244119971564,1.545644012791087,0.0,0.0,2.0203629569400814,0.6749732135425924,0.6508132678611456,1.0679334094579394,59.56897098056441 +0.595,0.5670000000000001,0.655,0.586,0.0,0.0,0.0,76.16,2023-11-27,omaha smm food,64.86616630287233,60.87622985001895,1.3157294658884129,0.9480063915030683,0.9179874766637077,1.8710957665730206,3.128776397331225,0.4108669620335515,0.0,69.46869231001193 +0.671,0.0,0.498,0.81,0.0,0.961,0.979,221.58,2023-11-27,orlando/daytona beach/melborne smm food,138.3277380162257,132.61538216686213,0.0,0.0,0.0,0.0,0.39373703352447903,0.0,1.3198855275069976,134.32900472789362 +0.714,0.75,0.0,0.765,0.0,0.9199999999999999,0.0,56.84,2023-11-27,paducah ky/cape girardeau mo smm food,60.52260429494745,55.55925813283435,0.0,0.0,0.0,0.0,6.962475900799008,0.6738218177350245,1.1051536087151868,64.30070946008357 +0.0,0.812,0.658,0.583,0.0,0.0,0.597,414.4,2023-11-27,philadelphia smm food,203.8279714573648,199.7377476378349,1.9146665208449591,0.9382498934773078,0.0,1.8311510254888774,3.73617506118742,0.48893168481992627,1.1939094684824685,209.84083129213587 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,198.79,2023-11-27,phoenix/prescott smm food,116.98296111946722,116.98296111946722,1.0220571034581063,0.0,0.0,0.0,1.5571939902064968,0.48564474912365785,1.1609839076010575,121.20884086985654 +0.557,0.0,0.0,0.887,0.0,0.0,0.734,181.78,2023-11-27,pittsburgh smm food,108.54393055089609,104.55223234884438,1.84511254026936,0.0,0.9515212657655784,1.9951346994132548,2.2721359301025386,0.41004522810948446,0.0,112.0261820125046 +0.0,0.78,0.9210000000000002,0.0,0.0,0.0,0.905,141.89,2023-11-27,portland or smm food,90.42534783355055,86.8963094792362,1.711800744166129,1.239075249271592,0.93685023303351,0.521383988887763,1.1917870376668045,0.0,1.239718944491388,93.73692567675339 +0.0,0.672,0.0,0.594,0.0,0.0,0.0,149.69,2023-11-27,providence ri/new bedford ma smm food,85.58983288426835,83.24830635780522,0.0,1.3057446524476226,0.7104971565958834,1.5073883872279277,2.2899172236264387,0.7510648065973322,1.0192608411984623,90.8321794254989 +0.862,0.726,0.751,0.8140000000000001,0.0,0.89,0.647,263.68,2023-11-27,raleigh/durham/fayetteville smm food,132.33200691169685,125.33017277610136,0.0,0.0,0.0,1.2551058119596552,7.634869758406123,0.0,1.0121031105720686,135.2322514570392 +0.0,0.713,0.5650000000000001,0.778,0.0,0.0,0.0,655.48,2023-11-27,rem us east north central smm food,309.8407828776719,306.4536727021249,0.0,0.9935367156232844,0.0,2.08343360075715,3.0951632306176244,0.0,0.0,312.62580624912295 +0.0,0.0,0.0,0.0,0.0,0.685,0.77,257.88,2023-11-27,rem us middle atlantic smm food,132.46520151614789,130.80002326169728,0.0,1.1642754310740941,0.7188806038713511,0.0,6.53943190846576,0.0,1.196772560733026,140.4193837658415 +0.5730000000000001,0.0,0.0,0.0,0.0,0.0,0.0,376.61,2023-11-27,rem us mountain smm food,175.06457905522288,173.95751153106124,1.9223947409089144,0.0,0.0,0.0,1.6094356010535857,0.0,0.0,177.48934187302373 +0.0,0.9450000000000001,0.0,0.771,0.0,0.0,0.498,274.47,2023-11-27,rem us new england smm food,152.09210456859876,148.221630613054,1.0606982037778836,0.0,0.0,1.9152452172449683,6.709981605161894,0.0,0.0,157.90755563923875 +0.0,0.0,0.0,0.912,0.0,0.0,0.0,199.26,2023-11-27,rem us pacific smm food,107.0309917740513,105.11364420201244,0.0,1.2472056642930591,0.0,0.0,10.08020626636426,0.7083346425458428,1.3141593430058827,118.46355011822149 +0.684,0.0,0.0,0.616,0.0,0.682,0.0,558.66,2023-11-27,rem us south atlantic smm food,286.8572290770085,283.6802303568146,1.7040725241021735,0.0,0.0,2.098150084314466,16.180449604533525,0.4609927314016448,1.3427902655114574,305.4666855666779 +0.0,0.0,0.598,0.0,0.0,0.778,0.9070000000000001,883.76,2023-11-27,rem us south central smm food,401.99571337363966,399.4313293612464,0.0,0.0,0.0,1.9341664103900884,5.392509515268263,0.5242662435548118,0.0,407.2822715304596 +0.54,0.0,0.619,0.0,0.0,0.0,0.0,196.56,2023-11-27,rem us west north central smm food,127.64650742410134,125.95452848252805,0.0,0.9984149646361646,0.0,1.6629626419766959,1.0012055225203873,0.7198389174827822,0.0,130.33695052914408 +0.781,0.765,0.0,0.0,0.0,0.0,0.0,133.09,2023-11-27,richmond/petersburg smm food,88.82098230384123,86.06809383806947,0.0,0.0,0.780708527527925,1.9720087966803295,3.126035229330623,0.0,0.0,91.94684639160835 +0.0,0.0,0.0,0.0,0.0,0.0,0.597,68.13,2023-11-27,sacramento/stockton/modesto smm food,72.44171468476151,71.58708164797008,0.0,0.0,0.828913349361864,1.8290486706949751,2.4309669627815085,0.7765385582434123,0.8718115902947521,78.32436077934659 +0.835,0.0,0.9339999999999999,0.0,0.0,0.0,0.739,89.11,2023-11-27,salt lake city smm food,87.37475506649372,83.72480907215119,1.3736911163680785,1.0358148737349135,0.5920809638299029,0.0,2.3246563216115477,0.0,0.0,89.05105234769563 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,81.46,2023-11-27,san diego smm food,78.71431295071628,78.71431295071628,1.0278532685060728,0.0,0.9190354075731412,1.2656175859291665,4.61434894763235,0.0,0.0,86.541168160357 +0.502,0.0,0.616,0.0,0.0,0.0,0.9759999999999999,155.11,2023-11-27,san francisco/oakland/san jose smm food,91.88851912392897,88.87591304741949,0.0,1.4537182058383245,0.2598868655394972,1.0911221380352782,3.4479451051472925,0.0,1.289823058876144,96.41840842085603 +0.748,0.769,0.941,0.734,0.0,0.776,0.0,177.16,2023-11-27,seattle/tacoma smm food,94.60728841764228,88.74475650580376,0.0,0.0,0.0,1.7554662529083955,1.788780508896025,0.4659231349460474,0.8446122139144561,93.59953861646869 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,122.13,2023-11-27,st. louis smm food,87.70409353036166,87.70409353036166,1.8393163752213937,0.8797109053227445,0.6916344002260812,1.284538779074287,3.0376727445681886,0.6417741946964075,0.8932847821739333,96.9720257116447 +0.0,0.655,0.0,0.0,0.0,0.891,0.765,264.93,2023-11-27,tampa/ft. myers smm food,176.14758570075787,173.25520362076367,1.406536051639889,1.1073625259238244,0.0,0.0,0.6852482199004742,0.5374139863398854,0.0,176.99176440456773 +0.587,0.0,0.757,0.93,0.0,0.0,0.0,51.68,2023-11-27,tucson/sierra vista smm food,67.20483659557587,63.32224664442017,0.0,0.0,0.0,0.0,6.261657248636741,0.0,0.0,69.58390389305691 +0.0,0.859,0.0,0.0,0.0,0.0,0.0,385.39,2023-11-27,washington dc/hagerstown smm food,174.41818148434783,173.02137618365978,0.0,0.9902845496146975,0.603608203833671,0.0,0.4443368632381686,0.0,0.0,175.05960580034633 +0.924,0.995,0.0,0.5710000000000001,0.0,0.561,0.714,63.290000000000006,2023-11-27,yakima/pasco/richland/kennewick smm food,59.603675043123886,53.51694236690935,1.3833513914480229,0.0,0.5658826910940664,0.0,1.4209992702534417,0.0,0.7458355312702232,57.6330112509751 +0.638,0.9700000000000001,0.743,0.544,0.0,0.0,0.0,126.9,2023-12-04,albany/schenectady/troy smm food,87.08911372878818,82.35686844083078,0.0,0.0,0.7859481820750922,0.0,1.8194652139014105,0.0,1.069364955583218,86.0316467923905 +0.9490000000000002,0.0,0.716,0.9969999999999999,0.0,0.0,0.994,83.63,2023-12-04,albuquerque/santa fe smm food,76.89497268108825,70.79212936171284,1.9320550159888588,1.5008746129628339,0.6308544074789407,1.8879146049242388,10.006958987969583,0.7592821458380032,0.0,87.5100691368753 +0.0,0.614,0.0,0.642,0.0,0.885,0.0,332.07,2023-12-04,atlanta smm food,168.32289210520398,165.2475308400832,1.723393074262062,0.0,0.8760702402863695,1.5263095803730482,3.1918552552366677,0.5283749131751473,1.0894066013371204,174.1829405047536 +0.743,0.0,0.0,0.9899999999999999,0.0,0.604,0.0,111.48,2023-12-04,baltimore smm food,109.2935366031955,105.28036119021601,0.0,1.3594053915893056,0.7146888802336173,1.4926719036706118,0.9429345303209078,0.7001173033051717,0.0,110.49017919933563 +0.797,0.792,0.6950000000000001,0.0,0.0,0.9500000000000001,0.0,70.54,2023-12-04,baton rouge smm food,54.96490670050548,50.62824190344196,0.0,0.8374327472111154,0.0,0.0,2.069732324607804,0.42237123697049095,0.0,53.95777821223137 +0.0,0.0,0.0,0.0,0.0,0.788,0.9500000000000001,71.0,2023-12-04,birmingham/anniston/tuscaloosa smm food,64.28301205473463,62.27551690355495,0.0,1.4244487117610427,0.0,0.0,6.814251343606515,0.6417741946964075,1.3155908891311614,72.47158204275007 +0.987,0.0,0.886,0.0,0.0,0.898,0.0,271.89,2023-12-04,boston/manchester smm food,186.91761351650774,183.34429136615643,1.271292200520669,0.0,0.0,1.4190894858840324,1.4365869984428372,0.5160489043141406,0.0,187.9873089553181 +0.0,0.0,0.798,0.6890000000000001,0.0,0.0,0.0,115.97999999999999,2023-12-04,buffalo smm food,66.24796462650997,63.96319330778341,1.0471738186659616,0.0,0.0,1.3791447447998892,4.5556659065382235,0.726412788875319,0.0,71.6715905666628 +0.639,0.791,0.0,0.919,0.0,0.9430000000000001,0.753,180.59,2023-12-04,charlotte smm food,133.4066134560441,127.1008852661048,1.0587661487618947,0.0,0.854063691188267,1.400168292738912,10.103156022944825,0.757638677989869,0.0,141.27467809972856 +0.0,0.0,0.0,0.0,0.0,0.527,0.844,228.0,2023-12-04,chicago smm food,178.76413440556965,177.12285569785104,1.2751563105526469,0.0,0.0,0.0,3.8239044687595434,0.5669964076063011,0.7515617157713381,183.54047460054088 +0.0,0.601,0.0,0.0,0.0,0.515,0.0,95.54,2023-12-04,cleveland/akron/canton smm food,132.49154350671384,131.09107465023894,0.0,0.0,0.7241202584185183,0.0,3.8548737846344387,0.8102296491301635,0.0,136.48029834242206 +0.0,0.0,0.776,0.534,0.0,0.73,0.718,104.45,2023-12-04,columbus oh smm food,107.48430241782818,103.92073468964487,1.2423113752808361,1.273222992361754,0.0,1.2088540064938056,9.410670757389752,0.0,0.0,117.05579382117102 +0.792,0.735,0.717,0.0,0.0,0.0,0.667,171.57,2023-12-04,dallas/ft. worth smm food,109.70872348976206,105.27715718131851,1.7543059545178838,0.0,0.0,1.6019943529535299,1.1532013043925904,0.0,0.7844872766527491,110.57114606983527 +0.0,0.0,0.0,0.747,0.0,0.0,0.0,91.67,2023-12-04,des moines/ames smm food,63.978756394830796,62.408297363785806,1.8721613104932038,0.0,0.0,0.0,5.256575116289593,0.0,0.9677251806884277,70.50475897125703 +0.671,0.559,0.966,0.0,0.0,0.0,0.0,165.11,2023-12-04,detroit smm food,163.5406136265817,160.32292305294044,1.408468106655878,0.0,0.0,0.0,2.0868039359988404,0.733808394191923,0.0,164.55200348978707 +0.502,0.628,0.898,0.0,0.0,0.0,0.886,124.47,2023-12-04,grand rapids smm food,114.21602987699346,110.01556630860257,1.7658982846138171,0.0,0.6193271674751727,0.0,2.106969702289665,0.0,0.0,114.50776146298122 +0.922,0.0,0.0,0.0,0.0,0.0,0.0,99.61,2023-12-04,greensboro smm food,85.35059798061354,83.56924325587181,0.0,1.5838048461817986,0.7964274911694268,0.0,2.149792146572878,0.4346972458314975,0.0,88.5339649856274 +0.0,0.994,0.0,0.0,0.0,0.799,0.0,81.05,2023-12-04,harrisburg/lancaster smm food,87.29799960620716,85.02510769460987,1.7195289642300844,1.2553360793145263,0.0,0.0,2.88212124396608,0.0,0.0,90.88209398212057 +0.7010000000000001,0.0,0.0,0.0,0.0,0.974,0.0,155.29,2023-12-04,hartford/new haven smm food,114.7654696493099,112.61073024106035,1.0896790290177165,1.3024924864390357,0.0,2.045591214466909,7.726397244292943,0.7716081546990098,0.0,125.54649836997596 +0.721,0.8250000000000001,0.8250000000000001,0.601,0.0,0.718,0.0,219.32,2023-12-04,houston smm food,173.09903532198206,167.64644198801398,0.0,1.5252658580272354,0.0,1.8269463159010728,3.6491184303668045,0.0,1.1266268005943678,175.77439939290346 +0.653,0.986,0.0,0.687,0.0,0.87,0.0,131.91,2023-12-04,indianapolis smm food,94.0454110008278,89.02123497580452,0.0,0.0,0.0,0.0,1.9819346246640819,0.0,1.2812337821244715,92.28440338259307 +0.0,0.0,0.862,0.621,0.0,0.0,0.0,172.89,2023-12-04,jacksonville smm food,88.50876876099058,86.29988999004563,1.626790323462619,1.269970826353167,0.0,0.0,2.5904747147891,0.630269919759468,1.2497397673683392,93.66713554177832 +0.747,0.538,0.525,0.0,0.0,0.0,0.523,77.21,2023-12-04,kansas city smm food,84.11064061583791,80.49370051161102,0.0,1.253709996310233,0.0,1.6230179008925527,1.5002096802549951,0.0,0.0,84.8706380890688 +0.898,0.905,0.529,0.9070000000000001,0.0,0.916,0.0,115.88000000000001,2023-12-04,knoxville smm food,75.82350843329607,69.4030183864474,0.0,1.6163265062676673,0.0,1.3581211968608666,2.5488938872113627,0.0,0.0,74.9263599767873 +0.0,0.0,0.0,0.6970000000000001,0.0,0.775,0.0,45.85,2023-12-04,las vegas smm food,75.17816954942418,73.0759844669223,0.0,0.8049110871252466,0.8006192148071607,2.0729218267876384,1.5810829669153985,0.6705348820387561,0.0,79.0060544445965 +0.0,0.861,0.0,0.0,0.0,0.0,0.674,26.15,2023-12-04,little rock/pine bluff smm food,60.068490711126785,57.70357115599228,0.0,1.2569621623188196,0.0,0.0,19.73476671177026,0.7075129086217756,1.361400365140081,80.76421330384322 +0.0,0.759,0.732,0.0,0.0,0.0,0.8150000000000001,230.17000000000002,2023-12-04,los angeles smm food,157.1445687127499,153.9765761946837,0.0,0.0,1.0049657421466847,1.5956872885718232,0.969676025454823,0.0,0.9405258043081317,158.48743105516516 +0.0,0.0,0.0,0.0,0.0,0.705,0.0,68.92,2023-12-04,madison wi smm food,52.99850769463888,52.419185278171575,0.0,1.3089968184562095,0.0,0.0,5.122190283968936,0.0,0.0,58.850372380596724 +0.609,0.0,0.0,0.0,0.0,0.599,0.9980000000000001,417.15,2023-12-04,miami/west palm beach smm food,187.21933749436488,184.12181433608328,0.0,0.0,0.5669306220035,0.0,2.392166157058446,0.5053663633012684,1.349947996137851,188.93622547458435 +0.0,0.0,0.0,0.749,0.0,0.0,0.0,83.64,2023-12-04,milwaukee smm food,69.72783622065847,68.15317248002567,1.6770237538783295,0.9837802175975238,0.8069068002637614,0.0,4.671296410611046,0.0,1.421525302401788,77.71370496477812 +0.0,0.0,0.0,0.0,0.0,0.9440000000000001,0.86,96.99,2023-12-04,minneapolis/st. paul smm food,87.75756894194024,85.75072244988117,0.0,0.0,0.9441857493995441,1.8795051857486296,1.4184551692014695,0.6097265716577904,1.0078084721962324,91.61040359808483 +0.667,0.0,0.0,0.5060000000000001,0.0,0.0,0.65,87.55,2023-12-04,mobile/pensacola smm food,70.74941207901479,67.46643487620449,0.0,0.8829630713313313,0.8875974802901375,1.299255262631603,3.8325600408822362,0.0,0.0,74.36881073133979 +0.862,0.0,0.0,0.497,0.0,0.0,0.0,148.48,2023-12-04,nashville smm food,98.18246969508724,95.47216793873541,1.406536051639889,0.0,0.0,0.0,1.8632749452031319,0.0,0.0,98.74197893557843 +0.0,0.0,0.0,0.0,0.0,0.904,0.504,65.03,2023-12-04,new orleans smm food,61.01396403078441,59.54961731628727,1.9146665208449591,0.0,0.0,0.0,20.78950034911795,0.550561729124959,0.0,82.80434591537514 +0.9490000000000002,0.799,0.5660000000000001,0.0,0.0,0.0,0.0,345.53,2023-12-04,new york smm food,293.8876550100831,290.1617655847399,1.64224676359053,0.0,1.0395474621579888,1.5704590310449957,2.175966143324205,0.0,1.2984123356278165,297.8883973204854 +0.536,0.0,0.628,0.0,0.0,0.0,0.0,148.72,2023-12-04,norfolk/portsmouth/newport news smm food,104.00362134827911,102.30993924858487,1.8895498056371038,1.4846137829198995,0.0,1.5956872885718232,2.151439719431149,0.7740733564712111,0.0,110.20530320161606 +0.796,0.96,0.797,0.0,0.0,0.0,0.967,56.650000000000006,2023-12-04,oklahoma city smm food,58.92770563478339,53.609244119971564,0.0,0.0,1.0395474621579888,1.875300476160825,1.2395758537059214,0.0,0.0,57.7636679119963 +0.539,0.734,0.632,0.767,0.0,0.0,0.0,51.91,2023-12-04,omaha smm food,65.38595089047331,60.87622985001895,0.0,1.5561614351088104,0.6277106147506404,1.711316802236448,4.594467153367522,0.7428474673566611,0.7945080995297003,70.90324142236874 +0.0,0.663,0.992,0.0,0.0,0.511,0.809,369.8,2023-12-04,orlando/daytona beach/melborne smm food,136.31104951141543,132.61538216686213,0.0,0.0,1.008109534874985,1.717623866618155,0.9922052095993175,0.7601038797620703,1.2211088448627645,138.31453350257942 +0.5690000000000001,0.55,0.0,0.0,0.0,0.0,0.0,85.57,2023-12-04,paducah ky/cape girardeau mo smm food,57.552943089293386,55.55925813283435,0.0,0.8488153282411693,0.0,0.0,10.169107989810147,0.5497399952008919,1.004945379945675,68.13186682603224 +0.0,0.738,0.764,0.854,0.0,0.81,0.0,251.59000000000003,2023-12-04,philadelphia smm food,204.1994315822975,199.7377476378349,0.0,0.8341805812025285,0.0,0.0,6.021253288567692,0.6886130283682322,0.0,207.28179453597335 +0.603,0.577,0.8989999999999999,0.612,0.0,0.811,0.6930000000000001,135.71,2023-12-04,phoenix/prescott smm food,122.97345888627126,116.98296111946722,1.2635639804567136,0.0,0.0,1.1752163297913691,2.616759456584556,0.0,0.7458355312702232,122.78433641757007 +0.0,0.0,0.0,0.0,0.0,0.0,0.647,133.86,2023-12-04,pittsburgh smm food,105.47844269189973,104.55223234884438,0.0,0.0,0.0,1.5284119351669503,3.7279235758397173,0.42565817266675937,0.7787610921516341,111.01298712466945 +0.728,0.521,0.651,0.0,0.0,0.0,0.638,106.39,2023-12-04,portland or smm food,90.74556422608198,86.8963094792362,1.0259212134900841,0.0,0.6916344002260812,1.99092998982545,1.8875613723197635,0.8052992455857609,1.1380791695965977,94.43573487027993 +0.665,0.985,0.0,0.609,0.0,0.79,0.0,104.22,2023-12-04,providence ri/new bedford ma smm food,88.06431857216634,83.24830635780522,0.0,0.9252412294429605,0.0,0.0,3.676136214672938,0.534127050643617,0.0,88.38381085256474 +0.0,0.594,0.0,0.926,0.0,0.712,0.0,189.4,2023-12-04,raleigh/durham/fayetteville smm food,128.82792117374095,125.33017277610136,0.9602313429464628,0.0,0.576362000188401,1.0785080092718646,15.929680162046095,0.4429145850721685,0.0,144.31786887562635 +0.72,0.0,0.981,0.0,0.0,0.625,0.0,367.81,2023-12-04,rem us east north central smm food,309.386356238333,306.4536727021249,0.0,0.0,0.0,1.5578449022815821,5.549201223773352,0.0,0.8202759297847176,314.3809947579645 +0.0,0.0,0.62,0.968,0.0,0.548,0.843,124.26,2023-12-04,rem us middle atlantic smm food,135.14192344004218,130.80002326169728,0.0,1.3106229014605029,0.8331050729995978,1.4338059694413483,10.875442470105346,0.0,1.0020822876951174,146.2550819633992 +0.0,0.0,0.9899999999999999,0.0,0.0,0.0,0.0,259.76,2023-12-04,rem us mountain smm food,174.99496313140037,173.95751153106124,0.0,0.0,0.6486692329393094,1.8227416063132682,3.0415625106165827,0.0,1.1137428854668592,180.58422776639725 +0.0,0.676,0.672,0.852,0.0,0.0,0.937,153.4,2023-12-04,rem us new england smm food,153.15763729888658,148.221630613054,1.0491058736819503,0.9496324745073618,0.7230723275090849,2.0266700213217885,10.189939946680065,0.0,1.349947996137851,164.5099992528921 +0.0,0.642,0.0,0.793,0.0,0.742,0.0,115.61,2023-12-04,rem us pacific smm food,108.4344834139911,105.11364420201244,0.0,0.8992239013742657,0.0,0.0,17.996377441510727,0.4527753921609738,0.0,124.46202093705841 +0.7000000000000001,0.614,0.804,0.0,0.0,0.71,0.0,519.35,2023-12-04,rem us south atlantic smm food,287.4570513699151,283.6802303568146,0.0,1.1024842769109442,0.0,0.0,28.88559735532956,0.0,0.0,313.6683119890551 +0.0,0.646,0.671,0.0,0.0,0.0,0.645,549.48,2023-12-04,rem us south central smm food,402.10828787305456,399.4313293612464,0.0,1.588683095194679,0.0,0.0,10.020433213735704,0.0,0.0,411.0404456701768 +0.0,0.708,0.0,0.833,0.0,0.521,0.862,101.14,2023-12-04,rem us west north central smm food,130.5191729273176,125.95452848252805,1.7504418444859058,0.0,0.0,1.7050097378547413,1.763746993837755,0.0,0.9906299186928875,132.16435697739934 +0.8,0.739,0.881,0.0,0.0,0.0,0.764,108.96,2023-12-04,richmond/petersburg smm food,90.83234156195724,86.06809383806947,1.3736911163680785,0.0,0.8425364511844989,0.0,4.4368987614298465,0.0,0.7529932618966169,93.47421342894852 +0.64,0.833,0.0,0.0,0.0,0.87,0.0,102.69,2023-12-04,sacramento/stockton/modesto smm food,74.89303251471776,71.58708164797008,1.4625656471035662,0.0,0.0,2.0434888596730065,4.252576740894667,0.645882864316743,0.0,79.99159575995806 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,83.8,2023-12-04,salt lake city smm food,83.72480907215119,83.72480907215119,0.0,1.3366402295291977,0.9473295421278446,0.0,3.056553337194362,0.0,1.4258199407776242,90.49115212178022 +0.0,0.0,0.887,0.0,0.0,0.0,0.792,76.49,2023-12-04,san diego smm food,80.77761219860452,78.71431295071628,0.0,1.0732147828336625,0.9137957530259739,1.196239877730392,6.567070721677749,0.0,0.9290734353059017,89.39370752128995 +0.0,0.0,0.502,0.755,0.0,0.966,0.772,69.14,2023-12-04,san francisco/oakland/san jose smm food,92.88820081271533,88.87591304741949,1.6886160839742625,0.0,0.8100505929920617,0.0,5.996385548838019,0.0,1.0722280478337756,98.4431933210576 +0.497,0.0,0.0,0.0,0.0,0.616,0.0,155.58,2023-12-04,seattle/tacoma smm food,90.21117594597555,88.74475650580376,1.1978741099130925,1.3122489844647962,0.9651443675882134,0.0,3.0976382107788036,0.7666777511546071,1.3585372728895238,97.4428772025928 +0.8160000000000001,0.0,0.86,0.608,0.0,0.0,0.0,56.620000000000005,2023-12-04,st. louis smm food,91.46010272021392,87.70409353036166,1.4702938671675216,0.0,0.7167847420524842,0.0,4.536988382491279,0.0,0.0,94.42816052207294 +0.0,0.948,0.929,0.51,0.0,0.919,0.755,432.17,2023-12-04,tampa/ft. myers smm food,178.67844986939076,173.25520362076367,1.2906127506805578,0.0,0.0,0.0,1.1491980836909357,0.0,0.0,175.69501445513515 +0.882,0.0,0.0,0.0,0.0,0.987,0.8160000000000001,61.68,2023-12-04,tucson/sierra vista smm food,67.00551218980402,63.32224664442017,0.0,0.0,0.8372967966373317,0.0,10.439515195945512,0.0,0.801665830156094,75.40072446715911 +0.56,0.0,0.8210000000000001,0.0,0.0,0.0,0.87,253.45,2023-12-04,washington dc/hagerstown smm food,176.2091233982509,173.02137618365978,1.70986868915014,0.9301194784558408,0.0,1.423294195471837,0.7687349899731667,0.0,1.361400365140081,179.21479390185084 +0.754,0.719,0.0,0.0,0.0,0.5630000000000001,0.0,70.86,2023-12-04,yakima/pasco/richland/kennewick smm food,56.605501728301704,53.51694236690935,0.0,1.167527597082681,0.6874426765883473,0.0,1.5481522691220408,0.0,1.2998438817530953,58.21990879145551 diff --git a/Test/x_test_contribution_non_panel.csv b/Test/x_test_contribution_non_panel.csv new file mode 100644 index 0000000000000000000000000000000000000000..f62f7d7701feb306aacaa3e5187be4c5a51b2f23 --- /dev/null +++ b/Test/x_test_contribution_non_panel.csv @@ -0,0 +1,38 @@ +facebook_impressions_lag_5_adstock_0_7,google_search_link_clicks,google_demand_generation_link_clicks,youtube_clicks_lag_4,google_pmax_impressions,bing_search_impressions,const,Week_number,date,all_visits,pred,bing_search_impressions_contr,google_search_link_clicks_contr,facebook_impressions_lag_5_adstock_0_7_contr,Week_number_contr,google_pmax_impressions_contr,youtube_clicks_lag_4_contr,const_contr,google_demand_generation_link_clicks_contr +0.36009230652959406,0.7470481380563124,0.0058228623965675755,0.0,0.2154453135600239,0.47538293216630195,1.0,0,2024-03-25,4504,3531.781551194554,855.6201813129098,1285.5045852844712,275.4450741638957,-0.0,822.9935855220327,0.0,288.4969314951671,3.7211934160773295 +0.34961511687507224,0.5690281562216166,0.004596996628869139,0.0,0.3018384173364182,0.42792669584245074,1.0,1,2024-03-26,4614,3438.0163303037875,770.2058536617075,979.1715777273205,267.4307671956856,-23.23881359290424,1153.0122295409606,0.0,288.4969314951671,2.9377842758505235 +0.3339254905964217,0.5326975476839236,0.003677597303095311,0.0,0.11562134911250946,0.24760667396061267,1.0,2,2024-03-27,3424,2303.7790307749497,445.65602366715285,916.6546374095346,255.42931591343907,-46.47762718580848,441.6695220547841,0.0,288.4969314951671,2.350227420680419 +0.32923165722937564,0.4364214350590372,0.0033711308611707015,0.0,0.1409553144587039,0.12048687089715536,1.0,3,2024-03-28,3137,1979.0617189747327,216.85885492999816,750.9847455674022,251.83886630800515,-69.71644077871272,538.444386317249,0.0,288.4969314951671,2.154375135623717 +0.3343062431587488,0.2198001816530427,0.0033711308611707015,0.0,0.2698612684780061,0.04796909190371991,1.0,4,2024-03-29,2391,1948.842134851806,86.33739315175579,378.22748892260427,255.72056461791442,-92.95525437161696,1030.8606359003577,0.0,288.4969314951671,2.154375135623717 +0.3313310842244765,0.23705722070844687,0.0058228623965675755,0.0,0.19516862584779884,0.0249589715536105,1.0,5,2024-03-30,1909,1627.8517380811506,44.92252102692924,407.92303557355257,253.44477905282443,-116.1940679645212,745.5373454811213,0.0,288.4969314951671,3.7211934160773295 +0.2985988280198529,0.22524977293369663,0.004290530186944529,0.0,0.5646494531267897,0.015214715536105032,1.0,6,2024-03-31,2560,2952.1434354844077,27.38427651641577,387.60502997027214,228.40692466286063,-139.43288155742545,2156.9412224063235,0.0,288.4969314951671,2.7419319907938213 +0.26242577681086576,0.3878292461398728,0.005209929512718357,0.0,0.37310021691668177,0.03285694748358862,1.0,0,2024-04-01,3255,2644.2994132475037,59.137729735450684,667.3683378923637,200.73710614043966,-0.0,1425.2298191381185,0.0,288.4969314951671,3.329488845963926 +0.2366627810945771,0.6321525885558583,0.027581979773214832,0.0,0.5956415782230453,0.04824261487964989,1.0,1,2024-04-02,5587,3913.8695811748535,86.82969475205091,1087.7947615294736,181.03024171407054,-23.23881359290424,2275.330059621892,0.0,288.4969314951671,17.62670565510314 +0.21680513542334331,0.6503178928247048,0.02421084891204413,0.0,0.5943869504615867,0.15303610503282275,1.0,2,2024-04-03,5692,4088.3655884249124,275.4427453651168,1119.0532316883664,165.84055122235262,-46.47762718580848,2270.5374253202385,0.0,288.4969314951671,15.472330519479423 +0.2090651049214368,0.5004541326067211,0.03217897640208397,0.0,0.46889950466873065,0.14780497811816193,1.0,3,2024-04-04,5211,3317.643045614844,266.0274772594728,861.1708528774998,159.9199768669179,-69.71644077871272,1791.1797579635454,0.0,288.4969314951671,20.564489930953663 +0.20544023976210343,0.39691189827429607,0.026662580447441003,0.0,0.4832396180433798,0.15597647702407003,1.0,4,2024-04-05,4916,3179.419089620043,280.73498756828934,682.9975729718102,157.14721212148547,-92.95525437161696,1845.958491034975,0.0,288.4969314951671,17.039148799933034 +0.21903890199567067,0.22161671207992734,0.012871590560833588,0.0,0.47894357523096953,0.08540754923413567,1.0,5,2024-04-06,4921,2712.700151637676,153.72117469214967,381.35333593849356,167.549224215423,-116.1940679645212,1829.547757288582,0.0,288.4969314951671,8.225795972381466 +0.22744980905980847,0.16167120799273388,0.008887526815813668,0.0,0.40860688741301743,0.05384983588621444,1.0,6,2024-04-07,4652,2264.7130621003153,96.92187755810076,278.2003844141469,173.98297155758308,-139.43288155742545,1560.8640623660983,0.0,288.4969314951671,5.679716266644345 +0.2325986730051321,0.7025431425976385,0.01195219123505976,0.0,0.5933525874054404,0.20955278993435447,1.0,0,2024-04-08,5935,4326.728749327575,377.164563526095,1208.9213333951834,177.92148728136436,-0.0,2266.586194512555,0.0,288.4969314951671,7.63823911721136 +0.23365926116073438,0.5372388737511353,0.020839718050873427,0.0,0.7002179739523771,0.18818380743982493,1.0,1,2024-04-09,6227,4395.289836109329,338.7035010030391,924.469254949258,178.73276199587485,-23.23881359290424,2674.8082448750397,0.0,288.4969314951671,13.317955383855704 +0.2285780065407447,0.4900090826521344,0.030340177750536317,0.0,0.5862759229531682,0.11641821663019693,1.0,2,2024-04-10,5353,3728.541327360636,209.53586862560832,843.1972325361363,174.84596261063538,-46.47762718580848,2239.5535830582835,0.0,288.4969314951671,19.389376220613453 +0.23069517012942062,0.4872842870118074,0.03125957707631014,0.0,0.6126777315907165,0.20818517505470457,1.0,3,2024-04-11,5449,3968.841955380208,374.7030555246194,838.5084620123024,176.46544259153302,-69.71644077871272,2340.4075714595156,0.0,288.4969314951671,19.976933075783556 +0.2334209383496354,0.3637602179836512,0.025436714679742567,0.0,0.5493278402252691,0.18791028446389496,1.0,4,2024-04-12,5458,3452.923138432543,338.211199402744,625.9508649318307,178.55046194894865,-92.95525437161696,2098.4131953657634,0.0,288.4969314951671,16.25573965970623 +0.2261270689698657,0.14396003633060853,0.018387986515476556,0.0,0.2993273996958585,0.05426012035010941,1.0,5,2024-04-13,3140,1845.8291055185184,97.66032995854344,247.72337600922634,172.97116920699912,-116.1940679645212,1143.4202297097015,0.0,288.4969314951671,11.751137103402094 +0.2200090571039793,0.19391462306993643,0.02022678516702421,0.0,0.28921284442791967,0.03914797592997812,1.0,6,2024-04-14,3622,1839.2094415694135,70.46066654223833,333.6841689461819,168.29132406291473,-139.43288155742545,1104.7829812665946,0.0,288.4969314951671,12.926250813742303 +0.21635533930065975,0.6485013623978201,0.028501379098988658,0.0,0.491186768611046,0.16722510940919036,1.0,0,2024-04-15,6998,3765.432287747029,300.98089088042593,1115.927384672477,165.4964890912695,-0.0,1876.316329097416,0.0,288.4969314951671,18.214262510273244 +0.21508591032176846,0.6639418710263396,0.030953110634385533,0.0,0.4358086974602598,0.20397975929978118,1.0,1,2024-04-16,5915,3623.96969563747,367.133918420082,1142.497084307536,164.52546595943323,-23.23881359290424,1664.7740282574296,0.0,288.4969314951671,19.781080790726858 +0.2140196309353815,0.6026339691189827,0.02421084891204413,0.0,0.2786595218669989,0.3919242341356674,1.0,2,2024-04-17,4861,3228.0775327935085,705.4066555228629,1036.9997475212724,163.7098378570354,-46.47762718580848,1064.4696570634992,0.0,288.4969314951671,15.472330519479423 +0.21459413920908357,0.5390554041780199,0.011645724793135151,0.0,0.22125853966262496,0.5321389496717724,1.0,3,2024-04-18,4307,3120.939945360961,957.7727633741463,927.5951019651471,164.14929593816672,-69.71644077871272,845.1999065348916,0.0,288.4969314951671,7.442386832154659 +0.22510530070369086,0.38646684831970934,0.01593625498007968,0.0,0.12905573401891457,0.22059628008752735,1.0,4,2024-04-19,3390,1932.9691821284791,397.04124063801027,665.0239526304467,172.18958895451541,-92.95525437161696,492.98840395900834,0.0,288.4969314951671,10.18431882294848 +0.22565052295005744,0.18528610354223432,0.013790989886607416,0.0,0.09319840211172178,0.2149890590809628,1.0,5,2024-04-20,2174,1415.522961481404,386.94905783196043,318.8363956207077,172.60664530191033,-116.1940679645212,356.01464636862806,0.0,288.4969314951671,8.81335282755157 +0.21795011730250352,0.23614895549500453,0.009806926141587496,0.0,0.09019575364890511,0.07429567833698031,1.0,6,2024-04-21,2700,1206.6738723937285,133.72142218016063,406.3601120656079,166.71638114957625,-139.43288155742545,344.5446339388277,0.0,288.4969314951671,6.2672731218144495 +0.2112786735145135,0.6167120799273388,0.011645724793135151,0.0,0.15471392901132866,0.36505060175054704,1.0,0,2024-04-22,4517,2766.8174175186487,657.0380232938679,1061.2250618944145,161.6131998384472,-0.0,591.0018141645972,0.0,288.4969314951671,7.442386832154659 +0.20716274111260014,0.5286103542234332,0.010419859025436714,0.0,0.5927446568187785,0.17341356673960612,1.0,1,2024-04-23,7630,3916.386516156729,312.11921458710293,909.6214816237837,158.46480348245498,-23.23881359290424,2264.263920869197,0.0,288.4969314951671,6.658977691927852 +0.20259831273603152,0.4909173478655767,0.004903463070793748,0.0,0.10971825501014099,0.2855921772428884,1.0,2,2024-04-24,4895,2178.0307532552747,514.0244084081369,844.760156044081,154.97333951640547,-46.47762718580848,419.11990841638544,0.0,288.4969314951671,3.1336365609072248 +0.20380778427495005,0.4877384196185286,0.0027581979773214833,0.0,0.05081066222143123,0.5585339168490153,1.0,3,2024-04-25,3910,2415.106410299162,1005.2798678026248,839.2899237662748,155.8984994592746,-69.71644077871272,194.09495798902233,0.0,288.4969314951671,1.762670565510314 +0.21717377733546073,0.5158946412352406,0.002451731535396874,0.0,0.03551900531983316,0.3978733588621444,1.0,4,2024-04-26,3993,2102.767161207878,716.1142153292817,887.7405525125587,166.1225361383918,-92.95525437161696,135.6813618236422,0.0,288.4969314951671,1.5668182804536124 +0.22343227762201434,0.19845594913714804,0.0021452650934722646,0.0,0.028304895691446154,0.09412609409190371,1.0,5,2024-04-27,2220,963.6194637624773,169.41328820155644,341.4987864859051,170.90984495983935,-116.1940679645212,108.12371458913354,0.0,288.4969314951671,1.3709659953969107 +0.22346476560992626,0.1625794732061762,0.0021452650934722646,0.0,0.022504004412342578,0.09142505470459518,1.0,6,2024-04-28,1830,851.6493418921199,164.55180989864218,279.7633079220916,170.93469596631064,-139.43288155742545,85.96451217193703,0.0,288.4969314951671,1.3709659953969107 +0.2241841963086567,0.5658492279745685,0.0055163959546429666,0.0,0.02875775992556815,0.986870897155361,1.0,0,2024-04-29,3942,3323.2864415368626,1776.224173864775,973.7013454495142,171.48500942364998,-0.0,109.85364017273606,0.0,288.4969314951671,3.525341131020628 +0.217613364111985,0.5526793823796549,0.021452650934722647,0.0,0.03871372460568212,0.5747743435448578,1.0,1,2024-04-30,4032,2578.860874704664,1034.5102753201475,951.0389545843169,166.45878884378317,-23.23881359290424,147.8850781001845,0.0,288.4969314951671,13.709659953969108 diff --git a/Test/x_test_to_save.csv b/Test/x_test_to_save.csv new file mode 100644 index 0000000000000000000000000000000000000000..cad576ec1c33e3c9c04a02051d1e6914aa15050d --- /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..b4904b0aa3dd08ef4482627539b313cc7bca87b0 --- /dev/null +++ b/Test/x_train_contribution.csv @@ -0,0 +1,6695 @@ +paid_search_impressions_lag_1_saturation_10,kwai_impressions_lag_2_saturation_10,fb_level_achieved_tier_2_impressions_lag_1_saturation_10,fb_level_achieved_tier_1_impressions_lag_2_saturation_10,ga_app_impressions,digital_tactic_others_impressions_lag_1_saturation_10,programmatic_impressions_lag_2_saturation_10,account_requests_appsflyer,date,panel_1,Week_number,pred,panel_effect,paid_search_impressions_lag_1_saturation_10_contr,kwai_impressions_lag_2_saturation_10_contr,fb_level_achieved_tier_2_impressions_lag_1_saturation_10_contr,fb_level_achieved_tier_1_impressions_lag_2_saturation_10_contr,ga_app_impressions_contr,digital_tactic_others_impressions_lag_1_saturation_10_contr,programmatic_impressions_lag_2_saturation_10_contr,sum_contributions +0.0,0.0,0.0,0.0,0.009394094007759748,0.0,0.0,102.93,2021-04-19,albany/schenectady/troy smm food,0,83.51336393252254,82.35686844083078,0.0,0.0,0.0,0.0,1.156495491691758,0.0,0.0,83.51336393252254 +0.0,0.0,0.0,0.0,0.015010428258834297,0.0,0.0,43.36,2021-04-19,albuquerque/santa fe smm food,0,72.64004493455734,70.79212936171284,0.0,0.0,0.0,0.0,1.847915572844499,0.0,0.0,72.64004493455734 +0.0,0.0,0.0,0.0,0.053564232338816464,0.0,0.0,98.62,2021-04-19,atlanta smm food,0,171.8417583584156,165.2475308400832,0.0,0.0,0.0,0.0,6.59422751833243,0.0,0.0,171.8417583584156 +0.0,0.0,0.0,0.0,0.022532110561084385,0.0,0.0,106.28,2021-04-19,baltimore smm food,0,108.05426192621776,105.28036119021601,0.0,0.0,0.0,0.0,2.7739007360017442,0.0,0.0,108.05426192621776 +0.0,0.0,0.0,0.0,0.009168771116054967,0.0,0.0,69.44,2021-04-19,baton rouge smm food,0,51.75699816788985,50.62824190344196,0.0,0.0,0.0,0.0,1.1287562644478877,0.0,0.0,51.75699816788985 +0.0,0.0,0.0,0.0,0.01959995280486463,0.0,0.0,77.57,2021-04-19,birmingham/anniston/tuscaloosa smm food,0,64.6884432631883,62.27551690355495,0.0,0.0,0.0,0.0,2.4129263596333477,0.0,0.0,64.6884432631883 +0.0,0.0,0.0,0.0,0.045227213004981316,0.0,0.0,187.12,2021-04-19,boston/manchester smm food,0,188.91215857068283,183.34429136615643,0.0,0.0,0.0,0.0,5.567867204526428,0.0,0.0,188.91215857068286 +0.0,0.0,0.0,0.0,0.010785106293288908,0.0,0.0,114.31000000000002,2021-04-19,buffalo smm food,0,65.29093463071483,63.96319330778341,0.0,0.0,0.0,0.0,1.3277413229314174,0.0,0.0,65.29093463071483 +0.0,0.0,0.0,0.0,0.026558792576103364,0.0,0.0,111.21,2021-04-19,charlotte smm food,0,130.37050592922233,127.1008852661048,0.0,0.0,0.0,0.0,3.269620663117555,0.0,0.0,130.37050592922236 +0.0,0.0,0.0,0.0,0.06681834674887671,0.0,0.0,171.12,2021-04-19,chicago smm food,0,185.34878112648113,177.12285569785104,0.0,0.0,0.0,0.0,8.2259254286301,0.0,0.0,185.34878112648113 +0.0,0.0,0.0,0.0,0.02537647920561526,0.0,0.0,107.11,2021-04-19,cleveland/akron/canton smm food,0,134.21514215180554,131.09107465023894,0.0,0.0,0.0,0.0,3.124067501566593,0.0,0.0,134.21514215180554 +0.0,0.0,0.0,0.0,0.019175919302207092,0.0,0.0,88.41,2021-04-19,columbus oh smm food,0,106.2814588003179,103.92073468964487,0.0,0.0,0.0,0.0,2.3607241106730292,0.0,0.0,106.2814588003179 +0.0,0.0,0.0,0.0,0.05954404799541123,0.0,0.0,95.21,2021-04-19,dallas/ft. worth smm food,0,112.60755253470637,105.27715718131851,0.0,0.0,0.0,0.0,7.330395353387855,0.0,0.0,112.60755253470637 +0.0,0.0,0.0,0.0,0.008952868888856502,0.0,0.0,30.310000000000002,2021-04-19,des moines/ames smm food,0,63.51047416754329,62.408297363785806,0.0,0.0,0.0,0.0,1.1021768037574808,0.0,0.0,63.510474167543286 +0.0,0.0,0.0,0.0,0.03275559298405295,0.0,0.0,125.34,2021-04-19,detroit smm food,0,164.35542428003652,160.32292305294044,0.0,0.0,0.0,0.0,4.0325012270961125,0.0,0.0,164.35542428003654 +0.0,0.0,0.0,0.0,0.013496390985488561,0.0,0.0,68.37,2021-04-19,grand rapids smm food,0,111.67709059353456,110.01556630860257,0.0,0.0,0.0,0.0,1.6615242849319791,0.0,0.0,111.67709059353456 +0.0,0.0,0.0,0.0,0.015255173488891932,0.0,0.0,34.8,2021-04-19,greensboro smm food,0,85.44728911642056,83.56924325587181,0.0,0.0,0.0,0.0,1.8780458605487644,0.0,0.0,85.44728911642058 +0.0,0.0,0.0,0.0,0.01358235407064657,0.0,0.0,73.18,2021-04-19,harrisburg/lancaster smm food,0,86.69721479043932,85.02510769460987,0.0,0.0,0.0,0.0,1.6721070958294464,0.0,0.0,86.69721479043932 +0.0,0.0,0.0,0.0,0.01954238174373072,0.0,0.0,105.98,2021-04-19,hartford/new haven smm food,0,115.01656909735402,112.61073024106035,0.0,0.0,0.0,0.0,2.4058388562936663,0.0,0.0,115.01656909735402 +0.0,0.0,0.0,0.0,0.05549009666516704,0.0,0.0,167.05,2021-04-19,houston smm food,0,174.47776032204345,167.64644198801398,0.0,0.0,0.0,0.0,6.831318334029469,0.0,0.0,174.47776032204345 +0.0,0.0,0.0,0.0,0.024336753806309907,0.0,0.0,69.92,2021-04-19,indianapolis smm food,0,92.01730314759,89.02123497580452,0.0,0.0,0.0,0.0,2.996068171785476,0.0,0.0,92.01730314759 +0.0,0.0,0.0,0.0,0.014501899663306827,0.0,0.0,82.77,2021-04-19,jacksonville smm food,0,88.0852012257781,86.29988999004563,0.0,0.0,0.0,0.0,1.7853112357324723,0.0,0.0,88.0852012257781 +0.0,0.0,0.0,0.0,0.01838879579645075,0.0,0.0,78.9,2021-04-19,kansas city smm food,0,82.75752280449727,80.49370051161102,0.0,0.0,0.0,0.0,2.263822292886249,0.0,0.0,82.75752280449727 +0.0,0.0,0.0,0.0,0.011782058558117977,0.0,0.0,91.25,2021-04-19,knoxville smm food,0,70.85349329057934,69.4030183864474,0.0,0.0,0.0,0.0,1.4504749041319382,0.0,0.0,70.85349329057934 +0.0,0.0,0.0,0.0,0.01570519677111939,0.0,0.0,48.71,2021-04-19,las vegas smm food,0,75.00943214659515,73.0759844669223,0.0,0.0,0.0,0.0,1.9334476796728313,0.0,0.0,75.00943214659515 +0.0,0.0,0.0,0.0,0.013557430745823941,0.0,0.0,51.65,2021-04-19,little rock/pine bluff smm food,0,59.372609971605286,57.70357115599228,0.0,0.0,0.0,0.0,1.6690388156130114,0.0,0.0,59.37260997160529 +0.0,0.0,0.0,0.0,0.1358833795484378,0.0,0.0,157.08,2021-04-19,los angeles smm food,0,170.7050138400596,153.9765761946837,0.0,0.0,0.0,0.0,16.7284376453759,0.0,0.0,170.7050138400596 +0.0,0.0,0.0,0.0,0.007271344490338057,0.0,0.0,41.93,2021-04-19,madison wi smm food,0,53.314351657672084,52.419185278171575,0.0,0.0,0.0,0.0,0.8951663795005034,0.0,0.0,53.31435165767208 +0.0,0.0,0.0,0.0,0.03373260833607485,0.0,0.0,176.12,2021-04-19,miami/west palm beach smm food,0,188.2745947352841,184.12181433608328,0.0,0.0,0.0,0.0,4.152780399200801,0.0,0.0,188.27459473528407 +0.0,0.0,0.0,0.0,0.017738659060908685,0.0,0.0,66.8,2021-04-19,milwaukee smm food,0,70.33695722985385,68.15317248002567,0.0,0.0,0.0,0.0,2.1837847498281824,0.0,0.0,70.33695722985385 +0.0,0.0,0.0,0.0,0.03179179156419553,0.0,0.0,97.41,2021-04-19,minneapolis/st. paul smm food,0,89.66457125599548,85.75072244988117,0.0,0.0,0.0,0.0,3.913848806114322,0.0,0.0,89.66457125599548 +0.0,0.0,0.0,0.0,0.012062070335302141,0.0,0.0,105.72,2021-04-19,mobile/pensacola smm food,0,68.95138168977938,67.46643487620449,0.0,0.0,0.0,0.0,1.4849468135748913,0.0,0.0,68.95138168977938 +0.0,0.0,0.0,0.0,0.025662248156867414,0.0,0.0,88.25,2021-04-19,nashville smm food,0,98.63141610844472,95.47216793873541,0.0,0.0,0.0,0.0,3.159248169709322,0.0,0.0,98.63141610844474 +0.0,0.0,0.0,0.0,0.016776772984634418,0.0,0.0,62.17,2021-04-19,new orleans smm food,0,61.61498544075346,59.54961731628727,0.0,0.0,0.0,0.0,2.0653681244661857,0.0,0.0,61.61498544075345 +0.0,0.0,0.0,0.0,0.14203778790141133,0.0,0.0,240.66000000000003,2021-04-19,new york smm food,0,307.6478649597477,290.1617655847399,0.0,0.0,0.0,0.0,17.48609937500781,0.0,0.0,307.6478649597477 +0.0,0.0,0.0,0.0,0.015719529693112962,0.0,0.0,108.56,2021-04-19,norfolk/portsmouth/newport news smm food,0,104.24515143685795,102.30993924858487,0.0,0.0,0.0,0.0,1.9352121882730902,0.0,0.0,104.24515143685795 +0.0,0.0,0.0,0.0,0.016461627829095746,0.0,0.0,87.87,2021-04-19,oklahoma city smm food,0,55.63581510750173,53.609244119971564,0.0,0.0,0.0,0.0,2.026570987530158,0.0,0.0,55.63581510750172 +0.0,0.0,0.0,0.0,0.008382537892133324,0.0,0.0,17.38,2021-04-19,omaha smm food,0,61.908193898194305,60.87622985001895,0.0,0.0,0.0,0.0,1.0319640481753474,0.0,0.0,61.9081938981943 +0.0,0.0,0.0,0.0,0.030620404230472763,0.0,0.0,122.17000000000002,2021-04-19,orlando/daytona beach/melborne smm food,0,136.38502290252748,132.61538216686213,0.0,0.0,0.0,0.0,3.769640735665358,0.0,0.0,136.38502290252748 +0.0,0.0,0.0,0.0,0.00894218967801687,0.0,0.0,73.43,2021-04-19,paducah ky/cape girardeau mo smm food,0,56.66012023192945,55.55925813283435,0.0,0.0,0.0,0.0,1.1008620990950986,0.0,0.0,56.66012023192945 +0.0,0.0,0.0,0.0,0.05888963129396824,0.0,0.0,180.88,2021-04-19,philadelphia smm food,0,206.98757854676631,199.7377476378349,0.0,0.0,0.0,0.0,7.249830908931429,0.0,0.0,206.98757854676631 +0.0,0.0,0.0,0.0,0.03426704999660901,0.0,0.0,74.52,2021-04-19,phoenix/prescott smm food,0,121.20153598170718,116.98296111946722,0.0,0.0,0.0,0.0,4.218574862239969,0.0,0.0,121.2015359817072 +0.0,0.0,0.0,0.0,0.018637452406670765,0.0,0.0,133.65,2021-04-19,pittsburgh smm food,0,106.84666645469112,104.55223234884438,0.0,0.0,0.0,0.0,2.294434105846739,0.0,0.0,106.84666645469112 +0.0,0.0,0.0,0.0,0.018853598734197796,0.0,0.0,102.7,2021-04-19,portland or smm food,0,89.217353096668,86.8963094792362,0.0,0.0,0.0,0.0,2.3210436174318114,0.0,0.0,89.217353096668 +0.0,0.0,0.0,0.0,0.01328980122425024,0.0,0.0,95.78,2021-04-19,providence ri/new bedford ma smm food,0,84.88439762840879,83.24830635780522,0.0,0.0,0.0,0.0,1.636091270603568,0.0,0.0,84.88439762840879 +0.0,0.0,0.0,0.0,0.027061283492102926,0.0,0.0,111.74,2021-04-19,raleigh/durham/fayetteville smm food,0,128.66165448494505,125.33017277610136,0.0,0.0,0.0,0.0,3.331481708843681,0.0,0.0,128.66165448494505 +0.0,0.0,0.0,0.0,0.11807215209376576,0.0,0.0,213.22,2021-04-19,rem us east north central smm food,0,320.9893917909471,306.4536727021249,0.0,0.0,0.0,0.0,14.535719088822207,0.0,0.0,320.9893917909471 +0.0,0.0,0.0,0.0,0.039935730547903496,0.0,0.0,137.88,2021-04-19,rem us middle atlantic smm food,0,135.71646249446596,130.80002326169728,0.0,0.0,0.0,0.0,4.916439232768683,0.0,0.0,135.71646249446596 +0.0,0.0,0.0,0.0,0.06965536012364962,0.0,0.0,153.84,2021-04-19,rem us mountain smm food,0,182.53269822693903,173.95751153106124,0.0,0.0,0.0,0.0,8.575186695877788,0.0,0.0,182.53269822693903 +0.0,0.0,0.0,0.0,0.02088183111458567,0.0,0.0,144.34,2021-04-19,rem us new england smm food,0,150.79236745285345,148.221630613054,0.0,0.0,0.0,0.0,2.570736839799425,0.0,0.0,150.79236745285343 +0.0,0.0,0.0,0.0,0.08997085209721584,0.0,0.0,98.44,2021-04-19,rem us pacific smm food,0,116.18984641460979,105.11364420201244,0.0,0.0,0.0,0.0,11.076202212597355,0.0,0.0,116.18984641460979 +0.0,0.0,0.0,0.0,0.1468799578813548,0.0,0.0,277.1,2021-04-19,rem us south atlantic smm food,0,301.7624433908069,283.6802303568146,0.0,0.0,0.0,0.0,18.082213033992286,0.0,0.0,301.7624433908069 +0.0,0.0,0.0,0.0,0.2655087540830917,0.0,0.0,391.77,2021-04-19,rem us south central smm food,0,432.1177892634097,399.4313293612464,0.0,0.0,0.0,0.0,32.686459902163264,0.0,0.0,432.1177892634097 +0.0,0.0,0.0,0.0,0.09015295645777058,0.0,0.0,115.64,2021-04-19,rem us west north central smm food,0,137.0531493415457,125.95452848252805,0.0,0.0,0.0,0.0,11.098620859017648,0.0,0.0,137.0531493415457 +0.0,0.0,0.0,0.0,0.011856188817886366,0.0,0.0,78.67,2021-04-19,richmond/petersburg smm food,0,87.52769482835184,86.06809383806947,0.0,0.0,0.0,0.0,1.4596009902823712,0.0,0.0,87.52769482835184 +0.0,0.0,0.0,0.0,0.03329550195028713,0.0,0.0,57.980000000000004,2021-04-19,sacramento/stockton/modesto smm food,0,75.68605041146279,71.58708164797008,0.0,0.0,0.0,0.0,4.098968763492706,0.0,0.0,75.68605041146279 +0.0,0.0,0.0,0.0,0.01967810303871378,0.0,0.0,97.65,2021-04-19,salt lake city smm food,0,86.14735641205645,83.72480907215119,0.0,0.0,0.0,0.0,2.4225473399052655,0.0,0.0,86.14735641205645 +0.0,0.0,0.0,0.0,0.02384224660418887,0.0,0.0,96.56,2021-04-19,san diego smm food,0,81.64950294208438,78.71431295071628,0.0,0.0,0.0,0.0,2.935189991368111,0.0,0.0,81.64950294208438 +0.0,0.0,0.0,0.0,0.04657330507368158,0.0,0.0,106.57,2021-04-19,san francisco/oakland/san jose smm food,0,94.60949600990705,88.87591304741949,0.0,0.0,0.0,0.0,5.733582962487544,0.0,0.0,94.60949600990703 +0.0,0.0,0.0,0.0,0.029454675710862042,0.0,0.0,101.47,2021-04-19,seattle/tacoma smm food,0,92.37088582074534,88.74475650580376,0.0,0.0,0.0,0.0,3.6261293149415827,0.0,0.0,92.37088582074534 +0.0,0.0,0.0,0.0,0.021567334561095906,0.0,0.0,66.49,2021-04-19,st. louis smm food,0,90.3592218660066,87.70409353036166,0.0,0.0,0.0,0.0,2.6551283356449416,0.0,0.0,90.3592218660066 +0.0,0.0,0.0,0.0,0.030345659874863543,0.0,0.0,105.69,2021-04-19,tampa/ft. myers smm food,0,176.99102091285187,173.25520362076367,0.0,0.0,0.0,0.0,3.735817292088217,0.0,0.0,176.9910209128519 +0.0,0.0,0.0,0.0,0.00739887250811171,0.0,0.0,38.96,2021-04-19,tucson/sierra vista smm food,0,64.23311284313664,63.32224664442017,0.0,0.0,0.0,0.0,0.9108661987164691,0.0,0.0,64.23311284313664 +0.0,0.0,0.0,0.0,0.047150921762067775,0.0,0.0,175.21,2021-04-19,washington dc/hagerstown smm food,0,178.82606883437194,173.02137618365978,0.0,0.0,0.0,0.0,5.804692650712164,0.0,0.0,178.82606883437194 +0.0,0.0,0.0,0.0,0.006130120976930139,0.0,0.0,48.16,2021-04-19,yakima/pasco/richland/kennewick smm food,0,54.27161410720582,53.51694236690935,0.0,0.0,0.0,0.0,0.7546717402964798,0.0,0.0,54.27161410720583 +0.932,0.0,0.0,0.0,0.009706925259821399,0.9430000000000001,0.0,89.47,2021-04-26,albany/schenectady/troy smm food,0,86.12744657291171,82.35686844083078,1.8006752749016164,0.0,0.0,0.0,1.1950077667840386,0.7748950903952782,0.0,86.12744657291171 +0.0,0.0,0.0,0.0,0.015705537013612946,0.0,0.0,27.43,2021-04-26,albuquerque/santa fe smm food,0,72.72561892822537,70.79212936171284,0.0,0.0,0.0,0.0,1.9334895665125362,0.0,0.0,72.72561892822537 +0.0,0.0,0.9560000000000002,0.0,0.05367429086410966,0.0,0.0,116.44,2021-04-26,atlanta smm food,0,172.85712947907058,165.2475308400832,0.0,0.0,1.0018219494183844,0.0,6.607776689569026,0.0,0.0,172.8571294790706 +0.851,0.0,0.852,0.0,0.022590649950526353,0.535,0.0,117.60999999999999,2021-04-26,baltimore smm food,0,111.03811224209784,105.28036119021601,1.6441788186065187,0.0,0.8928371348373048,0.0,2.7811074490621097,0.43962764937590015,0.0,111.03811224209785 +0.514,0.0,0.0,0.0,0.009700486855736806,0.0,0.0,51.63,2021-04-26,baton rouge smm food,0,52.81553332434541,50.62824190344196,0.9930762782182734,0.0,0.0,0.0,1.194215142685177,0.0,0.0,52.81553332434541 +0.522,0.0,0.0,0.0,0.020375023574268524,0.0,0.0,96.31,2021-04-26,birmingham/anniston/tuscaloosa smm food,0,65.79239400160296,62.27551690355495,1.0085327183461843,0.0,0.0,0.0,2.5083443797018337,0.0,0.0,65.79239400160297 +0.0,0.0,0.0,0.0,0.04519954883647669,0.59,0.0,170.94,2021-04-26,boston/manchester smm food,0,189.39357588373272,183.34429136615643,0.0,0.0,0.0,0.0,5.564461502376698,0.48482301519959076,0.0,189.39357588373272 +0.535,0.0,0.0,0.0,0.011080397705034902,0.902,0.0,24.02,2021-04-26,buffalo smm food,0,67.10214103045385,63.96319330778341,1.0336494335540396,0.0,0.0,0.0,1.3640942896078685,0.7412039995085269,0.0,67.10214103045385 +0.0,0.0,0.0,0.0,0.02759689009212968,0.0,0.0,131.29,2021-04-26,charlotte smm food,0,130.4983048522722,127.1008852661048,0.0,0.0,0.0,0.0,3.3974195861674157,0.0,0.0,130.4983048522722 +0.0,0.0,0.0,0.0,0.06307580157629039,0.0,0.0,130.3,2021-04-26,chicago smm food,0,184.88804094057565,177.12285569785104,0.0,0.0,0.0,0.0,7.765185242724614,0.0,0.0,184.88804094057565 +0.794,0.0,0.524,0.0,0.026134403250816302,0.593,0.0,105.13,2021-04-26,cleveland/akron/canton smm food,0,136.87890495571494,131.09107465023894,1.534051682695154,0.0,0.5491157965431311,0.0,3.217374609265935,0.48728821697179203,0.0,136.87890495571494 +0.0,0.0,0.0,0.0,0.019208773669917245,0.0,0.0,92.54,2021-04-26,columbus oh smm food,0,106.28550346158144,103.92073468964487,0.0,0.0,0.0,0.0,2.3647687719365624,0.0,0.0,106.28550346158144 +0.787,0.0,0.748,0.0,0.06099758521619278,0.523,0.0,86.91,2021-04-26,dallas/ft. worth smm food,0,115.52064219483192,105.27715718131851,1.5205272975832318,0.0,0.7838523202562253,0.0,7.509338553386862,0.4297668422870949,0.0,115.52064219483194 +0.9490000000000002,0.0,0.683,0.0,0.009129994109773302,0.0,0.0,94.1,2021-04-26,des moines/ames smm food,0,66.08153685945301,62.408297363785806,1.8335202101734274,0.0,0.7157368111430508,0.0,1.123982474350726,0.0,0.0,66.08153685945301 +0.0,0.0,0.9829999999999999,0.0,0.033496000211956076,0.0,0.0,122.9,2021-04-26,detroit smm food,0,165.47669099762885,160.32292305294044,0.0,0.0,1.0301160839730874,0.0,4.123651860715347,0.0,0.0,165.47669099762888 +0.9450000000000001,0.0,0.0,0.0,0.013898203347017005,0.808,0.0,73.62,2021-04-26,grand rapids smm food,0,114.21631022558324,110.01556630860257,1.8257919901094717,0.0,0.0,0.0,1.7109909162249826,0.6639610106462193,0.0,114.21631022558324 +0.836,0.0,0.0,0.0,0.01567871707596539,0.0,0.0,59.46,2021-04-26,greensboro smm food,0,87.11462904583567,83.56924325587181,1.6151979933666858,0.0,0.0,0.0,1.9301877965971794,0.0,0.0,87.11462904583567 +0.0,0.0,0.552,0.0,0.013830022806345122,0.0,0.0,63.68000000000001,2021-04-26,harrisburg/lancaster smm food,0,87.30616284937582,85.02510769460987,0.0,0.0,0.5784578620072679,0.0,1.7025972927586848,0.0,0.0,87.30616284937582 +0.0,0.0,0.0,0.0,0.019601386585101552,0.0,0.0,98.39,2021-04-26,hartford/new haven smm food,0,115.02383311163544,112.61073024106035,0.0,0.0,0.0,0.0,2.4131028705750848,0.0,0.0,115.02383311163544 +0.0,0.0,0.0,0.0,0.05694910315615428,0.0,0.0,122.32,2021-04-26,houston smm food,0,174.65737683724777,167.64644198801398,0.0,0.0,0.0,0.0,7.010934849233807,0.0,0.0,174.6573768372478 +0.989,0.0,0.541,0.0,0.024473594301163547,0.719,0.0,104.86,2021-04-26,indianapolis smm food,0,95.10270913875763,89.02123497580452,1.9108024108129813,0.0,0.5669306220035,0.0,3.012914438732387,0.590826691404247,0.0,95.10270913875763 +0.794,0.0,0.687,0.0,0.015077939743246888,0.0,0.0,49.03,2021-04-26,jacksonville smm food,0,90.41009703712974,86.29988999004563,1.534051682695154,0.0,0.7199285347807846,0.0,1.8562268296081728,0.0,0.0,90.41009703712974 +0.847,0.0,0.56,0.0,0.018676079171514356,0.756,0.0,90.75,2021-04-26,kansas city smm food,0,85.63741266593418,80.49370051161102,1.6364505985425633,0.0,0.5868413092827356,0.0,2.299189399903127,0.6212308465947298,0.0,85.63741266593418 +0.788,0.0,0.596,0.0,0.012274825000666397,0.737,0.0,87.65,2021-04-26,knoxville smm food,0,73.66680124486118,69.4030183864474,1.5224593525992207,0.0,0.6245668220223399,0.0,1.5111387817547826,0.6056179020374549,0.0,73.6668012448612 +0.0,0.0,0.516,0.0,0.015739065206759627,0.661,0.0,63.66,2021-04-26,las vegas smm food,0,76.09750012160464,73.0759844669223,0.0,0.0,0.5407323492676634,0.0,1.9376171816063044,0.543166123808355,0.0,76.09750012160463 +0.0,0.0,0.0,0.0,0.014429425479326798,0.877,0.0,40.58,2021-04-26,little rock/pine bluff smm food,0,60.200620834457965,57.70357115599228,0.0,0.0,0.0,0.0,1.776389027058841,0.7206606514068493,0.0,60.20062083445797 +0.0,0.0,0.0,0.0,0.13452497183322384,0.0,0.0,140.28,2021-04-26,los angeles smm food,0,170.5377819178299,153.9765761946837,0.0,0.0,0.0,0.0,16.561205723146195,0.0,0.0,170.5377819178299 +0.915,0.0,0.0,0.0,0.007284769721764504,0.0,0.0,47.04,2021-04-26,madison wi smm food,0,55.083834761220025,52.419185278171575,1.7678303396298058,0.0,0.0,0.0,0.8968191434186396,0.0,0.0,55.08383476122002 +0.0,0.0,0.0,0.0,0.03432574022054736,0.0,0.0,164.5,2021-04-26,miami/west palm beach smm food,0,188.34761448043508,184.12181433608328,0.0,0.0,0.0,0.0,4.225800144351795,0.0,0.0,188.34761448043508 +0.0,0.0,0.714,0.0,0.017067153174274128,0.9140000000000001,0.0,83.05,2021-04-26,milwaukee smm food,0,71.75357643251883,68.15317248002567,0.0,0.0,0.7482226693354878,0.0,2.1011164765603336,0.7510648065973322,0.0,71.75357643251883 +0.0,0.0,0.0,0.0,0.02964920811483527,0.557,0.0,96.57,2021-04-26,minneapolis/st. paul smm food,0,89.85850620826331,85.75072244988117,0.0,0.0,0.0,0.0,3.650077962676762,0.4577057957053764,0.0,89.85850620826331 +0.0,0.0,0.9910000000000001,0.0,0.012784337776456288,0.0,0.0,80.36,2021-04-26,mobile/pensacola smm food,0,70.07879868755536,67.46643487620449,0.0,0.0,1.0384995312485554,0.0,1.573864280102322,0.0,0.0,70.07879868755536 +0.0,0.0,0.0,0.0,0.02638810336479824,0.0,0.0,87.62,2021-04-26,nashville smm food,0,98.72077526057794,95.47216793873541,0.0,0.0,0.0,0.0,3.2486073218425218,0.0,0.0,98.72077526057794 +0.539,0.0,0.577,0.0,0.017577196453076063,0.733,0.0,76.52,2021-04-26,new orleans smm food,0,63.961889355478235,59.54961731628727,1.0413776536179948,0.0,0.6046561347431043,0.0,2.163907284488685,0.6023309663411864,0.0,63.961889355478235 +0.0,0.0,0.0,0.0,0.14936168561619073,0.0,0.0,250.44,2021-04-26,new york smm food,0,308.54950110281345,290.1617655847399,0.0,0.0,0.0,0.0,18.3877355180736,0.0,0.0,308.5495011028135 +0.0,0.0,0.9400000000000001,0.0,0.016140455743210998,0.0,0.0,117.65,2021-04-26,norfolk/portsmouth/newport news smm food,0,105.28202618597925,102.30993924858487,0.0,0.0,0.985055054867449,0.0,1.9870318825269362,0.0,0.0,105.28202618597925 +0.0,0.0,0.0,0.0,0.017207270909338747,0.645,0.0,52.88,2021-04-26,oklahoma city smm food,0,56.25762870155991,53.609244119971564,0.0,0.0,0.0,0.0,2.1183662005650583,0.5300183810232815,0.0,56.2576287015599 +0.522,0.0,0.734,0.0,0.008211734215632571,0.504,0.0,70.8,2021-04-26,omaha smm food,0,64.07903436884837,60.87622985001895,1.0085327183461843,0.0,0.7691812875241569,0.0,1.0109366152292505,0.4141538977298199,0.0,64.07903436884837 +0.0,0.0,0.0,0.0,0.031722877793413255,0.0,0.0,95.55,2021-04-26,orlando/daytona beach/melborne smm food,0,136.52074708244274,132.61538216686213,0.0,0.0,0.0,0.0,3.905364915580616,0.0,0.0,136.52074708244274 +0.651,0.0,0.0,0.0,0.009532631955338587,0.624,0.0,53.35,2021-04-26,paducah ky/cape girardeau mo smm food,0,58.503338646840824,55.55925813283435,1.257767815408747,0.0,0.0,0.0,1.1735507299798582,0.5127619686178723,0.0,58.50333864684083 +0.0,0.0,0.0,0.0,0.05990649958359665,0.722,0.0,143.47,2021-04-26,philadelphia smm food,0,207.70605585874188,199.7377476378349,0.0,0.0,0.0,0.0,7.375016327730534,0.5932918931764484,0.0,207.70605585874188 +0.0,0.0,0.544,0.0,0.03496698229229416,0.886,0.0,87.31,2021-04-26,phoenix/prescott smm food,0,122.58583446708688,116.98296111946722,0.0,0.0,0.5700744147318003,0.0,4.304742676164409,0.7280562567234533,0.0,122.58583446708688 +0.0,0.0,0.0,0.0,0.019122440232201162,0.988,0.0,107.58,2021-04-26,pittsburgh smm food,0,107.71824583320864,104.55223234884438,0.0,0.0,0.0,0.0,2.354140367385956,0.8118731169782978,0.0,107.71824583320864 +0.502,0.0,0.588,0.0,0.01879591636343267,0.0,0.0,57.29,2021-04-26,portland or smm food,0,90.79632688290823,86.8963094792362,0.9698916180264071,0.0,0.6161833747468723,0.0,2.3139424108987643,0.0,0.0,90.79632688290823 +0.929,0.0,0.0,0.0,0.013225330831643544,0.0,0.0,63.75,2021-04-26,providence ri/new bedford ma smm food,0,86.67133986661354,83.24830635780522,1.7948791098536498,0.0,0.0,0.0,1.628154398954673,0.0,0.0,86.67133986661354 +0.9450000000000001,0.0,0.0,0.0,0.02781815814533841,0.745,0.0,93.29,2021-04-26,raleigh/durham/fayetteville smm food,0,131.19281616681485,125.33017277610136,1.8257919901094717,0.0,0.0,0.0,3.424659627174024,0.6121917734299918,0.0,131.19281616681485 +0.0,0.0,0.0,0.0,0.12097255549423859,0.0,0.0,236.44,2021-04-26,rem us east north central smm food,0,321.3464569271873,306.4536727021249,0.0,0.0,0.0,0.0,14.892784225062437,0.0,0.0,321.3464569271873 +0.0,0.0,0.679,0.0,0.04164332398947029,0.0,0.0,148.39,2021-04-26,rem us middle atlantic smm food,0,136.63822733442248,130.80002326169728,0.0,0.0,0.7115450875053169,0.0,5.126658985219867,0.0,0.0,136.63822733442245 +0.0,0.0,0.955,0.0,0.07194213112129283,0.0,0.0,185.8,2021-04-26,rem us mountain smm food,0,183.8149938426474,173.95751153106124,0.0,0.0,1.0007740185089509,0.0,8.856708293077189,0.0,0.0,183.81499384264737 +0.9339999999999999,0.0,0.8,0.0,0.021059828286893297,0.989,0.0,132.41,2021-04-26,rem us new england smm food,0,154.269859431705,148.221630613054,1.804539384933594,0.0,0.8383447275467651,0.0,2.5926498552682515,0.8126948509023648,0.0,154.269859431705 +0.75,0.0,0.0,0.0,0.09054251076121814,0.0,0.0,93.46,2021-04-26,rem us pacific smm food,0,117.70926387968808,105.11364420201244,1.4490412619916442,0.0,0.0,0.0,11.146578415684006,0.0,0.0,117.70926387968808 +0.0,0.0,0.916,0.0,0.1529914872537705,0.8190000000000001,0.0,214.79,2021-04-26,rem us south atlantic smm food,0,304.14773113812777,283.6802303568146,0.0,0.0,0.9599047130410461,0.0,18.834595984461185,0.6730000838109574,0.0,304.14773113812777 +0.0,0.0,0.916,0.0,0.2779578504537323,0.876,0.0,363.76,2021-04-26,rem us south central smm food,0,435.33012601216177,399.4313293612464,0.0,0.0,0.9599047130410461,0.0,34.21905302039154,0.7198389174827822,0.0,435.33012601216177 +0.0,0.0,0.0,0.0,0.09227737639681399,0.0,0.0,131.85,2021-04-26,rem us west north central smm food,0,137.31468409731184,125.95452848252805,0.0,0.0,0.0,0.0,11.360155614783809,0.0,0.0,137.31468409731187 +0.902,0.0,0.857,0.0,0.012302844104684163,0.0,0.0,62.61999999999999,2021-04-26,richmond/petersburg smm food,0,90.2234724314599,86.06809383806947,1.7427136244219505,0.0,0.8980767893844721,0.0,1.5145881795839955,0.0,0.0,90.2234724314599 +0.599,0.0,0.0,0.0,0.03317056291249583,0.0,0.0,106.66,2021-04-26,sacramento/stockton/modesto smm food,0,76.82797027300202,71.58708164797008,1.1573009545773263,0.0,0.0,0.0,4.083587670454612,0.0,0.0,76.82797027300202 +0.925,0.0,0.711,0.0,0.02002515380457872,0.0,0.0,76.44,2021-04-26,salt lake city smm food,0,88.72231117628489,83.72480907215119,1.7871508897896944,0.0,0.7450788766071874,0.0,2.465272337736822,0.0,0.0,88.72231117628489 +0.7030000000000001,0.0,0.0,0.0,0.023555981448463496,0.0,0.0,66.87,2021-04-26,san diego smm food,0,82.97249586305242,78.71431295071628,1.3582346762401678,0.0,0.0,0.0,2.8999482360959825,0.0,0.0,82.97249586305243 +0.0,0.0,0.9390000000000001,0.0,0.04592576971427603,0.895,0.0,83.75,2021-04-26,san francisco/oakland/san jose smm food,0,96.24923770510037,88.87591304741949,0.0,0.0,0.9840071239580156,0.0,5.653865671682818,0.7354518620400572,0.0,96.24923770510038 +0.808,0.0,0.0,0.0,0.028135409287995558,0.0,0.0,89.62,2021-04-26,seattle/tacoma smm food,0,93.76957298834645,88.74475650580376,1.561100452918998,0.0,0.0,0.0,3.4637160296236886,0.0,0.0,93.76957298834645 +0.66,0.0,0.0,0.0,0.021895717469974426,0.0,0.0,91.36,2021-04-26,st. louis smm food,0,91.67480499721411,87.70409353036166,1.2751563105526469,0.0,0.0,0.0,2.6955551562998052,0.0,0.0,91.67480499721411 +0.9700000000000001,0.0,0.0,0.0,0.031020249516436036,0.0,0.0,173.73,2021-04-26,tampa/ft. myers smm food,0,178.94816218895,173.25520362076367,1.8740933655091931,0.0,0.0,0.0,3.818865202677159,0.0,0.0,178.94816218895002 +0.9070000000000001,0.0,0.0,0.0,0.0077551345740737255,0.0,0.0,80.49,2021-04-26,tucson/sierra vista smm food,0,66.0293457324257,63.32224664442017,1.7523738995018951,0.0,0.0,0.0,0.9547251885036193,0.0,0.0,66.02934573242568 +0.869,0.0,0.0,0.0,0.046961815742771314,0.0,0.0,163.05,2021-04-26,washington dc/hagerstown smm food,0,180.4817440311511,173.02137618365978,1.6789558088943182,0.0,0.0,0.0,5.78141203859699,0.0,0.0,180.4817440311511 +0.0,0.0,0.0,0.0,0.006105556023652222,0.722,0.0,59.18999999999999,2021-04-26,yakima/pasco/richland/kennewick smm food,0,54.86188183885099,53.51694236690935,0.0,0.0,0.0,0.0,0.7516475787651962,0.5932918931764484,0.0,54.86188183885099 +0.754,0.723,0.657,0.0,0.006689059875838802,0.0,0.55,78.28,2021-05-03,albany/schenectady/troy smm food,0,87.28861893995912,82.35686844083078,1.4567694820555994,1.1756580121041482,0.6884906074977809,0.0,0.8234820285675013,0.0,0.7873503689033066,87.28861893995912 +0.0,0.0,0.73,0.0,0.008913780714764842,0.0,0.8280000000000001,80.91,2021-05-03,albuquerque/santa fe smm food,0,73.83980382349962,70.79212936171284,0.0,0.0,0.7649895638864231,0.0,1.0973647061695575,0.0,1.185320191730796,73.83980382349961 +0.0,0.0,0.0,0.0,0.032792757242397816,0.668,0.0,145.48,2021-05-03,atlanta smm food,0,169.8335255751156,165.2475308400832,0.0,0.0,0.0,0.0,4.037076473755598,0.5489182612768249,0.0,169.8335255751156 +0.0,0.973,0.0,0.599,0.012735518896859102,0.0,0.0,120.0,2021-05-03,baltimore smm food,0,109.68970472213147,105.28036119021601,0.0,1.5821787631775053,0.0,1.2593105215474598,1.5678542471904784,0.0,0.0,109.68970472213145 +0.672,0.685,0.0,0.0,0.005238893794931481,0.838,0.852,45.27,2021-05-03,baton rouge smm food,0,55.59369390473287,50.62824190344196,1.2983409707445133,1.113866857940998,0.0,0.0,0.6449538454996836,0.6886130283682322,1.2196772987374858,55.59369390473287 +0.685,0.8170000000000001,0.0,0.891,0.012097088886448342,0.0,0.869,56.75,2021-05-03,birmingham/anniston/tuscaloosa smm food,0,69.53395401307915,62.27551690355495,1.3234576859523683,1.3285098145077305,0.0,1.8731981213669229,1.4892579048299615,0.0,1.2440135828672243,69.53395401307915 +0.725,0.583,0.905,0.9590000000000001,0.027412430289305574,0.5680000000000001,0.767,156.58,2021-05-03,boston/manchester smm food,0,193.59702507571302,183.34429136615643,1.4007398865919225,0.9480063915030683,0.948377473037278,2.016158247352277,3.3747109641131527,0.46674486887011457,1.0979958780887928,193.59702507571302 +0.9400000000000001,0.9500000000000001,0.607,0.603,0.007777877906749783,0.0,0.0,51.45,2021-05-03,buffalo smm food,0,70.18544297217827,63.96319330778341,1.8161317150295273,1.5447788540787566,0.636094062026108,1.2677199407230688,0.9575250925373856,0.0,0.0,70.18544297217827 +0.854,0.844,0.0,0.987,0.018242771756628858,0.535,0.889,123.63999999999999,2021-05-03,charlotte smm food,0,136.15641609259708,127.1008852661048,1.6499749836544852,1.372414055623653,0.0,2.0750241815815405,2.2458454508839076,0.43962764937590015,1.272644505372799,136.15641609259708 +0.0,0.0,0.0,0.9280000000000002,0.035578202875249,0.0,0.607,176.25,2021-05-03,chicago smm food,0,184.32277874362936,177.12285569785104,0.0,0.0,0.0,1.950985248741307,4.379989298992814,0.0,0.8689484980441946,184.32277874362936 +0.971,0.0,0.0,0.0,0.017203579949180908,0.501,0.0,120.06,2021-05-03,cleveland/akron/canton smm food,0,135.49670057766934,131.09107465023894,1.8760254205251818,0.0,0.0,0.0,2.1179118109475996,0.4116886959576186,0.0,135.49670057766934 +0.0,0.0,0.0,0.9280000000000002,0.014647574342363676,0.602,0.501,98.09,2021-05-03,columbus oh smm food,0,108.88685343779501,103.92073468964487,0.0,0.0,0.0,1.950985248741307,1.8032450683557915,0.49468382228839597,0.7172046087646483,108.88685343779501 +0.0,0.0,0.865,0.795,0.03281252686581164,0.79,0.71,90.46,2021-05-03,dallas/ft. worth smm food,0,113.5600673161493,105.27715718131851,0.0,0.0,0.9064602366599397,1.6713720611523049,4.039510288057611,0.6491698000130114,1.0163977489479048,113.56006731614929 +0.9560000000000002,0.49900000000000005,0.922,0.807,0.00668925160294107,0.0,0.0,21.85,2021-05-03,des moines/ames smm food,0,68.55305562724831,62.408297363785806,1.8470445952853494,0.8114154191424205,0.9661922984976468,1.696600318679132,0.8235056318579542,0.0,0.0,68.55305562724831 +0.994,0.0,0.534,0.0,0.022489277616677725,0.0,0.0,140.59,2021-05-03,detroit smm food,0,165.57160846876417,160.32292305294044,1.9204626858929257,0.0,0.5595951056374657,0.0,2.768627624293338,0.0,0.0,165.57160846876417 +0.849,0.518,0.9380000000000001,0.0,0.011665054271064164,0.0,0.0,70.18,2021-05-03,grand rapids smm food,0,114.91722185505954,110.01556630860257,1.640314708574541,0.8423109962239956,0.9829591930485821,0.0,1.4360706486098442,0.0,0.0,114.91722185505954 +0.867,0.771,0.551,0.0,0.011247895127182484,0.8280000000000001,0.0,64.06,2021-05-03,greensboro smm food,0,89.14056526487016,83.56924325587181,1.6750916988623406,1.253709996310233,0.5774099310978345,0.0,1.3847146936003834,0.6803956891275613,0.0,89.14056526487016 +0.741,0.0,0.0,0.925,0.010954397643921974,0.833,0.0,93.83,2021-05-03,harrisburg/lancaster smm food,0,90.4345255798438,85.02510769460987,1.4316527668477443,0.0,0.0,1.9446781843596,1.3485825752786718,0.6845043587478967,0.0,90.43452557984378 +0.0,0.0,0.0,0.0,0.012711806411771047,0.548,0.7030000000000001,108.96,2021-05-03,hartford/new haven smm food,0,115.63235238950168,112.61073024106035,0.0,0.0,0.0,0.0,1.5649350319815938,0.45031019038877246,1.0063769260709536,115.63235238950168 +0.0,0.0,0.0,0.802,0.028950773847370426,0.0,0.0,117.74000000000001,2021-05-03,houston smm food,0,172.89662510190877,167.64644198801398,0.0,0.0,0.0,1.6860885447096208,3.564094569185179,0.0,0.0,172.89662510190877 +0.0,0.0,0.0,0.0,0.017288519736938922,0.0,0.774,68.34,2021-05-03,indianapolis smm food,0,92.25762032171657,89.02123497580452,0.0,0.0,0.0,0.0,2.1283686449463075,0.0,1.1080167009657442,92.25762032171657 +0.0,0.0,0.0,0.9129999999999999,0.009076855145116192,0.734,0.0,66.58,2021-05-03,jacksonville smm food,0,89.93993321816329,86.29988999004563,0.0,0.0,0.0,1.9194499268327725,1.117440601019636,0.6031527002652536,0.0,89.93993321816329 +0.0,0.0,0.61,0.8290000000000001,0.011828120116896502,0.667,0.84,42.97,2021-05-03,kansas city smm food,0,86.08253124972754,80.49370051161102,0.0,0.0,0.6392378547544083,1.7428521241449821,1.4561454866302246,0.5480965273527577,1.202498745234141,86.08253124972754 +0.0,0.0,0.0,0.0,0.009067023382474951,0.0,0.0,87.66,2021-05-03,knoxville smm food,0,70.51924861112201,69.4030183864474,0.0,0.0,0.0,0.0,1.1162302246746063,0.0,0.0,70.51924861112201 +0.0,0.0,0.0,0.0,0.00845912870140081,0.0,0.0,76.66,2021-05-03,las vegas smm food,0,74.11737751650531,73.0759844669223,0.0,0.0,0.0,0.0,1.0413930495830088,0.0,0.0,74.11737751650531 +0.915,0.758,0.846,0.0,0.01016425835512304,0.0,0.654,78.05,2021-05-03,little rock/pine bluff smm food,0,63.7780626162977,57.70357115599228,1.7678303396298058,1.2325709172544184,0.8865495493807041,0.0,1.2513094881081914,0.0,0.9362311659322954,63.778062616297696 +0.0,0.905,0.608,0.0,0.06970124713301266,0.5660000000000001,0.0,168.69,2021-05-03,los angeles smm food,0,165.13126049733654,153.9765761946837,0.0,1.4716051188855521,0.6371419929355414,0.0,8.580835789809758,0.46510140102198033,0.0,165.13126049733654 +0.621,0.924,0.0,0.71,0.005676474888064288,0.507,0.0,47.35,2021-05-03,madison wi smm food,0,57.729607064092285,52.419185278171575,1.1998061649290812,1.5025006959671274,0.0,1.4926719036706118,0.6988239218518708,0.41661909950202125,0.0,57.72960706409229 +0.84,0.0,0.0,0.0,0.018204032496037432,0.912,0.8270000000000001,164.43,2021-05-03,miami/west palm beach smm food,0,189.91912684148144,184.12181433608328,1.6229262134306413,0.0,0.0,0.0,2.2410763076127793,0.7494213387491979,1.1838886456055173,189.91912684148141 +0.0,0.9530000000000001,0.657,0.0,0.011657178752025201,0.0,0.0,65.9,2021-05-03,milwaukee smm food,0,71.82642129365132,68.15317248002567,0.0,1.5496571030916368,0.6884906074977809,0.0,1.435101103036235,0.0,0.0,71.82642129365132 +0.678,0.924,0.0,0.0,0.021015660874805567,0.0,0.768,89.61,2021-05-03,minneapolis/st. paul smm food,0,92.24979632976893,85.75072244988117,1.3099333008404463,1.5025006959671274,0.0,0.0,2.587212458866112,0.0,1.0994274242140716,92.24979632976893 +0.655,0.0,0.9969999999999999,0.655,0.008169106146925082,0.9770000000000001,0.0,72.23,2021-05-03,mobile/pensacola smm food,0,72.96228318772097,67.46643487620449,1.2654960354727025,0.0,1.044787116705156,1.377042390005987,1.0056887255190756,0.8028340438135597,0.0,72.96228318772097 +0.0,0.964,0.968,0.625,0.0187555969731114,0.8230000000000001,0.852,59.81000000000001,2021-05-03,nashville smm food,0,103.57302387941725,95.47216793873541,0.0,1.5675440161388643,1.0143971203315858,1.3139717461889189,2.308978739777761,0.6762870195072258,1.2196772987374858,103.57302387941725 +0.784,0.0,0.0,0.0,0.009998835695574007,0.0,0.6990000000000001,43.69,2021-05-03,new orleans smm food,0,63.295943696009004,59.54961731628727,1.5147311325352653,0.0,0.0,0.0,1.2309445056166293,0.0,1.0006507415698387,63.295943696009004 +0.0,0.76,0.0,0.6980000000000001,0.07939869016022659,0.789,0.0,263.77,2021-05-03,new york smm food,0,303.28805659070184,290.1617655847399,0.0,1.235823083263005,0.0,1.4674436461437848,9.774676210466254,0.6483480660889442,0.0,303.2880565907019 +0.75,0.58,0.6900000000000001,0.0,0.009834140609841753,0.0,0.0,91.72,2021-05-03,norfolk/portsmouth/newport news smm food,0,106.63585007442883,102.30993924858487,1.4490412619916442,0.9431281424901881,0.7230723275090849,0.0,1.210669093853046,0.0,0.0,106.63585007442883 +0.0,0.0,0.967,0.0,0.010177658125814991,0.841,0.909,30.39,2021-05-03,oklahoma city smm food,0,57.86790608499878,53.609244119971564,0.0,0.0,1.0133491894221522,0.0,1.2529591175862598,0.6910782301404336,1.301275427878374,57.86790608499878 +0.0,0.0,0.863,0.978,0.005619017349410405,0.731,0.993,21.56,2021-05-03,omaha smm food,0,66.55066040831798,60.87622985001895,0.0,0.0,0.9043643748410728,2.0561029884364204,0.6917503941266817,0.6006874984930523,1.421525302401788,66.55066040831797 +0.639,0.0,0.0,0.725,0.01855396309126997,0.662,0.5,98.49,2021-05-03,orlando/daytona beach/melborne smm food,0,138.91808930576636,132.61538216686213,1.2345831552168807,0.0,0.0,1.524207225579146,2.2841558377364035,0.5439878577324222,0.7157730626393696,138.91808930576636 +0.0,0.753,0.682,0.0,0.00802125881111161,0.0,0.0,74.41,2021-05-03,paducah ky/cape girardeau mo smm food,0,58.48587493506495,55.55925813283435,0.0,1.2244405022329512,0.7146888802336173,0.0,0.9874874197640257,0.0,0.0,58.48587493506494 +0.632,0.0,0.725,0.625,0.03439783875151069,0.667,0.0,168.6,2021-05-03,philadelphia smm food,0,207.81530069766006,199.7377476378349,1.2210587701049587,0.0,0.7597499093392558,1.3139717461889189,4.234676106839269,0.5480965273527577,0.0,207.81530069766006 +0.9129999999999999,0.0,0.875,0.0,0.02018069964264601,0.679,0.0,102.51,2021-05-03,phoenix/prescott smm food,0,122.70624562600517,116.98296111946722,1.763966229597828,0.0,0.9169395457542743,0.0,2.484421396744284,0.5579573344415629,0.0,122.70624562600517 +0.632,0.0,0.0,0.617,0.013671500729869016,0.874,0.0,108.21,2021-05-03,pittsburgh smm food,0,109.471721309081,104.55223234884438,1.2210587701049587,0.0,0.0,1.2971529078377007,1.6830818326593076,0.718195449634648,0.0,109.471721309081 +0.9980000000000001,0.562,0.0,0.0,0.012374985642259135,0.0,0.0,97.22,2021-05-03,portland or smm food,0,91.26182847016914,86.8963094792362,1.9281909059568814,0.9138586484129065,0.0,0.0,1.5234694365631412,0.0,0.0,91.26182847016912 +0.807,0.0,0.5060000000000001,0.93,0.008493904553318696,0.737,0.993,89.56,2021-05-03,providence ri/new bedford ma smm food,0,90.36573522108107,83.24830635780522,1.559168397903009,0.0,0.5302530401733291,1.9551899583291115,1.0456742624311615,0.6056179020374549,1.421525302401788,90.36573522108107 +0.0,0.0,0.751,0.0,0.017929282518729668,0.843,0.0,131.03,2021-05-03,raleigh/durham/fayetteville smm food,0,129.01714275902964,125.33017277610136,0.0,0.0,0.7869961129845258,0.0,2.2072521719551657,0.6927216979885678,0.0,129.0171427590296 +0.0,0.966,0.639,0.549,0.09982087709182504,0.0,0.843,260.92,2021-05-03,rem us east north central smm food,0,323.343909714609,306.4536727021249,0.0,1.5707961821474512,0.6696278511279786,1.1541927818523465,12.28882681374644,0.0,1.2067933836099771,323.3439097146091 +0.526,0.974,0.619,0.933,0.03267403234369187,0.638,0.512,80.6,2021-05-03,rem us middle atlantic smm food,0,141.28993355746186,130.80002326169728,1.0162609384101398,1.5838048461817986,0.6486692329393094,1.9614970227108182,4.022460395824979,0.5242662435548118,0.7329516161427144,141.28993355746184 +0.52,0.0,0.902,0.835,0.043902440814112445,0.633,0.58,143.07,2021-05-03,rem us mountain smm food,0,184.4181105099928,173.95751153106124,1.0046686083142067,0.0,0.9452336803089777,1.7554662529083955,5.404776110803828,0.5201575739344761,0.8302967526616687,184.4181105099928 +0.0,0.0,0.579,0.0,0.016405898942976227,0.9129999999999999,0.0,148.18,2021-05-03,rem us new england smm food,0,151.598335954406,148.221630613054,0.0,0.0,0.6067519965619712,0.0,2.0197102721167304,0.750243072673265,0.0,151.59833595440597 +0.9059999999999999,0.0,0.0,0.0,0.04888171072720862,0.8180000000000001,0.862,132.4,2021-05-03,rem us pacific smm food,0,114.78802513224429,105.11364420201244,1.7504418444859058,0.0,0.0,0.0,6.0177679758687805,0.6721783498868903,1.2339927599902731,114.78802513224429 +0.0,0.9969999999999999,0.8140000000000001,0.0,0.10302635323201813,0.6890000000000001,0.625,194.23,2021-05-03,rem us south atlantic smm food,0,300.29879095841306,283.6802303568146,0.0,1.6212047552805473,0.8530157602788335,0.0,12.683449084057619,0.5661746736822341,0.894716328299212,300.29879095841306 +0.0,0.0,0.663,0.8180000000000001,0.17158104794102125,0.0,0.0,327.73,2021-05-03,rem us south central smm food,0,422.9689679745711,399.4313293612464,0.0,0.0,0.6947781929543816,1.7197262214120572,21.123134198958226,0.0,0.0,422.96896797457106 +0.0,0.0,0.0,0.749,0.06635097077823811,0.533,0.669,103.0,2021-05-03,rem us west north central smm food,0,137.0932681036337,125.95452848252805,0.0,0.0,0.0,1.5746637406328003,8.168387341133624,0.4379841815277659,0.9577043578114766,137.0932681036337 +0.838,0.0,0.0,0.9460000000000001,0.007980883055540297,0.522,0.645,82.29,2021-05-03,richmond/petersburg smm food,0,92.01079274525311,86.06809383806947,1.6190621033986636,0.0,0.0,1.9888276350315477,0.9825168095856198,0.4289451083630278,0.9233472508047867,92.01079274525311 +0.75,0.0,0.518,0.753,0.01657393769021444,0.0,0.0,74.0,2021-05-03,sacramento/stockton/modesto smm food,0,77.20242159883966,71.58708164797008,1.4490412619916442,0.0,0.5428282110865305,1.5830731598084096,2.0403973179829946,0.0,0.0,77.20242159883966 +0.0,0.912,0.0,0.0,0.013385511358612323,0.65,0.0,66.45,2021-05-03,salt lake city smm food,0,87.38979785158821,83.72480907215119,0.0,1.4829876999156062,0.0,0.0,1.6478740288778124,0.534127050643617,0.0,87.38979785158823 +0.0,0.0,0.0,0.858,0.011895774224418983,0.0,0.0,81.22,2021-05-03,san diego smm food,0,81.98260766543598,78.71431295071628,0.0,0.0,0.0,1.803820413168148,1.4644743015515516,0.0,0.0,81.98260766543598 +0.0,0.0,0.9540000000000001,0.652,0.022429472653161493,0.759,0.0,92.26,2021-05-03,san francisco/oakland/san jose smm food,0,94.63133561695764,88.87591304741949,0.0,0.0,0.9997260875995174,1.3707353256242802,2.7612651079474104,0.6236960483669312,0.0,94.63133561695763 +0.756,0.0,0.846,0.0,0.018004259902985455,0.9269999999999999,0.539,68.62,2021-05-03,seattle/tacoma smm food,0,94.84177290297876,88.74475650580376,1.4606335920875773,0.0,0.8865495493807041,0.0,2.2164825465712843,0.7617473476102045,0.7716033615252404,94.84177290297878 +0.911,0.0,0.0,0.708,0.015186653237007896,0.0,0.618,89.13,2021-05-03,st. louis smm food,0,93.70696876508075,87.70409353036166,1.7601021195658504,0.0,0.0,1.4884671940828071,1.869610415648169,0.0,0.8846955054222608,93.70696876508075 +0.561,0.975,0.9380000000000001,0.0,0.017934830678045705,0.96,0.779,117.62,2021-05-03,tampa/ft. myers smm food,0,181.0194508047676,173.25520362076367,1.08388286396975,1.585430929186092,0.9829591930485821,0.0,2.207935199102955,0.7888645671044189,1.115174431592138,181.01945080476762 +0.0,0.0,0.676,0.7010000000000001,0.004511722543664363,0.679,0.0,35.67,2021-05-03,tucson/sierra vista smm food,0,66.61778866103569,63.32224664442017,0.0,0.0,0.7084012947770165,1.4737507105254914,0.5554326768714353,0.5579573344415629,0.0,66.61778866103568 +0.0,0.0,0.0,0.0,0.02779868170277032,0.9969999999999999,0.0,205.5,2021-05-03,washington dc/hagerstown smm food,0,177.26290681196414,173.02137618365978,0.0,0.0,0.0,0.0,3.4222619060094726,0.8192687222949016,0.0,177.26290681196414 +0.0,0.0,0.847,0.0,0.003616980564536155,0.0,0.0,50.18,2021-05-03,yakima/pasco/richland/kennewick smm food,0,54.84982192687289,53.51694236690935,0.0,0.0,0.8875974802901375,0.0,0.4452820796734093,0.0,0.0,54.84982192687289 +0.515,0.0,0.0,0.0,0.004404616860629737,0.0,0.0,80.58,2021-05-10,albany/schenectady/troy smm food,0,83.89412380052019,82.35686844083078,0.9950083332342623,0.0,0.0,0.0,0.5422470264551424,0.0,0.0,83.89412380052019 +0.633,0.9140000000000001,0.616,0.0,0.007459764237386756,0.5060000000000001,0.792,45.94,2021-05-10,albuquerque/santa fe smm food,0,76.61482989524136,70.79212936171284,1.2229908251209476,1.4862398659241933,0.6455254402110091,0.0,0.9183625054736441,0.4157973655779542,1.1337845312207615,76.61482989524134 +0.0,0.624,0.0,0.0,0.029335707806514323,0.0,0.0,143.45,2021-05-10,atlanta smm food,0,169.87368995564412,165.2475308400832,0.0,1.014675794679099,0.0,0.0,3.611483320881857,0.0,0.0,169.87368995564415 +0.552,0.0,0.0,0.0,0.010391251619028022,0.0,0.0,95.42,2021-05-10,baltimore smm food,0,107.62610991188461,105.28036119021601,1.0664943688258501,0.0,0.0,0.0,1.2792543528427434,0.0,0.0,107.62610991188461 +0.858,0.982,0.0,0.0,0.004245968206977592,0.735,0.838,55.7,2021-05-10,baton rouge smm food,0,56.209084688142966,50.62824190344196,1.6577032037184407,1.596813510216146,0.0,0.0,0.5227159835935193,0.6039744341893207,1.1996356529835834,56.20908468814297 +0.5690000000000001,0.605,0.67,0.0,0.008931103459909101,0.0,0.9840000000000001,84.47,2021-05-10,birmingham/anniston/tuscaloosa smm food,0,67.56888881010761,62.27551690355495,1.0993393040976607,0.9837802175975238,0.7021137093204158,0.0,1.0994972882627867,0.0,1.4086413872742796,67.56888881010762 +0.0,0.923,0.971,0.871,0.020523033321570766,0.0,0.661,139.16,2021-05-10,boston/manchester smm food,0,191.1666755862151,183.34429136615643,0.0,1.5008746129628339,1.017540913059886,1.8311510254888774,2.5265656797378018,0.0,0.9462519888092467,191.16667558621506 +0.0,0.804,0.0,0.925,0.0053056975223235575,0.0,0.512,95.07,2021-05-10,buffalo smm food,0,68.60137181489472,63.96319330778341,0.0,1.307370735451916,0.0,1.9446781843596,0.6531779711570725,0.0,0.7329516161427144,68.60137181489472 +0.0,0.0,0.0,0.0,0.013559309801651872,0.644,0.618,81.43,2021-05-10,charlotte smm food,0,130.18404756251763,127.1008852661048,0.0,0.0,0.0,0.0,1.669270143891379,0.5291966470992143,0.8846955054222608,130.18404756251766 +0.0,0.555,0.687,0.0,0.027457101121409273,0.0,0.982,163.75,2021-05-10,chicago smm food,0,183.53124893097979,177.12285569785104,0.0,0.9024760673828525,0.7199285347807846,0.0,3.3802103359413858,0.0,1.4057782950237219,183.53124893097979 +0.0,0.0,0.932,0.0,0.012205142099977478,0.8170000000000001,0.683,137.02,2021-05-10,cleveland/akron/canton smm food,0,135.21940908193253,131.09107465023894,0.0,0.0,0.9766716075919814,0.0,1.5025602045733992,0.6713566159628231,0.9777460035653789,135.21940908193253 +0.0,0.0,0.856,0.0,0.00954363057626316,0.78,0.753,106.31,2021-05-10,columbus oh smm food,0,107.71157499805659,103.92073468964487,0.0,0.0,0.8970288584750387,0.0,1.17490475682945,0.6409524607723404,1.0779542323348905,107.71157499805659 +0.0,0.0,0.586,0.6980000000000001,0.03285090452145503,0.0,0.63,98.36,2021-05-10,dallas/ft. worth smm food,0,112.30479731389914,105.27715718131851,0.0,0.0,0.6140875129280053,1.4674436461437848,4.044234914583236,0.0,0.9018740589256057,112.30479731389914 +0.5750000000000001,0.917,0.642,0.0,0.004487385494045511,0.0,0.0,79.77,2021-05-10,des moines/ames smm food,0,66.23555532905529,62.408297363785806,1.110931634193594,1.4911181149370734,0.672771643856279,0.0,0.5524365722825274,0.0,0.0,66.23555532905527 +0.623,0.587,0.786,0.0,0.015296819637136264,0.0,0.597,143.26,2021-05-10,detroit smm food,0,166.0425836502524,160.32292305294044,1.203670274961059,0.954510723520242,0.8236736948146968,0.0,1.8831728672245664,0.0,0.8546330367914072,166.04258365025242 +0.855,0.627,0.0,0.0,0.006744894467188527,0.0,0.5,84.85,2021-05-10,grand rapids smm food,0,114.2331562108277,110.01556630860257,1.6519070386704742,1.0195540436919792,0.0,0.0,0.8303557572233004,0.0,0.7157730626393696,114.2331562108277 +0.9590000000000001,0.0,0.0,0.0,0.00791304145139815,0.794,0.0,46.79,2021-05-10,greensboro smm food,0,87.04870566409781,83.56924325587181,1.8528407603333157,0.0,0.0,0.0,0.9741649121834094,0.6524567357092798,0.0,87.04870566409781 +0.589,0.522,0.0,0.582,0.0067349301374823355,0.683,0.583,60.76,2021-05-10,harrisburg/lancaster smm food,0,90.46043863920302,85.02510769460987,1.1379804044174378,0.8488153282411693,0.0,1.2235704900511213,0.8291290607080832,0.5612442701378314,0.8345913910375049,90.46043863920302 +0.577,0.0,0.888,0.704,0.009045013265082827,0.774,0.925,84.26,2021-05-10,hartford/new haven smm food,0,119.20986921676378,112.61073024106035,1.1147957442255714,0.0,0.9305626475769092,1.4800577749071981,1.113520585882981,0.6360220572279377,1.3241801658828338,119.20986921676378 +0.529,0.859,0.0,0.0,0.027863742138972126,0.717,0.0,124.37,2021-05-10,houston smm food,0,174.0847590329242,167.64644198801398,1.0220571034581063,1.3968053006880545,0.0,0.0,3.43027141720797,0.5891832235561129,0.0,174.0847590329242 +0.519,0.9000000000000001,0.0,0.0,0.01112009528854651,0.653,0.0,128.17,2021-05-10,indianapolis smm food,0,93.3930198962312,89.02123497580452,1.0027365532982178,1.4634747038640852,0.0,0.0,1.3689814108485445,0.5365922524158183,0.0,93.39301989623118 +0.0,0.0,0.0,0.0,0.0064621750526454675,0.0,0.0,72.33,2021-05-10,jacksonville smm food,0,87.09544050388274,86.29988999004563,0.0,0.0,0.0,0.0,0.7955505138371152,0.0,0.0,87.09544050388274 +0.0,0.0,0.0,0.0,0.008350488221766306,0.747,0.0,64.14,2021-05-10,kansas city smm food,0,82.1355542051125,80.49370051161102,0.0,0.0,0.0,0.0,1.0280184522233538,0.6138352412781259,0.0,82.1355542051125 +0.0,0.9339999999999999,0.839,0.0,0.006106538799107774,0.849,0.968,45.23,2021-05-10,knoxville smm food,0,74.63615126333156,69.4030183864474,0.0,1.5187615260100615,0.8792140330146698,0.0,0.7517685670566431,0.6976521015329704,1.3857366492698195,74.63615126333157 +0.612,0.0,0.533,0.0,0.009020537065451804,0.0,0.9430000000000001,48.97,2021-05-10,las vegas smm food,0,77.27740465827861,73.0759844669223,1.1824176697851816,0.0,0.5585471747280323,0.0,1.1105073507052574,0.0,1.349947996137851,77.27740465827863 +0.0,0.636,0.8130000000000001,0.0,0.006555734630321673,0.751,0.531,54.78,2021-05-10,little rock/pine bluff smm food,0,61.77406946528217,57.70357115599228,0.0,1.03418879073062,0.8519678293694001,0.0,0.8070685196924685,0.6171221769743943,0.7601509925230105,61.774069465282174 +0.635,0.0,0.904,0.0,0.07401778291193517,0.842,0.0,139.86,2021-05-10,los angeles smm food,0,165.95489989741637,153.9765761946837,1.2268549351529254,0.0,0.9473295421278446,0.0,9.112239261387376,0.6918999640645007,0.0,165.95489989741634 +0.61,0.0,0.0,0.885,0.0034707368917475208,0.0,0.0,42.76,2021-05-10,madison wi smm food,0,55.885601029451855,52.419185278171575,1.1785535597532037,0.0,0.0,1.860583992603509,0.42727819892356855,0.0,0.0,55.885601029451855 +0.9440000000000001,0.85,0.795,0.632,0.016522153457299463,0.0,0.0,155.09,2021-05-10,miami/west palm beach smm food,0,191.52366035160156,184.12181433608328,1.8238599350934828,1.3821705536494135,0.8331050729995978,1.3286882297462348,2.034022224029558,0.0,0.0,191.52366035160156 +0.789,0.0,0.0,0.0,0.007747304705698034,0.674,0.9540000000000001,78.58,2021-05-10,milwaukee smm food,0,72.5508688189057,68.15317248002567,1.5243914076152096,0.0,0.0,0.0,0.953761262927662,0.5538486648212274,1.3656950035159172,72.55086881890568 +0.0,0.0,0.0,0.0,0.01570796385763153,0.981,0.749,109.14,2021-05-10,minneapolis/st. paul smm food,0,89.56285980955381,85.75072244988117,0.0,0.0,0.0,0.0,1.933788332329039,0.806120979509828,1.0722280478337756,89.56285980955381 +0.757,0.0,0.758,0.0,0.005809016620775261,0.0,0.0,64.15,2021-05-10,mobile/pensacola smm food,0,70.43847312607657,67.46643487620449,1.4625656471035662,0.0,0.7943316293505599,0.0,0.7151409734179546,0.0,0.0,70.43847312607657 +0.675,0.0,0.0,0.0,0.012560865572623696,0.733,0.0,79.86,2021-05-10,nashville smm food,0,98.92498892966135,95.47216793873541,1.3041371357924798,0.0,0.0,0.0,1.5463528887922782,0.6023309663411864,0.0,98.92498892966135 +0.986,0.0,0.0,0.898,0.007799397797202218,0.0,0.0,58.12,2021-05-10,new orleans smm food,0,64.30271254706301,59.54961731628727,1.9050062457650148,0.0,0.0,1.8879146049242388,0.9601743800864971,0.0,0.0,64.30271254706302 +0.0,0.0,0.5680000000000001,0.0,0.06833234543636627,0.673,0.9129999999999999,285.06,2021-05-10,new york smm food,0,301.0293308508595,290.1617655847399,0.0,0.0,0.5952247565582033,0.0,8.41231196628478,0.5530269308971604,1.3070016123794888,301.02933085085954 +0.856,0.8320000000000001,0.0,0.732,0.007379070745879744,0.581,0.0,82.3,2021-05-10,norfolk/portsmouth/newport news smm food,0,108.24145894870654,102.30993924858487,1.653839093686463,1.352901059572132,0.0,1.5389237091364618,0.908428427843631,0.4774274098829868,0.0,108.24145894870654 +0.0,0.754,0.602,0.8160000000000001,0.009298013058748328,0.763,0.0,22.05,2021-05-10,oklahoma city smm food,0,58.953336691452066,53.609244119971564,0.0,1.2260665852372445,0.6308544074789407,1.7155215118242526,1.1446670828768806,0.6269829840631996,0.0,58.95333669145208 +0.538,0.0,0.948,0.752,0.004117164565262427,0.0,0.517,90.03,2021-05-10,omaha smm food,0,65.73705322641254,60.87622985001895,1.0394455986020061,0.0,0.9934385021429166,1.5809708050145073,0.5068591238650534,0.0,0.7401093467691081,65.73705322641254 +0.665,0.0,0.672,0.0,0.014598082255099037,0.0,0.0,109.13,2021-05-10,orlando/daytona beach/melborne smm food,0,136.40156048130052,132.61538216686213,1.284816585632591,0.0,0.7042095711392827,0.0,1.7971521576665128,0.0,0.0,136.40156048130052 +0.972,0.0,0.5640000000000001,0.0,0.004598454115013646,0.0,0.842,54.8,2021-05-10,paducah ky/cape girardeau mo smm food,0,59.79972057395026,55.55925813283435,1.8779574755411708,0.0,0.5910330329204695,0.0,0.5661100951695632,0.0,1.2053618374846984,59.79972057395025 +0.714,0.745,0.857,0.0,0.026931504431326306,0.0,0.0,178.16,2021-05-10,philadelphia smm food,0,206.54224831329452,199.7377476378349,1.379487281416045,1.2114318381986038,0.8980767893844721,0.0,3.315504766460501,0.0,0.0,206.54224831329452 +0.0,0.0,0.993,0.0,0.0180273004159442,0.988,0.584,124.59,2021-05-10,phoenix/prescott smm food,0,121.89077160278406,116.98296111946722,0.0,0.0,1.040595393067422,0.0,2.219319036108332,0.8118731169782978,0.8360229371627836,121.89077160278406 +0.911,0.0,0.0,0.789,0.009002579023892445,0.884,0.8250000000000001,125.41999999999999,2021-05-10,pittsburgh smm food,0,110.98682730107218,104.55223234884438,1.7601021195658504,0.0,0.0,1.6587579323888912,1.1082965580427766,0.726412788875319,1.1810255533549598,110.98682730107218 +0.0,0.0,0.0,0.0,0.009253309258780382,0.9070000000000001,0.0,71.25,2021-05-10,portland or smm food,0,88.78078580078002,86.8963094792362,0.0,0.0,0.0,0.0,1.1391636524149633,0.7453126691288625,0.0,88.78078580078002 +0.9980000000000001,0.898,0.526,0.0,0.005970981429147708,0.514,0.0,41.66,2021-05-10,providence ri/new bedford ma smm food,0,88.34538296100541,83.24830635780522,1.9281909059568814,1.4602225378554983,0.551211658361998,0.0,0.73508026405532,0.42237123697049095,0.0,88.34538296100541 +0.562,0.0,0.0,0.9460000000000001,0.013549301114890845,0.603,0.51,131.26,2021-05-10,raleigh/durham/fayetteville smm food,0,131.29844739685635,125.33017277610136,1.0858149189857387,0.0,0.0,1.9888276350315477,1.6680379866330717,0.4955055562124631,0.730088523892157,131.29844739685635 +0.0,0.975,0.0,0.0,0.058943638704794465,0.0,0.714,256.68,2021-05-10,rem us east north central smm food,0,316.3177072603745,306.4536727021249,0.0,1.585430929186092,0.0,0.0,7.256479695614517,0.0,1.0221239334490198,316.3177072603745 +0.516,0.0,0.0,0.0,0.02016001189083885,0.0,0.0,144.69,2021-05-10,rem us middle atlantic smm food,0,134.27883820271958,130.80002326169728,0.9969403882502511,0.0,0.0,0.0,2.4818745527720547,0.0,0.0,134.27883820271958 +0.904,0.0,0.0,0.5760000000000001,0.037333563691677216,0.0,0.79,178.04,2021-05-10,rem us mountain smm food,0,182.64205670065937,173.95751153106124,1.7465777344539284,0.0,0.0,1.2109563612877077,4.596089634886271,0.0,1.130921438970204,182.64205670065934 +0.909,0.739,0.596,0.676,0.009695110430044817,0.0,0.0,146.33,2021-05-10,rem us new england smm food,0,154.41885588291603,148.221630613054,1.7562380095338728,1.201675340172843,0.6245668220223399,1.4211918406779347,1.1935532574550458,0.0,0.0,154.41885588291603 +0.0,0.555,0.777,0.904,0.04262278254403578,0.0,0.0,96.62,2021-05-10,rem us pacific smm food,0,113.97813025673192,105.11364420201244,0.0,0.9024760673828525,0.8142423166297956,1.9005287336876524,5.247238937019183,0.0,0.0,113.97813025673192 +0.0,0.536,0.0,0.638,0.07518101385296869,0.9490000000000002,0.711,227.19,2021-05-10,rem us south atlantic smm food,0,296.9462112028875,283.6802303568146,0.0,0.8715804903012774,0.0,1.3413023585096484,9.255443208249138,0.7798254939396809,1.0178292950731835,296.9462112028875 +0.738,0.0,0.0,0.0,0.1265350179928683,0.722,0.868,369.69,2021-05-10,rem us south central smm food,0,418.270632113235,399.4313293612464,1.4258566017997778,0.0,0.0,0.0,15.577572220270483,0.5932918931764484,1.2425820367419456,418.2706321132351 +0.8300000000000001,0.0,0.0,0.0,0.04459721336660727,0.808,0.985,125.63,2021-05-10,rem us west north central smm food,0,135.12247680486203,125.95452848252805,1.603605663270753,0.0,0.0,0.0,5.490308715017468,0.6639610106462193,1.410072933399558,135.12247680486206 +0.5060000000000001,0.0,0.0,0.0,0.006048703299451937,0.0,0.0,106.79,2021-05-10,richmond/petersburg smm food,0,87.79036218517187,86.06809383806947,0.9776198380903628,0.0,0.0,0.0,0.744648509012039,0.0,0.0,87.79036218517187 +0.882,0.0,0.96,0.636,0.01732413783049747,0.0,0.0,55.29,2021-05-10,sacramento/stockton/modesto smm food,0,77.76701903918905,71.58708164797008,1.7040725241021735,0.0,1.006013673056118,1.3370976489218438,2.132753545138821,0.0,0.0,77.76701903918904 +0.763,0.0,0.0,0.0,0.010758283072816507,0.919,0.0,64.44,2021-05-10,salt lake city smm food,0,87.27857967443984,83.72480907215119,1.4741579771994993,0.0,0.0,0.0,1.3244391488714855,0.7551734762176677,0.0,87.27857967443984 +0.0,0.0,0.0,0.629,0.011268757996752667,0.96,0.0,79.71,2021-05-10,san diego smm food,0,82.21284177929275,78.71431295071628,0.0,0.0,0.0,1.3223811653645279,1.3872830961075053,0.7888645671044189,0.0,82.21284177929273 +0.0,0.772,0.9339999999999999,0.0,0.02101834183195382,0.0,0.665,112.14,2021-05-10,san francisco/oakland/san jose smm food,0,94.64953727769628,88.87591304741949,0.0,1.2553360793145263,0.9787674694108481,0.0,2.5875425082410506,0.0,0.9519781733103616,94.64953727769628 +0.0,0.555,0.0,0.551,0.01387890379644471,0.729,0.986,81.42,2021-05-10,seattle/tacoma smm food,0,94.52479354681549,88.74475650580376,0.0,0.9024760673828525,0.0,1.158397491440151,1.7086149720189634,0.5990440306449181,1.4115044795248368,94.52479354681549 +0.0,0.598,0.89,0.839,0.009830025034761714,0.0,0.0,77.58,2021-05-10,st. louis smm food,0,92.58318777881767,87.70409353036166,0.0,0.9723976365674698,0.9326585093957762,1.7638756720840045,1.2101624304087741,0.0,0.0,92.58318777881769 +0.0,0.0,0.862,0.8260000000000001,0.013549100191678187,0.0,0.0,147.44,2021-05-10,tampa/ft. myers smm food,0,177.5630783756792,173.25520362076367,0.0,0.0,0.9033164439316393,1.7365450597632752,1.6680132512206494,0.0,0.0,177.56307837567923 +0.608,0.0,0.67,0.912,0.0036706339726805385,0.0,0.534,67.85,2021-05-10,tucson/sierra vista smm food,0,68.33273029191628,63.32224664442017,1.1746894497212261,0.0,0.7021137093204158,1.9173475720388704,0.4518872855167427,0.0,0.7644456308988468,68.33273029191628 +0.0,0.726,0.9470000000000001,0.0,0.022799522405548223,0.0,0.0,217.89,2021-05-10,washington dc/hagerstown smm food,0,178.00112449905714,173.02137618365978,0.0,1.1805362611170285,0.9923905712334832,0.0,2.8068214830468503,0.0,0.0,178.00112449905714 +0.909,0.0,0.0,0.618,0.002809480849150706,0.0,0.892,77.92,2021-05-10,yakima/pasco/richland/kennewick smm food,0,58.19524655431661,53.51694236690935,1.7562380095338728,0.0,0.0,1.299255262631603,0.3458717714931579,0.0,1.2769391437486353,58.19524655431662 +0.89,0.798,0.0,0.656,0.002857915375071593,0.0,0.5750000000000001,119.63,2021-05-17,albany/schenectady/troy smm food,0,87.92812989641341,82.35686844083078,1.7195289642300844,1.2976142374261554,0.0,1.3791447447998892,0.35183448709122034,0.0,0.8231390220352751,87.92812989641341 +0.0,0.0,0.736,0.9840000000000001,0.011990616207905562,0.0,0.648,87.55,2021-05-17,albuquerque/santa fe smm food,0,76.03591570026336,70.79212936171284,0.0,0.0,0.7712771493430238,2.068717117199834,1.476150182827035,0.0,0.927641889180623,76.03591570026336 +0.858,0.0,0.527,0.686,0.05231492468018203,0.0,0.5630000000000001,120.66,2021-05-17,atlanta smm food,0,176.14609626164327,165.2475308400832,1.6577032037184407,0.0,0.5522595892714315,1.4422153886169575,6.440426771421311,0.0,0.8059604685319303,176.14609626164327 +0.772,0.0,0.78,0.0,0.007541335183371477,0.0,0.671,126.53000000000002,2021-05-17,baltimore smm food,0,109.47826582743711,105.28036119021601,1.491546472343399,0.0,0.817386109358096,0.0,0.9284046054575742,0.0,0.960567450062034,109.47826582743711 +0.0,0.777,0.0,0.975,0.0033663730012881876,0.51,0.0,77.92,2021-05-17,baton rouge smm food,0,54.77501871036456,50.62824190344196,0.0,1.2634664943359935,0.0,2.0497959240547132,0.41443008725767155,0.4190843012742225,0.0,54.77501871036456 +0.0,0.758,0.0,0.0,0.005497006464118969,0.753,0.0,70.96,2021-05-17,birmingham/anniston/tuscaloosa smm food,0,64.80358324801463,62.27551690355495,0.0,1.2325709172544184,0.0,0.0,0.676729782382717,0.6187656448225286,0.0,64.80358324801462 +0.9570000000000001,0.628,0.61,0.505,0.01519381308169793,0.0,0.0,139.52,2021-05-17,boston/manchester smm food,0,189.7858670242519,183.34429136615643,1.848976650301338,1.0211801266962726,0.6392378547544083,1.0616891709206464,1.8704918554228187,0.0,0.0,189.7858670242519 +0.0,0.715,0.6900000000000001,0.8240000000000001,0.003348680139573639,0.955,0.0,23.85,2021-05-17,buffalo smm food,0,68.77826317158532,63.96319330778341,0.0,1.1626493480698008,0.7230723275090849,1.7323403501754708,0.41225194056347203,0.7847558974840834,0.0,68.77826317158532 +0.0,0.547,0.769,0.0,0.008553679982531181,0.0,0.975,140.35,2021-05-17,charlotte smm food,0,131.24500215379925,127.1008852661048,0.0,0.889467403348505,0.8058588693543279,0.0,1.0530331428448636,0.0,1.3957574721467707,131.24500215379928 +0.687,0.0,0.0,0.0,0.018920029369843737,0.9210000000000002,0.0,227.42,2021-05-17,chicago smm food,0,181.53621625011914,177.12285569785104,1.327321795984346,0.0,0.0,0.0,2.329221812217949,0.756816944065802,0.0,181.53621625011914 +0.6980000000000001,0.0,0.0,0.874,0.008051901149171172,0.0,0.0,160.56,2021-05-17,cleveland/akron/canton smm food,0,135.26836690201645,131.09107465023894,1.3485744011602236,0.0,0.0,1.8374580898705841,0.9912597607467224,0.0,0.0,135.26836690201645 +0.6980000000000001,0.0,0.0,0.0,0.006094139568438776,0.0,0.68,88.99,2021-05-17,columbus oh smm food,0,106.99300256883896,103.92073468964487,1.3485744011602236,0.0,0.0,0.0,0.750242112844316,0.0,0.9734513651895427,106.99300256883896 +0.932,0.0,0.608,0.7030000000000001,0.0932600634866769,0.0,0.0,74.57,2021-05-17,dallas/ft. worth smm food,0,120.67406289690722,105.27715718131851,1.8006752749016164,0.0,0.6371419929355414,1.477955420113296,11.481133027638245,0.0,0.0,120.67406289690722 +0.0,0.0,0.578,0.0,0.003043901019315125,0.922,0.501,61.71,2021-05-17,des moines/ames smm food,0,64.86357566982034,62.408297363785806,0.0,0.0,0.6057040656525378,0.0,0.37473095362746756,0.757638677989869,0.7172046087646483,64.86357566982034 +0.0,0.9059999999999999,0.0,0.65,0.00981169100906143,0.0,0.0,111.85,2021-05-17,detroit smm food,0,164.37059022166258,160.32292305294044,0.0,1.4732312018898455,0.0,1.3665306160364756,1.207905350795836,0.0,0.0,164.3705902216626 +0.744,0.0,0.752,0.0,0.0037366206152240626,0.0,0.755,76.68,2021-05-17,grand rapids smm food,0,113.78188742982955,110.01556630860257,1.4374489318957109,0.0,0.7880440438939592,0.0,0.4600108208518612,0.0,1.080817324585448,113.78188742982955 +0.59,0.844,0.941,0.87,0.004744418145983516,0.0,0.0,109.39,2021-05-17,greensboro smm food,0,89.48080097695583,83.56924325587181,1.1399124594334267,1.372414055623653,0.9861029857768824,1.8290486706949751,0.5840795495550923,0.0,0.0,89.48080097695583 +0.0,0.752,0.0,0.5650000000000001,0.00404631899970663,0.9450000000000001,0.0,70.48,2021-05-17,harrisburg/lancaster smm food,0,88.71042854306224,85.02510769460987,0.0,1.2228144192286576,0.0,1.1878304585547828,0.4981374124255092,0.7765385582434123,0.0,88.71042854306224 +0.5700000000000001,0.758,0.553,0.6920000000000001,0.006434344533756474,0.0,0.0,87.56,2021-05-17,hartford/new haven smm food,0,117.77103216021932,112.61073024106035,1.1012713591136496,1.2325709172544184,0.5795057929167015,1.4548295173803711,0.7921243324938183,0.0,0.0,117.7710321602193 +0.0,0.0,0.0,0.71,0.05952428498212646,0.926,0.49200000000000005,131.02,2021-05-17,houston smm food,0,177.93232255185865,167.64644198801398,0.0,0.0,0.0,1.4926719036706118,7.327962352850794,0.7609256136861374,0.7043206936371398,177.93232255185865 +0.851,0.0,0.0,0.0,0.006747224122541319,0.838,0.0,113.48000000000002,2021-05-17,indianapolis smm food,0,92.18466938104059,89.02123497580452,1.6441788186065187,0.0,0.0,0.0,0.830642558261322,0.6886130283682322,0.0,92.18466938104059 +0.0,0.0,0.783,0.0,0.004196632344862249,0.0,0.875,87.94,2021-05-17,jacksonville smm food,0,88.88966505734335,86.29988999004563,0.0,0.0,0.8205299020863963,0.0,0.5166423055924273,0.0,1.2526028596188967,88.88966505734335 +0.0,0.0,0.0,0.0,0.005453127257364866,0.0,0.0,88.1,2021-05-17,kansas city smm food,0,81.16502837819982,80.49370051161102,0.0,0.0,0.0,0.0,0.6713278665887922,0.0,0.0,81.16502837819982 +0.6900000000000001,0.0,0.0,0.626,0.0035188698734650017,0.0,0.0,29.830000000000002,2021-05-17,knoxville smm food,0,72.4854142402439,69.4030183864474,1.3331179610323127,0.0,0.0,1.3160741009828212,0.4332037917813755,0.0,0.0,72.48541424024391 +0.0,0.8170000000000001,0.726,0.0,0.021390204909539332,0.0,0.9129999999999999,105.24,2021-05-17,las vegas smm food,0,79.10561585365923,73.0759844669223,0.0,1.3285098145077305,0.7607978402486892,0.0,2.633322119601021,0.0,1.3070016123794888,79.10561585365923 +0.0,0.0,0.807,0.0,0.003943172986607128,0.0,0.0,75.0,2021-05-17,little rock/pine bluff smm food,0,59.03469063206573,57.70357115599228,0.0,0.0,0.8456802439127993,0.0,0.4854392321606514,0.0,0.0,59.03469063206573 +0.682,0.594,0.0,0.796,0.10385462603906576,0.0,0.0,125.18,2021-05-17,los angeles smm food,0,170.7190221783805,153.9765761946837,1.3176615209044018,0.9658933045502961,0.0,1.6734744159462072,12.785416742295894,0.0,0.0,170.7190221783805 +0.662,0.0,0.804,0.0,0.0020599697944357937,0.0,0.0,27.45,2021-05-17,madison wi smm food,0,54.79434252676452,52.419185278171575,1.2790204205846245,0.0,0.8425364511844989,0.0,0.2536003768238127,0.0,0.0,54.79434252676451 +0.0,0.0,0.632,0.9210000000000002,0.012852604261161332,0.0,0.0,151.19,2021-05-17,miami/west palm beach smm food,0,188.30264392006328,184.12181433608328,0.0,0.0,0.6622923347619444,1.9362687651839912,1.5822684840340488,0.0,0.0,188.30264392006325 +0.0,0.0,0.522,0.0,0.005006817460391111,0.0,0.0,69.7,2021-05-17,milwaukee smm food,0,69.31657562486929,68.15317248002567,0.0,0.0,0.5470199347242642,0.0,0.6163832101193493,0.0,0.0,69.31657562486929 +0.0,0.794,0.656,0.556,0.03047781949639995,0.805,0.5720000000000001,77.58,2021-05-17,minneapolis/st. paul smm food,0,94.1306117922338,85.75072244988117,0.0,1.2911099054089816,0.6874426765883473,1.1689092654096624,3.752087302412181,0.6614958088740179,0.8188443836594389,94.1306117922338 +0.72,0.0,0.0,0.873,0.0034801489593794476,0.917,0.577,28.699999999999996,2021-05-17,mobile/pensacola smm food,0,72.7008392525748,67.46643487620449,1.3910796115119783,0.0,0.0,1.8353557350766818,0.4284369071262787,0.7535300083695334,0.8260021142858325,72.7008392525748 +0.0,0.0,0.8150000000000001,0.903,0.007819155346937308,0.9500000000000001,0.0,71.12,2021-05-17,nashville smm food,0,99.96791194469378,95.47216793873541,0.0,0.0,0.854063691188267,1.89842637889375,0.9626067080125998,0.7806472278637479,0.0,99.96791194469378 +0.745,0.0,0.0,0.718,0.005419131389556204,0.0,0.542,100.2,2021-05-17,new orleans smm food,0,63.941529721757874,59.54961731628727,1.4393809869116998,0.0,0.0,1.50949074202183,0.6671426766359995,0.0,0.7758979999010767,63.941529721757874 +0.0,0.0,0.866,0.0,0.05497662736265106,0.0,0.0,223.19,2021-05-17,new york smm food,0,297.8373795047964,290.1617655847399,0.0,0.0,0.9075081675693731,0.0,6.768105752487138,0.0,0.0,297.8373795047964 +0.781,0.86,0.0,0.0,0.004936228666843069,0.986,0.0,132.18,2021-05-17,norfolk/portsmouth/newport news smm food,0,106.63522835846416,102.30993924858487,1.5089349674872987,1.3984313836923479,0.0,0.0,0.6076931095694892,0.8102296491301635,0.0,106.63522835846416 +0.0,0.491,0.0,0.891,0.0222163471051933,0.751,0.625,78.9,2021-05-17,oklahoma city smm food,0,60.527714982581244,53.609244119971564,0.0,0.798406755108073,0.0,1.8731981213669229,2.7350274808610777,0.6171221769743943,0.894716328299212,60.527714982581244 +0.0,0.9980000000000001,0.673,0.678,0.005027275903732338,0.948,0.0,69.06,2021-05-17,omaha smm food,0,66.027620324839,60.87622985001895,0.0,1.622830838284841,0.7052575020487162,1.4253965502657393,0.6189018242051374,0.7790037600156136,0.0,66.027620324839 +0.747,0.0,0.0,0.8989999999999999,0.010768797173752068,0.805,0.0,70.61,2021-05-17,orlando/daytona beach/melborne smm food,0,137.9358735594523,132.61538216686213,1.4432450969436774,0.0,0.0,1.8900169597181407,1.3257335270543231,0.6614958088740179,0.0,137.9358735594523 +0.0,0.0,0.0,0.877,0.0024779696824859063,0.0,0.0,45.98,2021-05-17,paducah ky/cape girardeau mo smm food,0,57.7080831219123,55.55925813283435,0.0,0.0,0.0,1.843765154252291,0.305059834825649,0.0,0.0,57.70808312191229 +0.901,0.0,0.0,0.0,0.020352724421261143,0.72,0.669,167.8,2021-05-17,philadelphia smm food,0,205.53348114846767,199.7377476378349,1.7407815694059618,0.0,0.0,0.0,2.505599158087032,0.5916484253283142,0.9577043578114766,205.53348114846767 +0.0,0.629,0.9059999999999999,0.0,0.023696431147916117,0.524,0.683,58.03000000000001,2021-05-17,phoenix/prescott smm food,0,123.28076614072394,116.98296111946722,0.0,1.0228062097005661,0.9494254039467114,0.0,2.9172388278329024,0.430588576211162,0.9777460035653789,123.28076614072394 +0.0,0.503,0.0,0.0,0.005621974182457166,0.524,0.0,96.41,2021-05-17,pittsburgh smm food,0,106.49285508246321,104.55223234884438,0.0,0.8179197511595941,0.0,0.0,0.6921144062480677,0.430588576211162,0.0,106.49285508246321 +0.0,0.0,0.0,0.0,0.006436000132627112,0.0,0.648,85.4,2021-05-17,portland or smm food,0,88.61627951967468,86.8963094792362,0.0,0.0,0.0,0.0,0.7923281512578589,0.0,0.927641889180623,88.61627951967468 +0.0,0.724,0.0,0.0,0.004243493943005119,0.9570000000000001,0.715,38.78,2021-05-17,providence ri/new bedford ma smm food,0,86.75795667778434,83.24830635780522,0.0,1.1772840951084418,0.0,0.0,0.5224113799641479,0.7863993653322177,1.0235554795742985,86.75795667778432 +0.0,0.0,0.0,0.9430000000000001,0.008517210994858365,0.0,0.616,148.09,2021-05-17,raleigh/durham/fayetteville smm food,0,129.2430692500354,125.33017277610136,0.0,0.0,0.0,1.982520570649841,1.0485434901124833,0.0,0.8818324131717034,129.2430692500354 +0.0,0.559,0.0,0.757,0.032898871114486465,0.0,0.0,279.55,2021-05-17,rem us east north central smm food,0,313.0042757040411,306.4536727021249,0.0,0.9089803994000262,0.0,1.5914825789840186,4.050140023532204,0.0,0.0,313.00427570404116 +0.0,0.9770000000000001,0.732,0.0,0.011974061605472971,0.0,0.0,134.82,2021-05-17,rem us middle atlantic smm food,0,134.62990394844635,130.80002326169728,0.0,1.588683095194679,0.76708542570529,0.0,1.4741121658491099,0.0,0.0,134.62990394844635 +0.0,0.0,0.0,0.664,0.06638397260742551,0.0,0.0,148.3,2021-05-17,rem us mountain smm food,0,183.52592527041267,173.95751153106124,0.0,0.0,0.0,1.3959635831511075,8.172450156200332,0.0,0.0,183.52592527041267 +0.0,0.0,0.993,0.0,0.005917918670012123,0.618,0.0,142.16,2021-05-17,rem us new england smm food,0,150.49860534348824,148.221630613054,0.0,0.0,1.040595393067422,0.0,0.7285477722933322,0.5078315650734696,0.0,150.49860534348824 +0.61,0.591,0.49900000000000005,0.0,0.03699337777341551,0.0,0.7000000000000001,79.45,2021-05-17,rem us pacific smm food,0,113.33242238890215,105.11364420201244,1.1785535597532037,0.9610150555374157,0.5229175238072947,0.0,4.554209760096675,0.0,1.0020822876951174,113.33242238890215 +0.0,0.545,0.655,0.972,0.05745524643410011,0.9500000000000001,0.645,337.08,2021-05-17,rem us south atlantic smm food,0,296.07356921097346,283.6802303568146,0.0,0.8862152373399182,0.6863947456789139,2.0434888596730065,7.073245532798494,0.7806472278637479,0.9233472508047867,296.07356921097346 +0.0,0.0,0.0,0.0,0.11141464381568707,0.0,0.898,319.39,2021-05-17,rem us south central smm food,0,414.43297912084034,399.4313293612464,0.0,0.0,0.0,0.0,13.716121339093633,0.0,1.2855284205003077,414.43297912084034 +0.0,0.9980000000000001,0.805,0.5,0.03920109280126379,0.909,0.623,113.72,2021-05-17,rem us west north central smm food,0,135.93692934585667,125.95452848252805,0.0,1.622830838284841,0.8435843820939324,1.051177396951135,4.8259988729730905,0.7469561369769967,0.8918532360486545,135.9369293458567 +0.762,0.0,0.798,0.712,0.0038453913032812023,0.0,0.967,94.1,2021-05-17,richmond/petersburg smm food,0,91.73115179039596,86.06809383806947,1.4722259221835103,0.0,0.8362488657278982,1.4968766132584164,0.47340144801211576,0.0,1.3843051031445408,91.73115179039596 +0.687,0.0,0.682,0.73,0.029187000573220143,0.586,0.0,47.52,2021-05-17,sacramento/stockton/modesto smm food,0,79.2385235574335,71.58708164797008,1.327321795984346,0.0,0.7146888802336173,1.5347189995486572,3.5931761541934444,0.48153607950332233,0.0,79.23852355743347 +0.249,0.599,0.9390000000000001,0.0,0.012906590210690029,0.515,0.0,79.23,2021-05-17,salt lake city smm food,0,88.17602921419964,83.72480907215119,0.4810816989812258,0.9740237195717633,0.9840071239580156,0.0,1.588914628642892,0.42319297089455804,0.0,88.17602921419964 +0.0,0.62,0.764,0.839,0.009167655522720222,0.0,0.0,47.85,2021-05-17,san diego smm food,0,83.41559822537818,78.71431295071628,0.0,1.0081714626619251,0.8006192148071607,1.7638756720840045,1.1286189251088168,0.0,0.0,83.41559822537819 +0.0,0.0,0.0,0.0,0.016310466767629962,0.0,0.0,55.81,2021-05-17,san francisco/oakland/san jose smm food,0,90.88387478045846,88.87591304741949,0.0,0.0,0.0,0.0,2.007961733038973,0.0,0.0,90.88387478045846 +0.9689999999999999,0.0,0.676,0.646,0.009878269985887778,0.544,0.0,82.97,2021-05-17,seattle/tacoma smm food,0,94.34656537031168,88.74475650580376,1.8721613104932038,0.0,0.7084012947770165,1.3581211968608666,1.2161018076843364,0.44702325469250404,0.0,94.3465653703117 +0.0,0.628,0.723,0.718,0.006137207926105331,0.916,0.0,106.51,2021-05-17,st. louis smm food,0,92.50067092703853,87.70409353036166,0.0,1.0211801266962726,0.7576540475203889,1.50949074202183,0.7555442059929256,0.7527082744454664,0.0,92.50067092703854 +0.9829999999999999,0.0,0.0,0.863,0.009290462881612924,0.0,0.0,123.28,2021-05-17,tampa/ft. myers smm food,0,178.11248347836784,173.25520362076367,1.899210080717048,0.0,0.0,1.8143321871376592,1.1437375897494586,0.0,0.0,178.11248347836784 +0.0,0.0,0.849,0.0,0.004750874801437545,0.0,0.0,66.12,2021-05-17,tucson/sierra vista smm food,0,64.79681440708703,63.32224664442017,0.0,0.0,0.8896933421090044,0.0,0.5848744205578547,0.0,0.0,64.79681440708703 +0.0,0.0,0.519,0.0,0.01620993668777737,0.9560000000000002,0.0,212.05,2021-05-17,washington dc/hagerstown smm food,0,176.3464155541995,173.02137618365978,0.0,0.0,0.5438761419959639,0.0,1.9955855971356171,0.7855776314081506,0.0,176.34641555419952 +0.539,0.0,0.0,0.553,0.001831069172230659,0.522,0.0,81.51,2021-05-17,yakima/pasco/richland/kennewick smm food,0,56.37528802944627,53.51694236690935,1.0413776536179948,0.0,0.0,1.1626022010279555,0.22542069952794902,0.4289451083630278,0.0,56.375288029446274 +0.0,0.668,0.8190000000000001,0.0,0.0027507132558139053,0.8300000000000001,0.678,74.65,2021-05-24,albany/schenectady/troy smm food,0,86.29261169696824,82.35686844083078,0.0,1.0862234468680099,0.8582554148260008,0.0,0.3386369645287562,0.6820391569756955,0.9705882729389852,86.29261169696822 +0.993,0.0,0.8210000000000001,0.644,0.011986338947833181,0.748,0.659,90.4,2021-05-24,albuquerque/santa fe smm food,0,77.95859724280854,70.79212936171284,1.9185306308769368,0.0,0.8603512766448678,1.353916487273062,1.4756236145399373,0.6146569752021931,0.9433888965586892,77.95859724280852 +0.853,0.0,0.675,0.0,0.05045565741646511,0.0,0.0,135.2,2021-05-24,atlanta smm food,0,173.81446177172378,165.2475308400832,1.6480429286384966,0.0,0.7073533638675831,0.0,6.211534639134522,0.0,0.0,173.81446177172378 +0.788,0.595,0.0,0.614,0.007383315980803484,0.801,0.0,126.93,2021-05-24,baltimore smm food,0,110.62834570055719,105.28036119021601,1.5224593525992207,0.9675193875545894,0.0,1.290845843455994,0.9089510535536167,0.6582088731777496,0.0,110.62834570055719 +0.793,0.0,0.718,0.9070000000000001,0.003274764990702392,0.779,0.986,10.64,2021-05-24,baton rouge smm food,0,57.27439926499086,50.62824190344196,1.532119627679165,0.0,0.7524143929732217,1.9068357980693593,0.40315233645404847,0.6401307268482732,1.4115044795248368,57.27439926499086 +0.5740000000000001,0.6900000000000001,0.0,0.0,0.0056472985308367064,0.972,0.578,62.48,2021-05-24,birmingham/anniston/tuscaloosa smm food,0,66.82790484628637,62.27551690355495,1.108999579177605,1.1219972729624652,0.0,0.0,0.6952320559870184,0.7987253741932241,0.8274336604111112,66.82790484628637 +0.9129999999999999,0.843,0.711,0.992,0.013980880073692546,0.0,0.67,131.84,2021-05-24,boston/manchester smm food,0,191.98996545199392,183.34429136615643,1.763966229597828,1.3707879726193595,0.7450788766071874,2.085535955551052,1.7211691475253201,0.0,0.9591359039367553,191.98996545199392 +0.0,0.5720000000000001,0.8320000000000001,0.49900000000000005,0.003203143281089918,0.0,0.0,27.89,2021-05-24,buffalo smm food,0,67.20860141990846,63.96319330778341,0.0,0.9301194784558408,0.8718785166486358,1.049075042157233,0.39433507486334446,0.0,0.0,67.20860141990846 +0.607,0.0,0.0,0.754,0.00841515405920954,0.61,0.619,120.15999999999998,2021-05-24,charlotte smm food,0,132.28218230548924,127.1008852661048,1.1727573947052372,0.0,0.0,1.5851755146023117,1.0359793848484475,0.5012576936809329,0.8861270515475396,132.28218230548927 +0.0,0.0,0.0,0.54,0.017615147724506643,0.747,0.516,192.7,2021-05-24,chicago smm food,0,181.7792197478525,177.12285569785104,0.0,0.0,0.0,1.135271588707226,2.1685794193722816,0.6138352412781259,0.7386778006438294,181.7792197478525 +0.0,0.0,0.857,0.0,0.007892457967890336,0.55,0.788,124.34,2021-05-24,cleveland/akron/canton smm food,0,134.5407943491347,131.09107465023894,0.0,0.0,0.8980767893844721,0.0,0.9716309045547401,0.4519536582369067,1.1280583467196466,134.5407943491347 +0.0,0.775,0.0,0.9590000000000001,0.0062006013334731476,0.0,0.684,111.62,2021-05-24,columbus oh smm food,0,108.93963330631371,103.92073468964487,0.0,1.2602143283274065,0.0,2.016158247352277,0.763348491298491,0.0,0.9791775496906576,108.93963330631371 +0.0,0.742,0.512,0.0,0.08863407319379031,0.0,0.8210000000000001,94.88,2021-05-24,dallas/ft. worth smm food,0,119.107183752078,105.27715718131851,0.0,1.2065535891857233,0.5365406256299297,0.0,10.911632987090004,0.0,1.175299368853845,119.10718375207802 +0.0,0.65,0.531,0.547,0.002983342439309158,0.838,0.722,86.75,2021-05-24,des moines/ames smm food,0,67.26115569304149,62.408297363785806,0.0,1.0569539527907281,0.5564513129091654,1.149988072264542,0.3672756604717567,0.6886130283682322,1.0335763024512497,67.26115569304147 +0.676,0.0,0.65,0.706,0.009492589163705633,0.0,0.0,158.85,2021-05-24,detroit smm food,0,164.9630309299627,160.32292305294044,1.3060691908084685,0.0,0.6811550911317467,1.4842624844950028,1.168621110587077,0.0,0.0,164.96303092996274 +0.903,0.0,0.679,0.0,0.0037283783316297892,0.971,0.5730000000000001,123.28,2021-05-24,grand rapids smm food,0,114.54893276893947,110.01556630860257,1.7446456794379395,0.0,0.7115450875053169,0.0,0.45899612333977025,0.7979036402691569,0.8202759297847176,114.54893276893948 +0.0,0.534,0.0,0.0,0.004778758580669228,0.0,0.0,50.8,2021-05-24,greensboro smm food,0,85.02587873888169,83.56924325587181,0.0,0.8683283242926905,0.0,0.0,0.5883071587171846,0.0,0.0,85.02587873888169 +0.711,0.553,0.8240000000000001,0.9580000000000001,0.004097717986886767,0.0,0.0,102.12,2021-05-24,harrisburg/lancaster smm food,0,90.68003875352869,85.02510769460987,1.3736911163680785,0.8992239013742657,0.8634950693731681,2.014055892558375,0.5044650792449225,0.0,0.0,90.68003875352868 +0.598,0.618,0.0,0.0,0.0060887276988641085,0.5700000000000001,0.0,136.78,2021-05-24,hartford/new haven smm food,0,115.98898263815416,112.61073024106035,1.1553688995613376,1.0049192966533385,0.0,0.0,0.7495758641608817,0.46838833671824875,0.0,115.98898263815416 +0.876,0.0,0.0,0.549,0.05552850368955208,0.0,0.0,170.77,2021-05-24,houston smm food,0,177.32916153997772,167.64644198801398,1.6924801940062402,0.0,0.0,1.1541927818523465,6.836046576105172,0.0,0.0,177.32916153997775 +0.681,0.687,0.71,0.727,0.006900695531605353,0.0,0.0,43.81,2021-05-24,indianapolis smm food,0,94.57606258334357,89.02123497580452,1.3157294658884129,1.117119023949585,0.744030945697754,1.5284119351669503,0.8495362368363424,0.0,0.0,94.57606258334356 +0.834,0.5660000000000001,0.0,0.0,0.004260002524112994,0.0,0.923,60.550000000000004,2021-05-24,jacksonville smm food,0,90.67734765875544,86.29988999004563,1.6113338833347082,0.9203629804300802,0.0,0.0,0.5244437313127415,0.0,1.3213170736322764,90.67734765875544 +0.0,0.9059999999999999,0.0,0.0,0.005406244463565169,0.0,0.0,84.74,2021-05-24,kansas city smm food,0,82.6324878963464,80.49370051161102,0.0,1.4732312018898455,0.0,0.0,0.6655561828455301,0.0,0.0,82.6324878963464 +0.7000000000000001,0.631,0.652,0.535,0.0034795404444891145,0.0,0.614,84.22,2021-05-24,knoxville smm food,0,74.8968573555562,69.4030183864474,1.3524385111922013,1.026058375709153,0.6832509529506136,1.1247598147377147,0.4283619935979793,0.0,0.8789693209211458,74.89685735555621 +0.0,0.727,0.937,0.632,0.02024067036595938,0.764,0.909,62.739999999999995,2021-05-24,las vegas smm food,0,80.98963076837194,73.0759844669223,0.0,1.182162344121322,0.9819112621391487,1.3286882297462348,2.491804319577302,0.6278047179872667,1.301275427878374,80.98963076837195 +0.0,0.794,0.0,0.8280000000000001,0.003935117328578133,0.0,0.0,96.29,2021-05-24,little rock/pine bluff smm food,0,61.21987834064734,57.70357115599228,0.0,1.2911099054089816,0.0,1.7407497693510798,0.48444750989499724,0.0,0.0,61.21987834064734 +0.6970000000000001,0.0,0.505,0.49900000000000005,0.10135116649798188,0.0,0.0,135.05,2021-05-24,los angeles smm food,0,169.3787175742186,153.9765761946837,1.3466423461442347,0.0,0.5292051092638954,1.049075042157233,12.477218881969536,0.0,0.0,169.3787175742186 +0.0,0.0,0.0,0.759,0.002034657493788676,0.0,0.0,45.13,2021-05-24,madison wi smm food,0,54.26535677700995,52.419185278171575,0.0,0.0,0.0,1.5956872885718232,0.25048421026655265,0.0,0.0,54.26535677700995 +0.0,0.0,0.0,0.0,0.012125594335344957,0.0,0.681,124.3,2021-05-24,miami/west palm beach smm food,0,186.58946442338402,184.12181433608328,0.0,0.0,0.0,0.0,1.4927671759858976,0.0,0.9748829113148214,186.589464423384 +0.996,0.0,0.0,0.0,0.004766325093469705,0.0,0.0,57.67,2021-05-24,milwaukee smm food,0,70.66427576317561,68.15317248002567,1.9243267959249033,0.0,0.0,0.0,0.5867764872250345,0.0,0.0,70.66427576317561 +0.584,0.808,0.684,0.547,0.02890208319192162,0.931,0.0,67.96,2021-05-24,minneapolis/st. paul smm food,0,94.38282506610359,85.75072244988117,1.1283201293374934,1.3138750674690898,0.7167847420524842,1.149988072264542,3.558100321792344,0.7650342833064729,0.0,94.38282506610359 +0.9430000000000001,0.87,0.0,0.518,0.003498634534952696,0.89,0.873,42.18,2021-05-24,mobile/pensacola smm food,0,74.20387035690652,67.46643487620449,1.8219278800774938,1.4146922137352822,0.0,1.089019783241376,0.43071264385981894,0.7313431924197217,1.2497397673683392,74.20387035690652 +0.704,0.719,0.845,0.0,0.007892355106868934,0.0,0.0,64.8,2021-05-24,nashville smm food,0,99.85860821000928,95.47216793873541,1.3601667312561565,1.1691536800869746,0.8855016184712706,0.0,0.9716182414594566,0.0,0.0,99.85860821000927 +0.0,0.724,0.785,0.0,0.0054681508970724334,0.706,0.618,53.39,2021-05-24,new orleans smm food,0,63.68754423972163,59.54961731628727,0.0,1.1772840951084418,0.8226257639052633,0.0,0.6731774086070275,0.5801441503913747,0.8846955054222608,63.68754423972164 +0.0,0.0,0.538,0.541,0.0512196171272669,0.0,0.751,232.45,2021-05-24,new york smm food,0,299.24360228788817,290.1617655847399,0.0,0.0,0.5637868292751995,1.1373739435011283,6.30558479028764,0.0,1.075091140084333,299.2436022878882 +0.761,0.924,0.53,0.709,0.005034991127759369,0.723,0.0,71.6,2021-05-24,norfolk/portsmouth/newport news smm food,0,108.54267200575119,102.30993924858487,1.4702938671675216,1.5025006959671274,0.5554033819997319,1.4905695488767094,0.6198516360547189,0.5941136271005154,0.0,108.5426720057512 +0.0,0.89,0.0,0.0,0.022391215178313172,0.0,0.0,76.86,2021-05-24,oklahoma city smm food,0,57.81301327052607,53.609244119971564,0.0,1.4472138738211509,0.0,0.0,2.756555276733347,0.0,0.0,57.81301327052606 +0.0,0.89,0.542,0.548,0.004788751962819291,0.0,0.0,105.55,2021-05-24,omaha smm food,0,64.63305013565491,60.87622985001895,0.0,1.4472138738211509,0.5679785529129334,1.1520904270584442,0.589537431843444,0.0,0.0,64.63305013565493 +0.0,0.0,0.795,0.758,0.01036947347145099,0.624,0.54,120.0,2021-05-24,orlando/daytona beach/melborne smm food,0,137.60444232148106,132.61538216686213,0.0,0.0,0.8331050729995978,1.5935849337779209,1.276573271573019,0.5127619686178723,0.7730349076505192,137.60444232148106 +0.0,0.0,0.0,0.793,0.002562569697254862,0.9829999999999999,0.0,23.15,2021-05-24,paducah ky/cape girardeau mo smm food,0,58.349664771541605,55.55925813283435,0.0,0.0,0.0,1.6671673515645002,0.31547483978477925,0.8077644473579622,0.0,58.34966477154159 +0.653,0.0,0.711,0.936,0.020139193690914655,0.0,0.0,180.18,2021-05-24,philadelphia smm food,0,206.19157417646608,199.7377476378349,1.2616319254407249,0.0,0.7450788766071874,1.967804087092525,2.47931164949074,0.0,0.0,206.19157417646608 +0.55,0.0,0.6910000000000001,0.0,0.02292550287843945,0.0,0.791,118.81,2021-05-24,phoenix/prescott smm food,0,122.72439540766898,116.98296111946722,1.0626302587938723,0.0,0.7241202584185183,0.0,2.8223307858938895,0.0,1.1323529850954828,122.72439540766898 +0.5750000000000001,0.9280000000000002,0.586,0.714,0.0056540388460795355,0.0,0.602,127.92,2021-05-24,pittsburgh smm food,0,110.8451904622158,104.55223234884438,1.110931634193594,1.5090050279843013,0.6140875129280053,1.5010813228462208,0.6960618480014984,0.0,0.8617907674178009,110.84519046221581 +0.634,0.0,0.922,0.0,0.00649267995685534,0.0,0.6980000000000001,100.62,2021-05-24,portland or smm food,0,90.88594978882101,86.8963094792362,1.2249228801369365,0.0,0.9661922984976468,0.0,0.7993059355056726,0.0,0.9992191954445601,90.88594978882101 +0.922,0.736,0.0,0.0,0.004083646111862923,0.908,0.0,89.23,2021-05-24,providence ri/new bedford ma smm food,0,87.47532528457955,83.24830635780522,1.7813547247417278,1.1967970911599628,0.0,0.0,0.5027327078197182,0.7461344030529296,0.0,87.47532528457955 +0.597,0.538,0.0,0.0,0.008408880917000209,0.9460000000000001,0.0,135.91,2021-05-24,raleigh/durham/fayetteville smm food,0,129.17100967506218,125.33017277610136,1.1534368445453487,0.8748326563098642,0.0,0.0,1.0352071059381194,0.7773602921674795,0.0,129.17100967506218 +0.58,0.0,0.681,0.892,0.032861418283853146,0.0,0.745,279.67,2021-05-24,rem us east north central smm food,0,315.2752371513052,306.4536727021249,1.120591909273538,0.0,0.7136409493241839,1.875300476160825,4.04552925108914,0.0,1.0665018633326606,315.27523715130525 +0.51,0.0,0.0,0.746,0.011856968077970237,0.9440000000000001,0.591,97.07,2021-05-24,rem us middle atlantic smm food,0,136.43518550450563,130.80002326169728,0.985348058154318,0.0,0.0,1.5683566762510937,1.4596969240438502,0.7757168243193453,0.8460437600397348,136.43518550450563 +0.0,0.732,0.0,0.0,0.0651327516685566,0.836,0.917,160.76,2021-05-24,rem us mountain smm food,0,185.16591551529052,173.95751153106124,0.0,1.1902927591427892,0.0,0.0,8.01841386768577,0.686969560520098,1.312727796880604,185.1659155152905 +0.0,0.0,0.833,0.857,0.005972647270629544,0.766,0.0,166.74,2021-05-24,rem us new england smm food,0,152.2610086485965,148.221630613054,0.0,0.0,0.8729264475580691,1.8017180583742456,0.735285343774772,0.6294481858354009,0.0,152.2610086485965 +0.0,0.0,0.72,0.0,0.037652319868055936,0.0,0.0,84.83,2021-05-24,rem us pacific smm food,0,110.50348577701206,105.11364420201244,0.0,0.0,0.7545102547920886,0.0,4.635331320207537,0.0,0.0,110.50348577701206 +0.848,0.0,0.0,0.0,0.057657488843187256,0.929,0.8320000000000001,295.35,2021-05-24,rem us south atlantic smm food,0,294.3711935519526,283.6802303568146,1.6383826535585522,0.0,0.0,0.0,7.098143349889207,0.7633908154583388,1.191046376231911,294.3711935519526 +0.627,0.672,0.0,0.0,0.10994619467502782,0.6880000000000001,0.0,297.46,2021-05-24,rem us south central smm food,0,415.83615092568357,399.4313293612464,1.2113984950250145,1.0927277788851835,0.0,0.0,13.535342350768813,0.5653529397581669,0.0,415.83615092568357 +0.0,0.85,0.714,0.0,0.03836136334324036,0.0,0.0,97.97,2021-05-24,rem us west north central smm food,0,132.80754250587546,125.95452848252805,0.0,1.3821705536494135,0.7482226693354878,0.0,4.722620800362504,0.0,0.0,132.80754250587546 +0.0,0.7030000000000001,0.9759999999999999,0.623,0.0038266546144648905,0.558,0.711,111.07,2021-05-24,richmond/petersburg smm food,0,91.49122941603108,86.06809383806947,0.0,1.1431363520182798,1.0227805676070532,1.3097670366011143,0.47109479703253254,0.4585275296294435,1.0178292950731835,91.49122941603108 +0.0,0.0,0.0,0.9350000000000002,0.028824605992764575,0.859,0.0,59.760000000000005,2021-05-24,sacramento/stockton/modesto smm food,0,77.80721501904543,71.58708164797008,0.0,0.0,0.0,1.965701732298623,3.5485621980030766,0.7058694407736414,0.0,77.80721501904542 +0.624,0.515,0.669,0.0,0.013049408881554661,0.0,0.0,44.61,2021-05-24,salt lake city smm food,0,88.07540678932041,83.72480907215119,1.205602329977048,0.8374327472111154,0.7010657784109824,0.0,1.6064968615700823,0.0,0.0,88.07540678932041 +0.627,0.871,0.8140000000000001,0.0,0.009099025862698172,0.853,0.0,92.0,2021-05-24,san diego smm food,0,84.0161545510943,78.71431295071628,1.2113984950250145,1.4163182967395755,0.8530157602788335,0.0,1.120170011105372,0.7009390372292389,0.0,84.01615455109432 +0.555,0.0,0.0,0.0,0.016370665373598246,0.0,0.0,100.03,2021-05-24,san francisco/oakland/san jose smm food,0,91.96357629152189,88.87591304741949,1.0722905338738167,0.0,0.0,0.0,2.015372710228571,0.0,0.0,91.96357629152187 +0.508,0.0,0.0,0.87,0.009878806330524159,0.0,0.839,94.22,2021-05-24,seattle/tacoma smm food,0,93.97252416015036,88.74475650580376,0.9814839481223403,0.0,0.0,1.8290486706949751,1.2161678364204183,0.0,1.2010671991088622,93.97252416015036 +0.0,0.0,0.964,0.0,0.005894205255799387,0.0,0.809,115.16,2021-05-24,st. louis smm food,0,90.59804818510705,87.70409353036166,0.0,0.0,1.0102053966938518,0.0,0.7256284427010378,0.0,1.1581208153505,90.59804818510705 +0.0,0.0,0.0,0.758,0.009262580168650657,0.0,0.0,115.70999999999998,2021-05-24,tampa/ft. myers smm food,0,175.98909353739884,173.25520362076367,0.0,0.0,0.0,1.5935849337779209,1.14030498285726,0.0,0.0,175.98909353739884 +0.783,0.0,0.0,0.0,0.004722096136756045,0.25,0.0,69.14,2021-05-24,tucson/sierra vista smm food,0,65.62181071709503,63.32224664442017,1.5127990775192766,0.0,0.0,0.0,0.5813315141388247,0.20543348101677575,0.0,65.62181071709504 +0.737,0.0,0.0,0.0,0.015792634829355987,0.0,0.543,202.77,2021-05-24,washington dc/hagerstown smm food,0,177.16684234918262,173.02137618365978,1.4239245467837889,0.0,0.0,0.0,1.9442120727126895,0.0,0.7773295460263554,177.16684234918262 +0.754,0.637,0.0,0.0,0.0018554234440156725,0.9580000000000001,0.0,61.029999999999994,2021-05-24,yakima/pasco/richland/kennewick smm food,0,57.02516674627293,53.51694236690935,1.4567694820555994,1.0358148737349135,0.0,0.0,0.22841892431679384,0.7872210992562847,0.0,57.02516674627294 +0.522,0.0,0.676,0.0,0.0034623187589516444,0.9400000000000001,0.0,118.34999999999998,2021-05-31,albany/schenectady/troy smm food,0,85.27247419540713,82.35686844083078,1.0085327183461843,0.0,0.7084012947770165,0.0,0.4262418528300707,0.7724298886230768,0.0,85.27247419540713 +0.0,0.683,0.531,0.609,0.01363331637416794,0.0,0.604,75.98,2021-05-31,albuquerque/santa fe smm food,0,76.28256429876382,70.79212936171284,0.0,1.1106146919324114,0.5564513129091654,1.2803340694864824,1.678381003054561,0.0,0.8646538596683584,76.28256429876382 +0.967,0.627,0.0,0.743,0.05320423197181716,0.786,0.0,125.26,2021-05-31,atlanta smm food,0,176.89322287127223,165.2475308400832,1.8682972004612264,1.0195540436919792,0.0,1.5620496118693867,6.549908310849711,0.645882864316743,0.0,176.89322287127223 +0.0,0.0,0.8210000000000001,0.6910000000000001,0.008867302563413277,0.971,0.24749999999999997,81.92,2021-05-31,baltimore smm food,0,109.8372937731891,105.28036119021601,0.0,0.0,0.8603512766448678,1.4527271625864688,1.0916428374661091,0.7979036402691569,0.3543076660064879,109.8372937731891 +0.0,0.0,0.0,0.0,0.0037393868183264265,0.0,0.6900000000000001,76.17,2021-05-31,baton rouge smm food,0,52.076360094636854,50.62824190344196,0.0,0.0,0.0,0.0,0.46035136475256566,0.0,0.98776682644233,52.076360094636854 +0.0,0.672,0.505,0.855,0.007060169965823491,0.0,0.853,50.72,2021-05-31,birmingham/anniston/tuscaloosa smm food,0,67.78524092589265,62.27551690355495,0.0,1.0927277788851835,0.5292051092638954,1.797513348786441,0.8691689405394378,0.0,1.2211088448627645,67.78524092589268 +0.767,0.0,0.593,0.0,0.01724145130600446,0.705,0.0,133.52,2021-05-31,boston/manchester smm food,0,188.14949711682232,183.34429136615643,1.4818861972634547,0.0,0.6214230292940396,0.0,2.1225741076410873,0.5793224164673075,0.0,188.14949711682232 +0.809,0.989,0.0,0.672,0.004250243240610242,0.0,0.0,75.29,2021-05-31,buffalo smm food,0,69.07044660625326,63.96319330778341,1.563032507934987,1.6081960912462,0.0,1.4127824215023257,0.5232422777863288,0.0,0.0,69.07044660625326 +0.5670000000000001,0.656,0.524,0.682,0.01020073718879931,0.0,0.964,88.36,2021-05-31,charlotte smm food,0,133.88180349471023,127.1008852661048,1.095475194065683,1.0667104508164886,0.5491157965431311,1.4338059694413483,1.2558003529700856,0.0,1.3800104647687046,133.88180349471023 +0.923,0.805,0.0,0.722,0.021435447066835287,0.5650000000000001,0.9210000000000002,191.35,2021-05-31,chicago smm food,0,186.15466493232108,177.12285569785104,1.7832867797577168,1.3089968184562095,0.0,1.517900161197439,2.638891826579039,0.46427966709791324,1.3184539813817189,186.15466493232108 +0.0,0.0,0.685,0.712,0.010046216145604242,0.629,0.799,117.96,2021-05-31,cleveland/akron/canton smm food,0,136.20323738400856,131.09107465023894,0.0,0.0,0.7178326729619177,1.4968766132584164,1.2367774552133686,0.5168706382382078,1.1438053540977127,136.20323738400856 +0.0,0.0,0.0,0.0,0.007230289259214302,0.9400000000000001,0.0,90.53,2021-05-31,columbus oh smm food,0,105.58327669818091,103.92073468964487,0.0,0.0,0.0,0.0,0.8901121199129619,0.7724298886230768,0.0,105.58327669818091 +0.773,0.0,0.9460000000000001,0.0,0.09084767848911078,0.0,0.948,136.85,2021-05-31,dallas/ft. worth smm food,0,120.30323131939956,105.27715718131851,1.4934785273593878,0.0,0.9913426403240497,0.0,11.184147243633367,0.0,1.3571057267642446,120.30323131939956 +0.0,0.88,0.0,0.766,0.003624573748283206,0.0,0.0,55.64,2021-05-31,des moines/ames smm food,0,65.89587104698566,62.408297363785806,0.0,1.4309530437782165,0.0,1.610403772129139,0.44621686729250254,0.0,0.0,65.89587104698566 +0.0,0.0,0.8250000000000001,0.0,0.012074554976251822,0.524,0.0,139.64,2021-05-31,detroit smm food,0,163.10453841197722,160.32292305294044,0.0,0.0,0.8645430002826016,0.0,1.4864837825430293,0.430588576211162,0.0,163.10453841197725 +0.0,0.0,0.521,0.0,0.004706960926718715,0.673,0.624,87.64,2021-05-31,grand rapids smm food,0,112.58731826232145,110.01556630860257,0.0,0.0,0.5459720038148308,0.0,0.5794682368329427,0.5530269308971604,0.8932847821739333,112.58731826232145 +0.5740000000000001,0.9460000000000001,0.537,0.979,0.005776736024622884,0.784,0.0,99.7,2021-05-31,greensboro smm food,0,90.19286794364899,83.56924325587181,1.108999579177605,1.5382745220615828,0.5627388983657661,2.0582053432303224,0.7111669484732915,0.6442393964686087,0.0,90.19286794364899 +0.0,0.0,0.6950000000000001,0.73,0.005143558160829019,0.0,0.0,55.56,2021-05-31,harrisburg/lancaster smm food,0,87.92135586771185,85.02510769460987,0.0,0.0,0.7283119820562522,1.5347189995486572,0.6332171914970731,0.0,0.0,87.92135586771185 +0.0,0.0,0.917,0.8270000000000001,0.007393368878825849,0.805,0.0,117.37,2021-05-31,hartford/new haven smm food,0,116.88201476204858,112.61073024106035,0.0,0.0,0.9609526439504795,1.7386474145571775,0.910188653606554,0.6614958088740179,0.0,116.88201476204858 +0.0,0.0,0.653,0.6950000000000001,0.05746885239016168,0.0,0.799,172.38,2021-05-31,houston smm food,0,178.01060335324053,167.64644198801398,0.0,0.0,0.684298883860047,1.4611365817620778,7.07492054550673,0.0,1.1438053540977127,178.01060335324055 +0.0,0.0,0.864,0.0,0.008481080716376268,0.748,0.0,96.88,2021-05-31,indianapolis smm food,0,91.58539979221398,89.02123497580452,0.0,0.0,0.9054123057505062,0.0,1.0440955354567605,0.6146569752021931,0.0,91.58539979221398 +0.0,0.755,0.0,0.844,0.005344433669358865,0.0,0.578,84.69,2021-05-31,jacksonville smm food,0,90.78735049587387,86.29988999004563,0.0,1.2276926682415379,0.0,1.774387446053516,0.657946731122093,0.0,0.8274336604111112,90.78735049587388 +0.799,0.762,0.0,0.896,0.006548438366158764,0.766,0.788,98.91,2021-05-31,kansas city smm food,0,87.72387443203158,80.49370051161102,1.5437119577750982,1.239075249271592,0.0,1.8837098953364342,0.8061702854823759,0.6294481858354009,1.1280583467196466,87.72387443203158 +0.666,0.0,0.9440000000000001,0.609,0.004228856964959101,0.536,0.9619999999999999,60.72,2021-05-31,knoxville smm food,0,75.2975540702987,69.4030183864474,1.28674864064858,0.0,0.9892467785051828,1.2803340694864824,0.5206094393929519,0.44044938329996725,1.377147372518147,75.29755407029872 +0.657,0.646,0.0,0.0,0.02076451191233468,0.0,0.769,91.41,2021-05-31,las vegas smm food,0,79.05294701899018,73.0759844669223,1.2693601455046803,1.0504496207735543,0.0,0.0,2.5562938154502888,0.0,1.1008589703393503,79.05294701899018 +0.0,0.0,0.918,0.529,0.004764405760333883,0.0,0.523,40.46,2021-05-31,little rock/pine bluff smm food,0,61.11295624080353,57.70357115599228,0.0,0.0,0.962000574859913,1.112145685974301,0.5865402004562627,0.0,0.7486986235207806,61.112956240803534 +0.9390000000000001,0.684,0.51,0.0,0.10859583421741906,0.8989999999999999,0.542,144.67,2021-05-31,los angeles smm food,0,172.3211993077212,153.9765761946837,1.8141996600135384,1.1122407749367047,0.5344447638110628,0.0,13.369101116638799,0.7387387977363256,0.7758979999010767,172.3211993077212 +0.0,0.666,0.0,0.93,0.002527900127563494,0.0,0.8300000000000001,70.91,2021-05-31,madison wi smm food,0,56.95673651255378,52.419185278171575,0.0,1.082971280859423,0.0,1.9551899583291115,0.31120671121231225,0.0,1.1881832839813535,56.956736512553775 +0.0,0.0,0.0,0.734,0.01403806510328936,0.0,0.631,178.34,2021-05-31,miami/west palm beach smm food,0,188.29645748685027,184.12181433608328,0.0,0.0,0.0,1.5431284187242662,1.7282091269918176,0.0,0.9033056050508844,188.29645748685024 +0.738,0.498,0.517,0.0,0.005723313044341989,0.5710000000000001,0.758,58.98,2021-05-31,milwaukee smm food,0,73.18951084206834,68.15317248002567,1.4258566017997778,0.809789336138127,0.5417802801770969,0.0,0.7045901103240717,0.46921007064231585,1.0851119629612842,73.18951084206834 +0.985,0.0,0.541,0.987,0.03114066358111287,0.752,0.5700000000000001,103.95,2021-05-31,minneapolis/st. paul smm food,0,95.5633658782993,85.75072244988117,1.9030741907490258,0.0,0.5669306220035,2.0750241815815405,3.8336892317767193,0.6179439108984615,0.8159812914088814,95.5633658782993 +0.0,0.548,0.0,0.0,0.004388189161555253,0.603,0.0,62.28,2021-05-31,mobile/pensacola smm food,0,69.39325855116509,67.46643487620449,0.0,0.8910934863527985,0.0,0.0,0.5402246323953411,0.4955055562124631,0.0,69.39325855116509 +0.756,0.903,0.0,0.0,0.009737580552498381,0.664,0.608,70.84,2021-05-31,nashville smm food,0,101.01594755604393,95.47216793873541,1.4606335920875773,1.4683529528769654,0.0,0.0,1.1987817025939353,0.5456313255805564,0.8703800441694733,101.01594755604391 +0.0,0.0,0.876,0.0,0.006433277541550086,0.0,0.924,38.37,2021-05-31,new orleans smm food,0,62.582346389089096,59.54961731628727,0.0,0.0,0.9179874766637077,0.0,0.7919929763805691,0.0,1.322748619757555,62.582346389089096 +0.0,0.0,0.852,0.0,0.059086183296233045,0.0,0.833,228.20000000000002,2021-05-31,new york smm food,0,299.52110882889116,290.1617655847399,0.0,0.0,0.8928371348373048,0.0,7.2740281869568,0.0,1.1924779223571897,299.5211088288912 +0.9829999999999999,0.0,0.0,0.647,0.006017279534174603,0.635,0.0,118.92,2021-05-31,norfolk/portsmouth/newport news smm food,0,106.83195389021394,102.30993924858487,1.899210080717048,0.0,0.0,1.360223551654769,0.7407799674746436,0.5218010417826104,0.0,106.83195389021394 +0.9980000000000001,0.0,0.0,0.0,0.023033220899119418,0.0,0.562,35.17,2021-05-31,oklahoma city smm food,0,59.177555768788295,53.609244119971564,1.9281909059568814,0.0,0.0,0.0,2.835591820453203,0.0,0.8045289224066515,59.1775557687883 +0.0,0.0,0.0,0.66,0.005350753075058386,0.581,0.0,78.07,2021-05-31,omaha smm food,0,63.39993612935189,60.87622985001895,0.0,0.0,0.0,1.3875541639754985,0.65872470547445,0.4774274098829868,0.0,63.399936129351886 +0.726,0.0,0.0,0.0,0.012320507266532853,0.886,0.995,135.7,2021-05-31,orlando/daytona beach/melborne smm food,0,137.68726142980964,132.61538216686213,1.4026719416079114,0.0,0.0,0.0,1.516762669963819,0.7280562567234533,1.4243883946523455,137.68726142980967 +0.62,0.723,0.747,0.0,0.003260927757962641,0.802,0.811,88.02,2021-05-31,paducah ky/cape girardeau mo smm food,0,60.937058010456404,55.55925813283435,1.1978741099130925,1.1756580121041482,0.7828043893467919,0.0,0.4014488515551542,0.6590306071018166,1.1609839076010575,60.93705801045641 +0.889,0.0,0.0,0.0,0.023319521181194174,0.0,0.876,157.41,2021-05-31,philadelphia smm food,0,205.58021685288065,199.7377476378349,1.7175969092140955,0.0,0.0,0.0,2.870837900087496,0.0,1.2540344057441755,205.58021685288065 +0.871,0.778,0.0,0.0,0.024103863552369705,0.686,0.0,58.870000000000005,2021-05-31,phoenix/prescott smm food,0,123.46198042342124,116.98296111946722,1.682819918926296,1.2650925773402868,0.0,0.0,2.9673973357774144,0.5637094719100327,0.0,123.46198042342125 +0.0,0.0,0.0,0.0,0.007075307919991036,0.65,0.0,112.41000000000001,2021-05-31,pittsburgh smm food,0,105.95739195515986,104.55223234884438,0.0,0.0,0.0,0.0,0.871032555671854,0.534127050643617,0.0,105.95739195515985 +0.0,0.754,0.667,0.0,0.0075047252912223295,0.789,0.0,76.94,2021-05-31,portland or smm food,0,90.39359165330093,86.8963094792362,0.0,1.2260665852372445,0.6989699165921154,0.0,0.9238976061464286,0.6483480660889442,0.0,90.39359165330093 +0.0,0.0,0.722,0.0,0.004886006401247252,0.9580000000000001,0.834,63.54999999999999,2021-05-31,providence ri/new bedford ma smm food,0,86.58755334966855,83.24830635780522,0.0,0.0,0.7566061166109554,0.0,0.6015103075136303,0.7872210992562847,1.1939094684824685,86.58755334966855 +0.796,0.9280000000000002,0.644,0.0,0.010355893472810256,0.978,0.0,125.72,2021-05-31,raleigh/durham/fayetteville smm food,0,131.13051833467688,125.33017277610136,1.5379157927271316,1.5090050279843013,0.6748675056751459,0.0,1.2749014544513022,0.8036557777376268,0.0,131.13051833467688 +0.857,0.929,0.0,0.941,0.04200787848828423,0.0,0.0,225.04000000000002,2021-05-31,rem us east north central smm food,0,316.7699296692112,306.4536727021249,1.655771148702452,1.5106311109885946,0.0,1.9783158610620362,5.171538846333245,0.0,0.0,316.7699296692112 +0.519,0.724,0.0,0.0,0.015547355636779506,0.0,0.0,100.84,2021-05-31,rem us middle atlantic smm food,0,134.89405995963588,130.80002326169728,1.0027365532982178,1.1772840951084418,0.0,0.0,1.9140160495319356,0.0,0.0,134.89405995963588 +0.0,0.917,0.501,0.0,0.0683281499565635,0.0,0.0,163.92,2021-05-31,rem us mountain smm food,0,184.38543849749175,173.95751153106124,0.0,1.4911181149370734,0.5250133856261616,0.0,8.411795465867243,0.0,0.0,184.38543849749172 +0.0,0.0,0.0,0.0,0.00742648138628448,0.0,0.713,147.5,2021-05-31,rem us new england smm food,0,150.15658809451844,148.221630613054,0.0,0.0,0.0,0.0,0.9142650941406688,0.0,1.020692387323741,150.1565880945184 +0.0,0.589,0.856,0.581,0.042302725074175096,0.0,0.9700000000000001,128.02,2021-05-31,rem us pacific smm food,0,114.78634087783341,105.11364420201244,0.0,0.9577628895288289,0.8970288584750387,1.221468135257219,5.207837051039503,0.0,1.388599741520377,114.7863408778334 +0.0,0.843,0.0,0.644,0.06732604021946322,0.678,0.0,214.06,2021-05-31,rem us south atlantic smm food,0,295.2504973717505,283.6802303568146,0.0,1.3707879726193595,0.0,1.353916487273062,8.288426954526013,0.5571356005174959,0.0,295.25049737175055 +0.7030000000000001,0.0,0.5660000000000001,0.0,0.12499282509101117,0.0,0.0,337.31,2021-05-31,rem us south central smm food,0,416.77040765939023,399.4313293612464,1.3582346762401678,0.0,0.5931288947393364,0.0,15.387714727164333,0.0,0.0,416.77040765939023 +0.0,0.631,0.8,0.0,0.0438755021659602,0.0,0.0,154.08,2021-05-31,rem us west north central smm food,0,133.22039131236653,125.95452848252805,0.0,1.026058375709153,0.8383447275467651,0.0,5.401459726582571,0.0,0.0,133.22039131236653 +0.0,0.0,0.872,0.974,0.0048025714816487,0.0,0.529,54.15,2021-05-31,richmond/petersburg smm food,0,90.37810979663308,86.06809383806947,0.0,0.0,0.9137957530259739,2.047693569260811,0.591238736004373,0.0,0.7572879002724531,90.37810979663308 +0.0,0.0,0.0,0.8260000000000001,0.029873364979773883,0.902,0.0,83.11,2021-05-31,sacramento/stockton/modesto smm food,0,77.74250434902504,71.58708164797008,0.0,0.0,0.0,1.7365450597632752,3.6776736417831377,0.7412039995085269,0.0,77.74250434902503 +0.9129999999999999,0.0,0.656,0.675,0.01387043072297427,0.773,0.593,101.14,2021-05-31,salt lake city smm food,0,90.78698650206138,83.72480907215119,1.763966229597828,0.0,0.6874426765883473,1.4190894858840324,1.7075718622458183,0.6352003233038707,0.8489068522902923,90.78698650206138 +0.635,0.0,0.886,0.531,0.010566450917684088,0.0,0.787,83.93,2021-05-31,san diego smm food,0,84.41343479327176,78.71431295071628,1.2268549351529254,0.0,0.9284667857580423,1.1163503955621055,1.30082292548806,0.0,1.1266268005943678,84.41343479327178 +0.713,0.0,0.514,0.729,0.018435616773806125,0.0,0.8250000000000001,97.7,2021-05-31,san francisco/oakland/san jose smm food,0,95.77533332586026,88.87591304741949,1.3775552264000563,0.0,0.5386364874487966,1.532616644754755,2.269586366482209,0.0,1.1810255533549598,95.77533332586026 +0.653,0.616,0.6,0.0,0.011008839785021162,0.788,0.986,68.11,2021-05-31,seattle/tacoma smm food,0,95.05112980031615,88.74475650580376,1.2616319254407249,1.0016671306447515,0.6287585456600738,0.0,1.3552848810771074,0.6475263321648772,1.4115044795248368,95.05112980031613 +0.0,0.911,0.807,0.0,0.0074629508854700865,0.0,0.62,82.16,2021-05-31,st. louis smm food,0,91.83744879870336,87.70409353036166,0.0,1.4813616169113129,0.8456802439127993,0.0,0.9187548098447667,0.0,0.8875585976728183,91.83744879870336 +0.0,0.853,0.9420000000000002,0.714,0.011167203600181119,0.794,0.0,171.06,2021-05-31,tampa/ft. myers smm food,0,179.157722256486,173.25520362076367,0.0,1.3870488026622938,0.987150916686316,1.5010813228462208,1.3747808578182719,0.6524567357092798,0.0,179.15772225648604 +0.936,0.0,0.0,0.0,0.004995017763485693,0.804,0.0,32.16,2021-05-31,tucson/sierra vista smm food,0,66.40625477811543,63.32224664442017,1.8084034949655718,0.0,0.0,0.0,0.6149305637797265,0.6606740749499509,0.0,66.40625477811543 +0.708,0.0,0.714,0.0,0.017732228912689954,0.0,0.0,173.18,2021-05-31,washington dc/hagerstown smm food,0,177.3204869464143,173.02137618365978,1.367894951320112,0.0,0.7482226693354878,0.0,2.1829931420989293,0.0,0.0,177.32048694641432 +0.0,0.0,0.616,0.0,0.0021893370132835283,0.577,0.0,36.6,2021-05-31,yakima/pasco/richland/kennewick smm food,0,54.90613489915492,53.51694236690935,0.0,0.0,0.6455254402110091,0.0,0.26952661784785636,0.4741404741867184,0.0,54.90613489915493 +0.0,0.876,0.965,0.0,0.005244528406086858,0.0,0.542,96.81,2021-06-07,albany/schenectady/troy smm food,0,86.21411599572448,82.35686844083078,0.0,1.4244487117610427,1.0112533276032853,0.0,0.6456475156283034,0.0,0.7758979999010767,86.21411599572448 +0.0,0.9980000000000001,0.593,0.0,0.015091605400511469,0.0,0.0,50.83,2021-06-07,albuquerque/santa fe smm food,0,74.89429242135064,70.79212936171284,0.0,1.622830838284841,0.6214230292940396,0.0,1.857909192058925,0.0,0.0,74.89429242135064 +0.74,0.605,0.643,0.0,0.06240351312450743,0.843,0.629,90.49,2021-06-07,atlanta smm food,0,177.61043618387987,165.2475308400832,1.4297207118317554,0.9837802175975238,0.6738195747657124,0.0,7.682420628812811,0.6927216979885678,0.9004425128003269,177.61043618387987 +0.902,0.0,0.0,0.6980000000000001,0.013609635444724034,0.0,0.738,64.94,2021-06-07,baltimore smm food,0,111.22246517386012,105.28036119021601,1.7427136244219505,0.0,0.0,1.4674436461437848,1.6754656726226616,0.0,1.0564810404557095,111.22246517386012 +0.753,0.0,0.0,0.0,0.0052785028966145855,0.785,0.54,53.14,2021-06-07,baton rouge smm food,0,54.151005442374796,50.62824190344196,1.4548374270396107,0.0,0.0,0.0,0.6498300738500313,0.6450611303926759,0.7730349076505192,54.151005442374796 +0.9269999999999999,0.786,0.0,0.8280000000000001,0.009834313221933424,0.979,0.0,44.06,2021-06-07,birmingham/anniston/tuscaloosa smm food,0,69.10055076968183,62.27551690355495,1.791014999821672,1.2781012413746342,0.0,1.7407497693510798,1.210690343917785,0.8044775116616938,0.0,69.10055076968182 +0.652,0.0,0.0,0.864,0.028795255883043623,0.0,0.0,150.13,2021-06-07,boston/manchester smm food,0,189.96537472019276,183.34429136615643,1.259699870424736,0.0,0.0,1.8164345419315615,3.5449489416800186,0.0,0.0,189.96537472019276 +0.912,0.738,0.842,0.9339999999999999,0.006132180358314362,0.801,0.992,49.94,2021-06-07,buffalo smm food,0,72.60446184047059,63.96319330778341,1.7620341745818393,1.2000492571685497,0.8823578257429702,1.9635993775047202,0.7549252682348376,0.6582088731777496,1.4200937562765092,72.60446184047059 +0.862,0.6990000000000001,0.0,0.0,0.015575040661167971,0.708,0.0,149.59,2021-06-07,charlotte smm food,0,132.40216064735196,127.1008852661048,1.6654314237823962,1.1366320200011062,0.0,0.0,1.9174243192241687,0.5817876182395089,0.0,132.402160647352 +0.0,0.0,0.704,0.0,0.035692738298867564,0.0,0.539,165.54,2021-06-07,chicago smm food,0,183.02629203535653,177.12285569785104,0.0,0.0,0.7377433602411533,0.0,4.394089615739108,0.0,0.7716033615252404,183.02629203535653 +0.0,0.636,0.0,0.0,0.014177673969614803,0.0,0.62,93.06,2021-06-07,cleveland/akron/canton smm food,0,134.75821824342714,131.09107465023894,0.0,1.03418879073062,0.0,0.0,1.745396204784759,0.0,0.8875585976728183,134.75821824342714 +0.0,0.526,0.0,0.751,0.010537687010270157,0.638,0.0,97.06,2021-06-07,columbus oh smm food,0,108.17647087949693,103.92073468964487,0.0,0.855319660258343,0.0,1.578868450220605,1.2972818358182978,0.5242662435548118,0.0,108.17647087949693 +0.0,0.0,0.9590000000000001,0.0,0.10148609655433878,0.592,0.0,138.33,2021-06-07,dallas/ft. worth smm food,0,119.2624193636688,105.27715718131851,0.0,0.0,1.0049657421466847,0.0,12.493829957155878,0.48646648304772494,0.0,119.2624193636688 +0.987,0.925,0.621,0.0,0.005087903201898689,0.0,0.0,67.6,2021-06-07,des moines/ames smm food,0,67.09649311546643,62.408297363785806,1.9069383007810037,1.5041267789714208,0.6507650947581763,0.0,0.6263655771700236,0.0,0.0,67.09649311546643 +0.579,0.519,0.76,0.0,0.018270315719627648,0.679,0.704,116.96,2021-06-07,detroit smm food,0,166.89694963891344,160.32292305294044,1.1186598542575492,0.8439370792282891,0.7964274911694268,0.0,2.2492363546799643,0.5579573344415629,1.0078084721962324,166.89694963891347 +0.0,0.874,0.539,0.647,0.0069600661799894365,0.9390000000000001,0.999,112.4,2021-06-07,grand rapids smm food,0,116.4203891852213,110.01556630860257,0.0,1.4211965457524558,0.564834760184633,1.360223551654769,0.8568452851744038,0.7716081546990098,1.4301145791534604,116.4203891852213 +0.0,0.0,0.6990000000000001,0.606,0.00865385772644288,0.752,0.0,38.54,2021-06-07,greensboro smm food,0,87.25908378066794,83.56924325587181,0.0,0.0,0.732503705693986,1.2740270051047757,1.065365903098916,0.6179439108984615,0.0,87.25908378066795 +0.0,0.877,0.0,0.0,0.007684626536534183,0.993,0.896,76.78,2021-06-07,harrisburg/lancaster smm food,0,89.49587463395137,85.02510769460987,0.0,1.4260747947653363,0.0,0.0,0.9460450297277802,0.8159817865986333,1.2826653282497502,89.49587463395137 +0.0,0.497,0.0,0.714,0.011700110443111252,0.788,0.0,128.57,2021-06-07,hartford/new haven smm food,0,117.00788752053357,112.61073024106035,0.0,0.8081632531338336,0.0,1.5010813228462208,1.440386371328282,0.6475263321648772,0.0,117.00788752053357 +0.501,0.729,0.742,0.677,0.06860670710874676,0.965,0.581,138.38,2021-06-07,houston smm food,0,182.07146482513238,167.64644198801398,0.9679595630104182,1.1854145101299087,0.7775647347996246,1.423294195471837,8.446088298194908,0.7929732367247544,0.8317282987869474,182.07146482513238 +0.77,0.0,0.0,0.67,0.012513953313710387,0.0,0.0,53.62,2021-06-07,indianapolis smm food,0,93.45807262766516,89.02123497580452,1.4876823623114213,0.0,0.0,1.408577711914521,1.540577577634704,0.0,0.0,93.45807262766516 +0.0,0.0,0.774,0.526,0.008126373555397392,0.0,0.0,52.1,2021-06-07,jacksonville smm food,0,89.2172551036713,86.29988999004563,0.0,0.0,0.8110985239014953,1.1058386215925942,1.0004279681315875,0.0,0.0,89.2172551036713 +0.0,0.504,0.532,0.981,0.009819101236791484,0.0,0.9630000000000002,92.92,2021-06-07,kansas city smm food,0,86.52055217597719,80.49370051161102,0.0,0.8195458341638876,0.5574992438185988,2.062410052818127,1.20881761492212,0.0,1.378578918643426,86.52055217597719 +0.722,0.936,0.897,0.0,0.006158585051360991,0.0,0.0,77.98,2021-06-07,knoxville smm food,0,74.01814574366404,69.4030183864474,1.394943721543956,1.5220136920186484,0.9399940257618103,0.0,0.7581759178922403,0.0,0.0,74.01814574366405 +0.773,0.0,0.0,0.0,0.023728313974919046,0.5060000000000001,0.6980000000000001,55.64,2021-06-07,las vegas smm food,0,78.90564343920539,73.0759844669223,1.4934785273593878,0.0,0.0,0.0,2.9211638839011957,0.4157973655779542,0.9992191954445601,78.9056434392054 +0.0,0.8190000000000001,0.707,0.0,0.006797386976050037,0.0,0.761,27.85,2021-06-07,little rock/pine bluff smm food,0,61.702444936982545,57.70357115599228,0.0,1.3317619805163174,0.7408871529694536,0.0,0.8368180461673731,0.0,1.0894066013371204,61.702444936982545 +0.9470000000000001,0.7020000000000001,0.752,0.617,0.14277561013641368,0.876,0.979,171.33,2021-06-07,los angeles smm food,0,178.7311938629954,153.9765761946837,1.8296561001414493,1.1415102690139864,0.7880440438939592,1.2971529078377007,17.576931773293936,0.7198389174827822,1.4014836566478857,178.7311938629954 +0.5680000000000001,0.9269999999999999,0.0,0.0,0.0037864775148937456,0.0,0.73,86.66,2021-06-07,madison wi smm food,0,56.53514878683951,52.419185278171575,1.097407249081672,1.5073789449800075,0.0,0.0,0.4661486431527758,0.0,1.0450286714534796,56.535148786839514 +0.0,0.0,0.887,0.758,0.023658676240562452,0.0,0.641,145.17,2021-06-07,miami/west palm beach smm food,0,190.47512591992444,184.12181433608328,0.0,0.0,0.9295147166674758,1.5935849337779209,2.9125908670920704,0.0,0.9176210663036718,190.4751259199244 +0.543,0.66,0.516,0.994,0.008850266878258786,0.0,0.0,44.93,2021-06-07,milwaukee smm food,0,73.99551174592702,68.15317248002567,1.0491058736819503,1.0732147828336625,0.5407323492676634,2.0897406651388564,1.0895455949792046,0.0,0.0,73.99551174592702 +0.903,0.0,0.545,0.0,0.03773598891719025,0.0,0.0,112.52000000000001,2021-06-07,minneapolis/st. paul smm food,0,92.71212219007963,85.75072244988117,1.7446456794379395,0.0,0.5711223456412338,0.0,4.64563171511928,0.0,0.0,92.71212219007963 +0.0,0.0,0.0,0.0,0.006430767287587073,0.544,0.501,38.03,2021-06-07,mobile/pensacola smm food,0,69.42234668172887,67.46643487620449,0.0,0.0,0.0,0.0,0.7916839420672198,0.44702325469250404,0.7172046087646483,69.42234668172885 +0.9530000000000001,0.0,0.0,0.0,0.014340651594317185,0.857,0.878,71.69,2021-06-07,nashville smm food,0,101.04000002190213,95.47216793873541,1.8412484302373826,0.0,0.0,0.0,1.7654601820090923,0.7042259729255073,1.256897497994733,101.04000002190213 +0.0,0.609,0.835,0.0,0.009284698834246251,0.9000000000000001,0.0,53.17,2021-06-07,new orleans smm food,0,63.29751269182553,59.54961731628727,0.0,0.9902845496146975,0.875022309376936,0.0,1.1430279848862384,0.7395605316603928,0.0,63.29751269182553 +0.516,0.531,0.0,0.842,0.09727988035756349,0.757,0.593,251.78,2021-06-07,new york smm food,0,307.2393060127515,290.1617655847399,0.9969403882502511,0.8634500752798102,0.0,1.7701827364657114,11.976007795206753,0.622052580518797,0.8489068522902923,307.2393060127515 +0.0,0.686,0.798,0.0,0.00912571162337458,0.0,0.9199999999999999,73.47,2021-06-07,norfolk/portsmouth/newport news smm food,0,106.70215875317145,102.30993924858487,0.0,1.1154929409452916,0.8362488657278982,0.0,1.1234552626569465,0.0,1.31702243525644,106.70215875317145 +0.847,0.503,0.498,0.554,0.026162467091199113,0.0,0.508,70.13,2021-06-07,oklahoma city smm food,0,61.698243564569694,53.609244119971564,1.6364505985425633,0.8179197511595941,0.5218695928978613,1.1647045558218578,3.220829514534657,0.0,0.7272254316415995,61.698243564569694 +0.579,0.723,0.0,0.0,0.0069370985847852186,0.0,0.8250000000000001,40.07,2021-06-07,omaha smm food,0,65.20559104218907,60.87622985001895,1.1186598542575492,1.1756580121041482,0.0,0.0,0.8540177724534604,0.0,1.1810255533549598,65.20559104218907 +0.0,0.0,0.0,0.547,0.019323636424655774,0.922,0.0,102.2,2021-06-07,orlando/daytona beach/melborne smm food,0,136.9019183031356,132.61538216686213,0.0,0.0,0.0,1.149988072264542,2.378909386019057,0.757638677989869,0.0,136.9019183031356 +0.0,0.0,0.0,0.5660000000000001,0.004297166421680725,0.0,0.771,48.38,2021-06-07,paducah ky/cape girardeau mo smm food,0,58.38193194233035,55.55925813283435,0.0,0.0,0.0,1.189932813348685,0.5290189335573935,0.0,1.103722062589908,58.38193194233034 +0.513,0.0,0.661,0.736,0.03753997050678284,0.877,0.9440000000000001,164.17,2021-06-07,philadelphia smm food,0,209.66244764109348,199.7377476378349,0.9911442232022846,0.0,0.6926823311355147,1.5473331283120708,4.621500126938717,0.7206606514068493,1.3513795422631298,209.66244764109348 +0.0,0.9460000000000001,0.0,0.536,0.031972868933091245,0.0,0.0,125.67000000000002,2021-06-07,phoenix/prescott smm food,0,123.58423883190055,116.98296111946722,0.0,1.5382745220615828,0.0,1.126862169531617,3.9361410208401186,0.0,0.0,123.58423883190054 +0.561,0.624,0.555,0.0,0.010446363948139444,0.0,0.0,83.17,2021-06-07,pittsburgh smm food,0,108.51843182690133,104.55223234884438,1.08388286396975,1.014675794679099,0.5816016547355684,0.0,1.2860391646725315,0.0,0.0,108.51843182690133 +0.912,0.806,0.585,0.0,0.011737039803415632,0.0,0.884,42.65,2021-06-07,portland or smm food,0,93.29242561201912,86.8963094792362,1.7620341745818393,1.3106229014605029,0.6130395820185719,0.0,1.4449326999755998,0.0,1.2654867747464054,93.29242561201912 +0.0,0.974,0.5730000000000001,0.0,0.007815351931804392,0.0,0.9500000000000001,93.19,2021-06-07,providence ri/new bedford ma smm food,0,87.75468290830707,83.24830635780522,0.0,1.5838048461817986,0.6004644111053705,0.0,0.9621384741998855,0.0,1.3599688190148023,87.75468290830707 +0.0,0.0,0.519,0.673,0.01579548734097526,0.0,0.0,105.9,2021-06-07,raleigh/durham/fayetteville smm food,0,129.23349693634356,125.33017277610136,0.0,0.0,0.5438761419959639,1.414884776296228,1.9445632419499743,0.0,0.0,129.23349693634353 +0.852,0.0,0.0,0.0,0.059421879614837275,0.6,0.0,251.86,2021-06-07,rem us east north central smm food,0,315.9081792827788,306.4536727021249,1.6461108736225076,0.0,0.0,0.0,7.315355352591147,0.4930403544402618,0.0,315.9081792827788 +0.854,0.504,0.0,0.0,0.02203959682562323,0.9339999999999999,0.0,96.64,2021-06-07,rem us middle atlantic smm food,0,136.7503115334355,130.80002326169728,1.6499749836544852,0.8195458341638876,0.0,0.0,2.7132679688411647,0.7674994850786742,0.0,136.75031153343548 +0.774,0.0,0.0,0.767,0.08031473399068469,0.0,0.0,150.96,2021-06-07,rem us mountain smm food,0,186.95287749304177,173.95751153106124,1.4954105823753767,0.0,0.0,1.6125061269230412,9.887449252682114,0.0,0.0,186.95287749304177 +0.0,0.0,0.992,0.0,0.011789382397021141,0.0,0.0,111.08,2021-06-07,rem us new england smm food,0,150.71255460824676,148.221630613054,0.0,0.0,1.0395474621579888,0.0,1.4513765330347774,0.0,0.0,150.71255460824676 +0.0,0.0,0.0,0.0,0.06050004706603399,0.0,0.731,111.32,2021-06-07,rem us pacific smm food,0,113.60819165623288,105.11364420201244,0.0,0.0,0.0,0.0,7.448087236641682,0.0,1.0464602175787583,113.60819165623288 +0.911,0.904,0.631,0.611,0.09326759763764708,0.9440000000000001,0.0,247.27,2021-06-07,rem us south atlantic smm food,0,301.1138720673118,283.6802303568146,1.7601021195658504,1.4699790358812588,0.6612444038525109,1.284538779074287,11.482060547803952,0.7757168243193453,0.0,301.11387206731183 +0.0,0.0,0.511,0.0,0.16653837866155677,0.8240000000000001,0.0,386.87,2021-06-07,rem us south central smm food,0,421.14626812438064,399.4313293612464,0.0,0.0,0.5354926947204962,0.0,20.502337314982405,0.677108753431293,0.0,421.1462681243806 +0.0,0.0,0.0,0.8190000000000001,0.05849495115049697,0.0,0.75,117.5,2021-06-07,rem us west north central smm food,0,135.95125896902496,125.95452848252805,0.0,0.0,0.0,1.7218285762059595,7.201242316331893,0.0,1.0736595939590543,135.95125896902496 +0.0,0.0,0.0,0.0,0.007256312693607677,0.9199999999999999,0.48500000000000004,66.69,2021-06-07,richmond/petersburg smm food,0,88.4117047522525,86.06809383806947,0.0,0.0,0.0,0.0,0.8933158332811073,0.7559952101417347,0.6942998707601885,88.4117047522525 +0.552,0.673,0.0,0.0,0.036641228361721366,0.838,0.778,62.28,2021-06-07,sacramento/stockton/modesto smm food,0,80.06114286669666,71.58708164797008,1.0664943688258501,1.094353861889477,0.0,0.0,4.510857074176161,0.6886130283682322,1.1137428854668592,80.06114286669666 +0.0,0.0,0.72,0.0,0.017791470606722613,0.0,0.0,102.33,2021-06-07,salt lake city smm food,0,86.66960564196685,83.72480907215119,0.0,0.0,0.7545102547920886,0.0,2.1902863150235734,0.0,0.0,86.66960564196685 +0.716,0.0,0.0,0.666,0.017756726977639477,0.582,0.0,95.18,2021-06-07,san diego smm food,0,84.16209084779967,78.71431295071628,1.3833513914480229,0.0,0.0,1.400168292738912,2.186009069089429,0.4782491438070539,0.0,84.16209084779969 +0.911,0.925,0.0,0.649,0.030521782303371353,0.0,0.0,55.17,2021-06-07,san francisco/oakland/san jose smm food,0,97.26206971732657,88.87591304741949,1.7601021195658504,1.5041267789714208,0.0,1.3644282612425733,3.7574995101272144,0.0,0.0,97.26206971732654 +0.0,0.0,0.909,0.522,0.017111487495209465,0.766,0.996,71.01,2021-06-07,seattle/tacoma smm food,0,94.95659745241656,88.74475650580376,0.0,0.0,0.9525691966750118,1.0974292024169852,2.1065744209077697,0.6294481858354009,1.4258199407776242,94.95659745241656 +0.768,0.0,0.0,0.0,0.011279194340330798,0.668,0.744,82.46,2021-06-07,st. louis smm food,0,92.19046826280191,87.70409353036166,1.4838182522794436,0.0,0.0,0.0,1.388567901676609,0.5489182612768249,1.0650703172073819,92.19046826280191 +0.883,0.881,0.641,0.0,0.017975724025255477,0.0,0.671,166.0,2021-06-07,tampa/ft. myers smm food,0,180.23904801903188,173.25520362076367,1.7060045791181624,1.4325791267825099,0.6717237129468455,0.0,2.212969529358669,0.0,0.960567450062034,180.23904801903188 +0.738,0.643,0.0,0.0,0.006576609883690654,0.0,0.645,52.29,2021-06-07,tucson/sierra vista smm food,0,67.5266603155394,63.32224664442017,1.4258566017997778,1.045571371760674,0.0,0.0,0.809638446754004,0.0,0.9233472508047867,67.52666031553942 +0.738,0.0,0.0,0.0,0.028215619794051933,0.0,0.604,157.28,2021-06-07,washington dc/hagerstown smm food,0,178.78547729263002,173.02137618365978,1.4258566017997778,0.0,0.0,0.0,3.473590647502101,0.0,0.8646538596683584,178.78547729263002 +0.588,0.0,0.791,0.548,0.0032973849944321876,0.0,0.0,51.55,2021-06-07,yakima/pasco/richland/kennewick smm food,0,57.03993155034229,53.51694236690935,1.1360483494014488,0.0,0.828913349361864,1.1520904270584442,0.40593705761118726,0.0,0.0,57.03993155034229 +0.0,0.0,0.981,0.91,0.007708798972935296,0.0,0.869,93.24,2021-06-14,albany/schenectady/troy smm food,0,87.49106597728688,82.35686844083078,0.0,0.0,1.0280202221542207,1.913142862451066,0.9490208689835935,0.0,1.2440135828672243,87.49106597728688 +0.0,0.0,0.744,0.686,0.012467350458258607,0.552,0.0,68.79,2021-06-14,albuquerque/santa fe smm food,0,75.00244282979443,70.79212936171284,0.0,0.0,0.7796605966184915,1.4422153886169575,1.5348403567610966,0.4535971260850409,0.0,75.00244282979443 +0.9059999999999999,0.973,0.9450000000000001,0.684,0.05327584723439161,0.845,0.89,141.04,2021-06-14,atlanta smm food,0,179.53562283227853,165.2475308400832,1.7504418444859058,1.5821787631775053,0.9902947094146163,1.438010679029153,6.558724778753402,0.694365165836702,1.2740760514980778,179.53562283227853 +0.0,0.872,0.0,0.531,0.01537840356739132,0.0,0.0,77.45,2021-06-14,baltimore smm food,0,109.70787253120822,105.28036119021601,0.0,1.417944379743869,0.0,1.1163503955621055,1.893216565686231,0.0,0.0,109.70787253120822 +0.98,0.0,0.0,0.0,0.004387856842567805,0.554,0.854,52.44,2021-06-14,baton rouge smm food,0,54.73962052504109,50.62824190344196,1.8934139156690815,0.0,0.0,0.0,0.5401837210088392,0.4552405939331751,1.2225403909880432,54.7396205250411 +0.838,0.791,0.753,0.0,0.008858991475170948,0.0,0.8220000000000001,72.36,2021-06-14,birmingham/anniston/tuscaloosa smm food,0,68.23725322262968,62.27551690355495,1.6190621033986636,1.2862316563961014,0.7890919748033927,0.0,1.0906196694974506,0.0,1.1767309149791236,68.23725322262969 +0.0,0.6930000000000001,0.883,0.707,0.033027212070642666,0.0,0.64,127.12,2021-06-14,boston/manchester smm food,0,191.86498416323286,183.34429136615643,0.0,1.1268755219753455,0.925322993029742,1.486364839288905,4.065939922604052,0.0,0.9161895201783931,191.86498416323286 +0.0,0.0,0.881,0.0,0.00581253933152661,0.0,0.0,74.44,2021-06-14,buffalo smm food,0,65.60199508904984,63.96319330778341,0.0,0.0,0.9232271312108751,0.0,0.7155746500555424,0.0,0.0,65.60199508904984 +0.791,0.735,0.6950000000000001,0.866,0.017743951377341652,0.0,0.86,63.269999999999996,2021-06-14,charlotte smm food,0,135.7888289736927,127.1008852661048,1.5282555176471873,1.1951710081556695,0.7283119820562522,1.820639251519366,2.184436280469698,0.0,1.2311296677397157,135.7888289736927 +0.0,0.9199999999999999,0.0,0.0,0.033870311940808376,0.0,0.0,149.83,2021-06-14,chicago smm food,0,182.78858498435662,177.12285569785104,0.0,1.4959963639499534,0.0,0.0,4.1697329225556325,0.0,0.0,182.78858498435662 +0.0,0.629,0.0,0.0,0.0135952943187572,0.0,0.656,144.71,2021-06-14,cleveland/akron/canton smm food,0,134.72667527216356,131.09107465023894,0.0,1.0228062097005661,0.0,0.0,1.6737001540412286,0.0,0.939094258182853,134.7266752721636 +0.0,0.544,0.798,0.546,0.01552240536487,0.0,0.0,78.3,2021-06-14,columbus oh smm food,0,108.70040287907145,103.92073468964487,0.0,0.8845891543356248,0.8362488657278982,1.1478857174706396,1.9109444518923981,0.0,0.0,108.70040287907143 +0.0,0.0,0.0,0.767,0.07396607118039837,0.248,0.0,89.69,2021-06-14,dallas/ft. worth smm food,0,116.19932641440066,105.27715718131851,0.0,0.0,0.0,1.6125061269230412,9.105873092990459,0.20379001316864154,0.0,116.19932641440066 +0.0,0.0,0.738,0.0,0.004458607090062559,0.0,0.0,27.22,2021-06-14,des moines/ames smm food,0,63.73056407290548,62.408297363785806,0.0,0.0,0.7733730111618907,0.0,0.5488936979577786,0.0,0.0,63.73056407290547 +0.0,0.508,0.0,0.0,0.02288236583102989,0.903,0.706,152.57,2021-06-14,detroit smm food,0,165.7186907534354,160.32292305294044,0.0,0.8260501661810613,0.0,0.0,2.817020236434533,0.742025733432594,1.0106715644467898,165.71869075343542 +0.0,0.0,0.999,0.64,0.009240920694512166,0.0,0.9339999999999999,61.019999999999996,2021-06-14,grand rapids smm food,0,114.88265894756465,110.01556630860257,0.0,0.0,1.0468829785240228,1.345507068097453,1.1376385113302678,0.0,1.3370640810103422,114.88265894756466 +0.911,0.0,0.0,0.0,0.01091049760228818,0.0,0.0,54.16,2021-06-14,greensboro smm food,0,86.67252346996568,83.56924325587181,1.7601021195658504,0.0,0.0,0.0,1.3431780945280398,0.0,0.0,86.6725234699657 +0.923,0.0,0.0,0.718,0.012369847718672396,0.0,0.0,110.57,2021-06-14,harrisburg/lancaster smm food,0,89.84072212942662,85.02510769460987,1.7832867797577168,0.0,0.0,1.50949074202183,1.5228369130372097,0.0,0.0,89.84072212942662 +0.0,0.8170000000000001,0.0,0.0,0.01552452396683291,0.0,0.0,94.72,2021-06-14,hartford/new haven smm food,0,115.85044532597227,112.61073024106035,0.0,1.3285098145077305,0.0,0.0,1.9112052704041964,0.0,0.0,115.85044532597227 +0.51,0.0,0.888,0.0,0.05344168160860909,0.0,0.0,175.95,2021-06-14,houston smm food,0,176.14149314068243,167.64644198801398,0.985348058154318,0.0,0.9305626475769092,0.0,6.579140446937223,0.0,0.0,176.14149314068243 +0.771,0.0,0.645,0.0,0.017971305814991855,0.788,0.0,84.9,2021-06-14,indianapolis smm food,0,94.04671677074627,89.02123497580452,1.4896144173274102,0.0,0.6759154365845793,0.0,2.2124256088648986,0.6475263321648772,0.0,94.04671677074629 +0.634,0.516,0.6920000000000001,0.66,0.008768550529203355,0.578,0.0,68.19,2021-06-14,jacksonville smm food,0,92.03104185641223,86.29988999004563,1.2249228801369365,0.8390588302154087,0.7251681893279519,1.3875541639754985,1.0794855946000246,0.4749622081107855,0.0,92.03104185641223 +0.752,0.771,0.721,0.0,0.008951278453503011,0.0,0.542,48.61,2021-06-14,kansas city smm food,0,85.83375307274228,80.49370051161102,1.4529053720236218,1.253709996310233,0.755558185701522,0.0,1.1019810071948088,0.0,0.7758979999010767,85.83375307274228 +0.0,0.8320000000000001,0.841,0.0,0.007475794288394531,0.0,0.0,75.4,2021-06-14,knoxville smm food,0,72.55756528641649,69.4030183864474,0.0,1.352901059572132,0.8813098948335367,0.0,0.9203359455634248,0.0,0.0,72.55756528641649 +0.0,0.0,0.98,0.0,0.018853526529348776,0.58,0.672,67.75,2021-06-14,las vegas smm food,0,77.86259615869395,73.0759844669223,0.0,0.0,1.0269722912447872,0.0,2.321034728380637,0.47660567595891973,0.9619989961873128,77.86259615869396 +0.0,0.0,0.8200000000000001,0.805,0.0078066726309560545,0.0,0.96,74.11,2021-06-14,little rock/pine bluff smm food,0,62.5906243671116,57.70357115599228,0.0,0.0,0.8593033457354343,1.6923956090913277,0.9610699760249847,0.0,1.3742842802675894,62.590624367111616 +0.0,0.0,0.861,0.55,0.11316006949693984,0.0,0.0,177.67,2021-06-14,los angeles smm food,0,169.9661384169272,153.9765761946837,0.0,0.0,0.9022685130222059,1.1562951366462486,13.930998572575058,0.0,0.0,169.9661384169272 +0.0,0.517,0.608,0.0,0.0035023212979874685,0.673,0.0,72.0,2021-06-14,madison wi smm food,0,54.88120563199855,52.419185278171575,0.0,0.8406849132197022,0.6371419929355414,0.0,0.43116651677455964,0.5530269308971604,0.0,54.88120563199854 +0.0,0.0,0.0,0.801,0.019660594363612217,0.0,0.937,160.21,2021-06-14,miami/west palm beach smm food,0,189.56755111358623,184.12181433608328,0.0,0.0,0.0,1.6839861899157185,2.4203918682010515,0.0,1.3413587193861787,189.56755111358623 +0.0,0.0,0.0,0.5650000000000001,0.008706558227030758,0.845,0.981,61.949999999999996,2021-06-14,milwaukee smm food,0,72.51156865096713,68.15317248002567,0.0,0.0,0.0,1.1878304585547828,1.0718537976515397,0.694365165836702,1.4043467488984431,72.51156865096715 +0.904,0.985,0.836,0.0,0.02854865319436478,0.0,0.731,105.15,2021-06-14,minneapolis/st. paul smm food,0,94.5361123859325,85.75072244988117,1.7465777344539284,1.6016917592290263,0.8760702402863695,0.0,3.514589984503247,0.0,1.0464602175787583,94.5361123859325 +0.0,0.78,0.0,0.0,0.006483549905746485,0.9530000000000001,0.7020000000000001,52.78,2021-06-14,mobile/pensacola smm food,0,71.32101937514922,67.46643487620449,0.0,1.2683447433488737,0.0,0.0,0.7981819460142342,0.7831124296359492,1.004945379945675,71.32101937514922 +0.878,0.0,0.0,0.0,0.017784374219271554,0.0,0.0,78.34,2021-06-14,nashville smm food,0,99.35792493016609,95.47216793873541,1.696344304038218,0.0,0.0,0.0,2.1894126873924606,0.0,0.0,99.35792493016609 +0.0,0.0,0.0,0.9570000000000001,0.008944858392217673,0.628,0.597,62.71999999999999,2021-06-14,new orleans smm food,0,64.03344343641295,59.54961731628727,0.0,0.0,0.0,2.0119535377644726,1.1011906412556618,0.5160489043141406,0.8546330367914072,64.03344343641295 +0.971,0.627,0.0,0.71,0.09072865467666212,0.0,0.0,282.42,2021-06-14,new york smm food,0,305.71951131942296,290.1617655847399,1.8760254205251818,1.0195540436919792,0.0,1.4926719036706118,11.16949436679531,0.0,0.0,305.71951131942296 +0.0,0.0,0.722,0.773,0.01025263027633121,0.0,0.0,67.92,2021-06-14,norfolk/portsmouth/newport news smm food,0,105.95385446876534,102.30993924858487,0.0,0.0,0.7566061166109554,1.625120255686455,1.2621888478830636,0.0,0.0,105.95385446876534 +0.0,0.0,0.0,0.889,0.019214726060247215,0.731,0.759,52.8,2021-06-14,oklahoma city smm food,0,59.53097010280331,53.609244119971564,0.0,0.0,0.0,1.8689934117791183,2.3655015634730017,0.6006874984930523,1.086543509086563,59.530970102803295 +0.0,0.0,0.758,0.0,0.006468132477793365,0.0,0.806,66.2,2021-06-14,omaha smm food,0,63.620671581548045,60.87622985001895,0.0,0.0,0.7943316293505599,0.0,0.7962839252038679,0.0,1.1538261769746638,63.620671581548045 +0.628,0.0,0.0,0.663,0.017967136096159356,0.0,0.0,71.26,2021-06-14,orlando/daytona beach/melborne smm food,0,137.43448622510942,132.61538216686213,1.2133305500410032,0.0,0.0,1.3938612283572052,2.211912279849091,0.0,0.0,137.43448622510942 +0.8160000000000001,0.781,0.623,0.0,0.00516820447305805,0.0,0.0,60.85,2021-06-14,paducah ky/cape girardeau mo smm food,0,59.69489817784139,55.55925813283435,1.576556893046909,1.269970826353167,0.6528609565770433,0.0,0.63625136902991,0.0,0.0,59.69489817784138 +0.0,0.0,0.624,0.0,0.04201899038705227,0.0,0.0,199.1,2021-06-14,philadelphia smm food,0,205.56456334400178,199.7377476378349,0.0,0.0,0.6539088874864768,0.0,5.17290681868042,0.0,0.0,205.56456334400178 +0.762,0.596,0.0,0.0,0.029491592441495535,0.0,0.916,109.0,2021-06-14,phoenix/prescott smm food,0,124.36630285173041,116.98296111946722,1.4722259221835103,0.9691454705588829,0.0,0.0,3.630674088765473,0.0,1.3112962507553252,124.36630285173041 +0.641,0.0,0.0,0.0,0.00959446348434599,0.641,0.0,92.03,2021-06-14,pittsburgh smm food,0,107.4985737937597,104.55223234884438,1.2384472652488585,0.0,0.0,0.0,1.1811627343394486,0.526731445327013,0.0,107.4985737937597 +0.0,0.918,0.0,0.0,0.013607225342247276,0.0,0.915,78.95,2021-06-14,portland or smm food,0,91.37408734964463,86.8963094792362,0.0,1.4927441979413667,0.0,0.0,1.675168967837018,0.0,1.3098647046300465,91.37408734964463 +0.855,0.0,0.0,0.745,0.009640058157971405,0.504,0.0,90.84,2021-06-14,providence ri/new bedford ma smm food,0,88.0673974548369,83.24830635780522,1.6519070386704742,0.0,0.0,1.5662543214571913,1.1867758391741878,0.4141538977298199,0.0,88.0673974548369 +0.0,0.5660000000000001,0.0,0.544,0.01765167301194598,0.0,0.738,120.63,2021-06-14,raleigh/durham/fayetteville smm food,0,130.62377380797045,125.33017277610136,0.0,0.9203629804300802,0.0,1.143681007882835,2.173076003100467,0.0,1.0564810404557095,130.62377380797045 +0.0,0.8220000000000001,0.722,0.0,0.08089144977407925,0.9470000000000001,0.9140000000000001,205.74,2021-06-14,rem us east north central smm food,0,320.5919822644499,306.4536727021249,0.0,1.3366402295291977,0.7566061166109554,0.0,9.958448031588558,0.7781820260915466,1.3084331585047677,320.59198226444994 +0.501,0.0,0.753,0.722,0.027756984922172927,0.5,0.965,100.31,2021-06-14,rem us middle atlantic smm food,0,139.28441259968233,130.80002326169728,0.9679595630104182,0.0,0.7890919748033927,1.517900161197439,3.417128666046245,0.4108669620335515,1.3814420108939833,139.2844125996823 +0.0,0.81,0.0,0.657,0.06674934027566763,0.0,0.967,129.32,2021-06-14,rem us mountain smm food,0,186.2576210928906,173.95751153106124,0.0,1.3171272334776767,0.0,1.3812470995937915,8.21743012561334,0.0,1.3843051031445408,186.2576210928906 +0.527,0.6880000000000001,0.641,0.528,0.01619746792102174,0.843,0.559,162.52,2021-06-14,rem us new england smm food,0,155.62734232200086,148.221630613054,1.0181929934261287,1.1187451069538783,0.6717237129468455,1.1100433311803988,1.9940505824202086,0.6927216979885678,0.8002342840308153,155.62734232200086 +0.0,0.9380000000000001,0.9140000000000001,0.787,0.05174966568367248,0.516,0.722,108.74,2021-06-14,rem us pacific smm food,0,117.07970156495162,105.11364420201244,0.0,1.5252658580272354,0.9578088512221793,1.6545532228010866,6.370838423618798,0.42401470481862513,1.0335763024512497,117.0797015649516 +0.0,0.0,0.777,0.0,0.09956171323049291,0.5740000000000001,0.0,248.28,2021-06-14,rem us south atlantic smm food,0,297.2230694117354,283.6802303568146,0.0,0.0,0.8142423166297956,0.0,12.256921465876548,0.4716752724145172,0.0,297.2230694117355 +0.0,0.664,0.965,0.609,0.15326710405992794,0.5630000000000001,0.591,338.6,2021-06-14,rem us south central smm food,0,422.97984266684114,399.4313293612464,0.0,1.079719114850836,1.0112533276032853,1.2803340694864824,18.86852683436457,0.46263619924977906,0.8460437600397348,422.9798426668411 +0.0,0.9530000000000001,0.611,0.788,0.05161623925252368,0.5760000000000001,0.664,102.57,2021-06-14,rem us west north central smm food,0,137.5794047742299,125.95452848252805,0.0,1.5496571030916368,0.6402857856638419,1.656655577594989,6.354412457903673,0.47331874026265136,0.9505466271850829,137.5794047742299 +0.916,0.72,0.0,0.0,0.008942841982850032,0.0,0.0,74.92,2021-06-14,richmond/petersburg smm food,0,90.10957839935656,86.06809383806947,1.7697623946457948,1.170779763091268,0.0,0.0,1.1009424035500186,0.0,0.0,90.10957839935655 +0.0,0.6970000000000001,0.0,0.0,0.027876186899221656,0.879,0.0,80.37,2021-06-14,sacramento/stockton/modesto smm food,0,76.87456909772919,71.58708164797008,0.0,1.1333798539925193,0.0,0.0,3.4318034765116,0.7223041192549835,0.0,76.87456909772918 +0.509,0.0,0.784,0.0,0.017671843159759296,0.0,0.0,91.69,2021-06-14,salt lake city smm food,0,87.70536203375968,83.72480907215119,0.9834160031383291,0.0,0.8215778329958298,0.0,2.1755591254743316,0.0,0.0,87.70536203375968 +0.0,0.851,0.933,0.905,0.01500832938841552,0.659,0.73,88.72,2021-06-14,san diego smm food,0,86.41266872522576,78.71431295071628,0.0,1.3837966366537071,0.9777195385014148,1.9026310884815545,1.847657183459109,0.5415226559602209,1.0450286714534796,86.41266872522576 +0.5060000000000001,0.745,0.0,0.643,0.02635802877257694,0.735,0.655,105.99,2021-06-14,san francisco/oakland/san jose smm food,0,97.2033208777942,88.87591304741949,0.9776198380903628,1.2114318381986038,0.0,1.3518141324791597,3.244904875359692,0.6039744341893207,0.9376627120575742,97.2033208777942 +0.545,0.558,0.0,0.0,0.01977606251968496,0.857,0.875,95.35,2021-06-14,seattle/tacoma smm food,0,95.09651665096357,88.74475650580376,1.0529699837139281,0.9073543163957328,0.0,0.0,2.4346070125057366,0.7042259729255073,1.2526028596188967,95.09651665096357 +0.0,0.0,0.0,0.0,0.01029432753755294,0.642,0.978,93.62,2021-06-14,st. louis smm food,0,90.89902096715072,87.70409353036166,0.0,0.0,0.0,0.0,1.2673221470153686,0.5275531792510801,1.400052110522607,90.89902096715072 +0.0,0.845,0.0,0.0,0.017382462742873358,0.0,0.0,140.22,2021-06-14,tampa/ft. myers smm food,0,176.76917761357993,173.25520362076367,0.0,1.3740401386279464,0.0,0.0,2.1399338541883486,0.0,0.0,176.76917761357996 +0.589,0.855,0.0,0.0,0.006094834724205781,0.0,0.859,85.67,2021-06-14,tucson/sierra vista smm food,0,67.83055383174852,63.32224664442017,1.1379804044174378,1.3903009686708807,0.0,0.0,0.750327692625602,0.0,1.229698121614437,67.83055383174853 +0.0,0.874,0.0,0.505,0.032470335978029945,0.0,0.0,142.76,2021-06-14,washington dc/hagerstown smm food,0,179.50164548424098,173.02137618365978,0.0,1.4211965457524558,0.0,1.0616891709206464,3.997383583908106,0.0,0.0,179.50164548424098 +0.884,0.9339999999999999,0.0,0.802,0.003261700718037526,0.0,0.656,72.16,2021-06-14,yakima/pasco/richland/kennewick smm food,0,59.77036733967623,53.51694236690935,1.707936634134151,1.5187615260100615,0.0,1.6860885447096208,0.4015440097301867,0.0,0.939094258182853,59.77036733967622 +0.993,0.967,0.9129999999999999,0.0,0.009562740127015513,0.864,0.704,77.86,2021-06-21,albany/schenectady/troy smm food,0,89.69962615015106,82.35686844083078,1.9185306308769368,1.5724222651517445,0.9567609203127455,0.0,1.1772573103886432,0.709978110393977,1.0078084721962324,89.69962615015106 +0.884,0.0,0.739,0.681,0.008630756139598236,0.985,0.685,62.74999999999999,2021-06-21,albuquerque/santa fe smm food,0,77.55872945841782,70.79212936171284,1.707936634134151,0.0,0.7744209420713243,1.4317036146474462,1.0625218948300303,0.8094079152060965,0.9806090958159364,77.55872945841782 +0.528,0.582,0.0,0.0,0.041756424310826115,0.0,0.731,120.27999999999999,2021-06-21,atlanta smm food,0,173.40107904287427,165.2475308400832,1.0201250484421174,0.9463803084987749,0.0,0.0,5.140582628271433,0.0,1.0464602175787583,173.40107904287427 +0.0,0.714,0.652,0.858,0.014346820055557433,0.561,0.0,86.39,2021-06-21,baltimore smm food,0,111.15566812657453,105.28036119021601,0.0,1.1610232650655075,0.6832509529506136,1.803820413168148,1.7662195737725905,0.4609927314016448,0.0,111.15566812657451 +0.0,0.0,0.0,0.0,0.0017604246719744058,0.849,0.0,3.6000000000000005,2021-06-21,baton rouge smm food,0,51.5426177459679,50.62824190344196,0.0,0.0,0.0,0.0,0.21672374099297076,0.6976521015329704,0.0,51.5426177459679 +0.0,0.5700000000000001,0.0,0.999,0.004243103578435758,0.0,0.0,61.27,2021-06-21,birmingham/anniston/tuscaloosa smm food,0,65.82499997776722,62.27551690355495,0.0,0.926867312447254,0.0,2.100252439108368,0.5223633226566301,0.0,0.0,65.8249999777672 +0.932,0.0,0.0,0.0,0.031163295180368127,0.0,0.601,170.67,2021-06-21,boston/manchester smm food,0,189.84180124279547,183.34429136615643,1.8006752749016164,0.0,0.0,0.0,3.8364753804448997,0.0,0.8603592212925222,189.84180124279547 +0.875,0.5760000000000001,0.0,0.93,0.003452698374646819,0.8300000000000001,0.0,44.69,2021-06-21,buffalo smm food,0,69.65265187156653,63.96319330778341,1.6905481389902515,0.9366238104730145,0.0,1.9551899583291115,0.42505749901503725,0.6820391569756955,0.0,69.65265187156652 +0.0,0.916,0.912,0.9570000000000001,0.015557079717329517,0.0,0.62,92.0,2021-06-21,charlotte smm food,0,134.3608155921438,127.1008852661048,0.0,1.48949203193278,0.9557129894033122,2.0119535377644726,1.915213169265637,0.0,0.8875585976728183,134.3608155921438 +0.0,0.0,0.778,0.895,0.02074652820988365,0.0,0.0,133.19,2021-06-21,chicago smm food,0,182.37383334963943,177.12285569785104,0.0,0.0,0.8152902475392291,1.8816075405425319,2.5540798637066335,0.0,0.0,182.37383334963943 +0.0,0.514,0.0,0.792,0.008983786681496063,0.8180000000000001,0.0,123.77000000000001,2021-06-21,cleveland/akron/canton smm food,0,135.37010771672186,131.09107465023894,0.0,0.8358066642068219,0.0,1.6650649967705982,1.105983055618616,0.6721783498868903,0.0,135.37010771672186 +0.86,0.507,0.0,0.0,0.020147155066263567,0.0,0.0,81.17,2021-06-21,columbus oh smm food,0,108.88701785130233,103.92073468964487,1.6615673137504186,0.8244240831767679,0.0,0.0,2.4802917647302807,0.0,0.0,108.88701785130235 +0.0,0.508,0.0,0.72,0.054651654168383114,0.0,0.643,136.49,2021-06-21,dallas/ft. worth smm food,0,115.2654856553158,105.27715718131851,0.0,0.8260501661810613,0.0,1.5136954516096346,6.728098697652355,0.0,0.9204841585542293,115.2654856553158 +0.508,0.0,0.633,0.0,0.0018947451175186421,0.562,0.625,83.43,2021-06-21,des moines/ames smm food,0,65.6429121389378,62.408297363785806,0.9814839481223403,0.0,0.6633402656713778,0.0,0.23325976773334853,0.4618144653257119,0.894716328299212,65.6429121389378 +0.0,0.665,0.5720000000000001,0.0,0.026783757915425224,0.0,0.0,95.59,2021-06-21,detroit smm food,0,165.30100060351378,160.32292305294044,0.0,1.0813451978551296,0.5994164801959371,0.0,3.2973158725222858,0.0,0.0,165.30100060351378 +0.0,0.9430000000000001,0.0,0.0,0.011634411613000223,0.932,0.0,104.18,2021-06-21,grand rapids smm food,0,113.74711686711362,110.01556630860257,0.0,1.5333962730487025,0.0,0.0,1.4322982682317975,0.7658560172305401,0.0,113.74711686711362 +0.728,0.869,0.0,0.669,0.011279943676916405,0.0,0.0,95.53,2021-06-21,greensboro smm food,0,89.1839809469559,83.56924325587181,1.406536051639889,1.4130661307309886,0.0,1.4064753571206188,1.3886601515925987,0.0,0.0,89.18398094695591 +0.862,0.723,0.0,0.587,0.016708710425499717,0.0,0.67,57.989999999999995,2021-06-21,harrisburg/lancaster smm food,0,92.11640432401728,85.02510769460987,1.6654314237823962,1.1756580121041482,0.0,1.2340822640206326,2.0569890255634853,0.0,0.9591359039367553,92.1164043240173 +0.0,0.629,0.734,0.0,0.017306276347479447,0.0,0.9540000000000001,118.89,2021-06-21,hartford/new haven smm food,0,117.89896738148195,112.61073024106035,0.0,1.0228062097005661,0.7691812875241569,0.0,2.130554639680965,0.0,1.3656950035159172,117.89896738148195 +0.0,0.883,0.0,0.0,0.03755910807830472,0.882,0.636,143.61,2021-06-21,houston smm food,0,175.3413620676103,167.64644198801398,0.0,1.4358312927910968,0.0,0.0,4.623856130100778,0.7247693210271848,0.9104633356772781,175.3413620676103 +0.901,0.594,0.0,0.9440000000000001,0.02080721392676443,0.0,0.772,109.87,2021-06-21,indianapolis smm food,0,97.37923719244813,89.02123497580452,1.7407815694059618,0.9658933045502961,0.0,1.9846229254437433,2.561550808528426,0.0,1.1051536087151868,97.37923719244813 +0.0,0.995,0.859,0.6950000000000001,0.0069405271116995395,0.579,0.0,86.98,2021-06-21,jacksonville smm food,0,91.60937560855125,86.29988999004563,0.0,1.6179525892719606,0.900172651203339,1.4611365817620778,0.8544398542333831,0.4757839420348526,0.0,91.60937560855125 +0.0,0.9490000000000002,0.511,0.0,0.003990522020609026,0.0,0.0,69.75,2021-06-21,kansas city smm food,0,83.06361429157432,80.49370051161102,0.0,1.5431527710744632,0.5354926947204962,0.0,0.4912683141683386,0.0,0.0,83.06361429157432 +0.0,0.81,0.0,0.729,0.006903443412912609,0.0,0.747,51.1,2021-06-21,knoxville smm food,0,74.17200174542617,69.4030183864474,0.0,1.3171272334776767,0.0,1.532616644754755,0.8498745251631273,0.0,1.069364955583218,74.17200174542617 +0.0,0.601,0.0,0.98,0.013308494249148614,0.0,0.0,48.61,2021-06-21,las vegas smm food,0,77.75196059669818,73.0759844669223,0.0,0.9772758855803501,0.0,2.060307698024225,1.6383925461713016,0.0,0.0,77.75196059669818 +0.523,0.0,0.0,0.0,0.00710099207437507,0.0,0.0,45.15,2021-06-21,little rock/pine bluff smm food,0,59.588230430045,57.70357115599228,1.0104647733621732,0.0,0.0,0.0,0.8741945006905556,0.0,0.0,59.58823043004501 +0.0,0.0,0.9910000000000001,0.542,0.05304721399005364,0.0,0.8270000000000001,117.19,2021-06-21,los angeles smm food,0,163.8690186878545,153.9765761946837,0.0,0.0,1.0384995312485554,1.1394762982950306,6.5305780180216795,0.0,1.1838886456055173,163.8690186878545 +0.905,0.0,0.0,0.0,0.0016537626731576605,0.0,0.8140000000000001,48.29,2021-06-21,madison wi smm food,0,55.53656632561968,52.419185278171575,1.7485097894699173,0.0,0.0,0.0,0.20359271200129747,0.0,1.1652785459768937,55.53656632561968 +0.0,0.0,0.895,0.0,0.009468764787047898,0.0,0.621,131.82,2021-06-21,miami/west palm beach smm food,0,187.1143907643674,184.12181433608328,0.0,0.0,0.9378981639429435,0.0,1.16568812054309,0.0,0.888990143798097,187.1143907643674 +0.995,0.0,0.0,0.0,0.00550830936225732,0.0,0.0,79.41,2021-06-21,milwaukee smm food,0,70.75368848936473,68.15317248002567,1.9223947409089144,0.0,0.0,0.0,0.6781212684301481,0.0,0.0,70.75368848936473 +0.0,0.676,0.0,0.0,0.015720217294799766,0.759,0.0,100.8,2021-06-21,minneapolis/st. paul smm food,0,89.4089474472312,85.75072244988117,0.0,1.0992321109023573,0.0,0.0,1.9352968380807472,0.6236960483669312,0.0,89.4089474472312 +0.5680000000000001,0.7020000000000001,0.0,0.0,0.0044053681184771576,0.5760000000000001,0.678,76.55,2021-06-21,mobile/pensacola smm food,0,71.69159892039711,67.46643487620449,1.097407249081672,1.1415102690139864,0.0,0.0,0.542339512895338,0.47331874026265136,0.9705882729389852,71.69159892039713 +0.0,0.778,0.679,0.668,0.01761544686064621,0.0,0.0,86.74,2021-06-21,nashville smm food,0,101.02179485156645,95.47216793873541,0.0,1.2650925773402868,0.7115450875053169,1.4043730023267165,2.1686162456587255,0.0,0.0,101.02179485156645 +0.6980000000000001,0.708,0.769,0.8250000000000001,0.005506924148553684,0.0,0.0,76.18,2021-06-21,new orleans smm food,0,65.26771079526621,59.54961731628727,1.3485744011602236,1.1512667670397467,0.8058588693543279,1.7344427049693731,0.6779507364552751,0.0,0.0,65.26771079526621 +0.0,0.966,0.0,0.671,0.06531097667409762,0.769,0.0,315.81,2021-06-21,new york smm food,0,301.8155101526303,290.1617655847399,0.0,1.5707961821474512,0.0,1.4106800667084234,8.040354931426952,0.6319133876076022,0.0,301.81551015263034 +0.521,0.0,0.873,0.973,0.009330022660613398,0.0,0.0,79.53,2021-06-21,norfolk/portsmouth/newport news smm food,0,107.42558255636169,102.30993924858487,1.0066006633301954,0.0,0.9148436839354074,2.045591214466909,1.1486077460443156,0.0,0.0,107.42558255636169 +0.0,0.924,0.0,0.0,0.012129774830541128,0.0,0.0,50.64,2021-06-21,oklahoma city smm food,0,56.60502664760543,53.609244119971564,0.0,1.5025006959671274,0.0,0.0,1.4932818316667347,0.0,0.0,56.60502664760543 +0.9140000000000001,0.0,0.0,0.925,0.004972730351797274,0.0,0.0,73.28,2021-06-21,omaha smm food,0,65.1989931066168,60.87622985001895,1.7658982846138171,0.0,0.0,1.9446781843596,0.6121867876244269,0.0,0.0,65.1989931066168 +0.704,0.0,0.59,0.623,0.01017265749893321,0.0,0.724,87.7,2021-06-21,orlando/daytona beach/melborne smm food,0,138.1923780624777,132.61538216686213,1.3601667312561565,0.0,0.6182792365657392,1.3097670366011143,1.2523434964907465,0.0,1.0364393947018071,138.1923780624777 +0.757,0.0,0.0,0.0,0.004331557861852017,0.843,0.667,59.67,2021-06-21,paducah ky/cape girardeau mo smm food,0,59.20263956543021,55.55925813283435,1.4625656471035662,0.0,0.0,0.0,0.5332528219428015,0.6927216979885678,0.9548412655609191,59.202639565430204 +0.675,0.586,0.0,0.683,0.03811326536923588,0.557,0.785,169.15,2021-06-21,philadelphia smm food,0,209.70422500285508,199.7377476378349,1.3041371357924798,0.9528846405159487,0.0,1.4359083242352506,4.692077760427303,0.4577057957053764,1.1237637083438103,209.70422500285508 +0.9490000000000002,0.0,0.0,0.0,0.023354118497850535,0.982,0.0,128.56,2021-06-21,phoenix/prescott smm food,0,122.49852117675121,116.98296111946722,1.8335202101734274,0.0,0.0,0.0,2.8750971336766704,0.8069427134338951,0.0,122.49852117675121 +0.0,0.967,0.916,0.0,0.004857402171076182,0.0,0.0,102.94,2021-06-21,pittsburgh smm food,0,107.68254820255227,104.55223234884438,0.0,1.5724222651517445,0.9599047130410461,0.0,0.5979888755150969,0.0,0.0,107.68254820255227 +0.0,0.0,0.0,0.923,0.012412733704731494,0.0,0.8130000000000001,88.43,2021-06-21,portland or smm food,0,91.52874650849856,86.8963094792362,0.0,0.0,0.0,1.9404734747717955,1.528116554638958,0.0,1.163846999851615,91.52874650849856 +0.0,0.0,0.0,0.892,0.010227456077959919,0.0,0.0,129.35,2021-06-21,providence ri/new bedford ma smm food,0,86.38269651689512,83.24830635780522,0.0,0.0,0.0,1.875300476160825,1.2590896829290719,0.0,0.0,86.38269651689512 +0.547,0.995,0.0,0.633,0.016038647499150478,0.0,0.0,73.23,2021-06-21,raleigh/durham/fayetteville smm food,0,131.31024843704134,125.33017277610136,1.0568340937459058,1.6179525892719606,0.0,1.330790584540137,1.9744983933819704,0.0,0.0,131.31024843704134 +0.833,0.0,0.616,0.0,0.09114379896424761,0.0,0.542,238.95999999999998,2021-06-21,rem us east north central smm food,0,320.70510024585155,306.4536727021249,1.6094018283187193,0.0,0.6455254402110091,0.0,11.220602275295866,0.0,0.7758979999010767,320.70510024585155 +0.0,0.0,0.98,0.771,0.027499937574744258,0.0,0.8140000000000001,121.28000000000002,2021-06-21,rem us middle atlantic smm food,0,137.9986735246473,130.80002326169728,0.0,0.0,1.0269722912447872,1.6209155460986504,3.385483879629692,0.0,1.1652785459768937,137.9986735246473 +0.9140000000000001,0.981,0.0,0.0,0.05193305888348471,0.543,0.987,127.6,2021-06-21,rem us mountain smm food,0,185.57115052677855,173.95751153106124,1.7658982846138171,1.5951874272118527,0.0,0.0,6.393415737473075,0.44620152076843694,1.4129360256501156,185.57115052677852 +0.0,0.0,0.9759999999999999,0.0,0.0181661345257223,0.796,0.896,133.51,2021-06-21,rem us new england smm food,0,153.41758744703293,148.221630613054,0.0,0.0,1.0227805676070532,0.0,2.236410734564701,0.654100203557414,1.2826653282497502,153.41758744703293 +0.592,0.989,0.0,0.0,0.021706819095218117,0.0,0.9759999999999999,81.94,2021-06-21,rem us pacific smm food,0,111.9351059880476,105.11364420201244,1.1437765694654043,1.6081960912462,0.0,0.0,2.6723001070515093,0.0,1.3971890182720492,111.9351059880476 +0.6940000000000001,0.86,0.0,0.581,0.08088327374868892,0.0,0.0,241.37,2021-06-21,rem us south atlantic smm food,0,297.59841754790386,283.6802303568146,1.3408461810962682,1.3984313836923479,0.0,1.221468135257219,9.957441491043397,0.0,0.0,297.59841754790386 +0.0,0.5640000000000001,0.0,0.0,0.09942132207083745,0.0,0.0,285.36,2021-06-21,rem us south central smm food,0,412.5880782565708,399.4313293612464,0.0,0.9171108144214933,0.0,0.0,12.239638080902884,0.0,0.0,412.5880782565708 +0.8200000000000001,0.6990000000000001,0.0,0.9450000000000001,0.03027405612750458,0.919,0.0,117.48999999999998,2021-06-21,rem us west north central smm food,0,135.14434661390405,125.95452848252805,1.5842851131108644,1.1366320200011062,0.0,1.9867252802376454,3.727002241808704,0.7551734762176677,0.0,135.14434661390402 +0.0,0.0,0.0,0.0,0.00924753387288018,0.0,0.905,53.78,2021-06-21,richmond/petersburg smm food,0,88.5020957331254,86.06809383806947,0.0,0.0,0.0,0.0,1.138452651678666,0.0,1.295549243377259,88.5020957331254 +0.562,0.0,0.0,0.0,0.01125351984414842,0.512,0.675,62.97,2021-06-21,sacramento/stockton/modesto smm food,0,75.44532511630871,71.58708164797008,1.0858149189857387,0.0,0.0,0.0,1.3854071456673707,0.42072776912235677,0.966293634563149,75.4453251163087 +0.0,0.0,0.803,0.733,0.015984879399706983,0.641,0.0,53.8,2021-06-21,salt lake city smm food,0,88.60193416971588,83.72480907215119,0.0,0.0,0.8414885202750655,1.5410260639303641,1.9678790680322484,0.526731445327013,0.0,88.60193416971588 +0.683,0.721,0.608,0.875,0.004915393919356537,0.0,0.919,71.87,2021-06-21,san diego smm food,0,85.6037338686013,78.71431295071628,1.3195935759203907,1.1724058460955613,0.6371419929355414,1.8395604446644864,0.6051281691378938,0.0,1.3155908891311614,85.60373386860131 +0.532,0.0,0.931,0.584,0.005355384314337384,0.0,0.9910000000000001,89.39,2021-06-21,san francisco/oakland/san jose smm food,0,94.18512225410956,88.87591304741949,1.0278532685060728,0.0,0.9756236766825479,1.2277751996389257,0.6592948517112964,0.0,1.4186622101512307,94.18512225410956 +0.0,0.0,0.9560000000000002,0.0,0.018205030884988486,0.0,0.0,98.63,2021-06-21,seattle/tacoma smm food,0,91.98777767328482,88.74475650580376,0.0,0.0,1.0018219494183844,0.0,2.241199218062674,0.0,0.0,91.98777767328482 +0.0,0.0,0.0,0.0,0.0050869259777160105,0.514,0.0,100.58,2021-06-21,st. louis smm food,0,88.75271003962118,87.70409353036166,0.0,0.0,0.0,0.0,0.6262452722890307,0.42237123697049095,0.0,88.75271003962118 +0.509,0.0,0.637,0.52,0.011201327105257543,0.0,0.592,113.9,2021-06-21,tampa/ft. myers smm food,0,178.22583317324518,173.25520362076367,0.9834160031383291,0.0,0.6675319893091117,1.0932244928291805,1.3789817610399138,0.0,0.8474753061650135,178.2258331732452 +0.0,0.538,0.607,0.805,0.0047753545643605694,0.0,0.0,91.89,2021-06-21,tucson/sierra vista smm food,0,67.11345706625559,63.32224664442017,0.0,0.8748326563098642,0.636094062026108,1.6923956090913277,0.5878880944081243,0.0,0.0,67.11345706625559 +0.8280000000000001,0.655,0.613,0.773,0.02836298377498886,0.744,0.509,183.1,2021-06-21,washington dc/hagerstown smm food,0,182.78546347317868,173.02137618365978,1.599741553238775,1.0650843678121953,0.6423816474827088,1.625120255686455,3.491732448025976,0.6113700395059246,0.7286569777668782,182.7854634731787 +0.941,0.0,0.0,0.9520000000000001,0.001997546668761836,0.0,0.6,20.69,2021-06-21,yakima/pasco/richland/kennewick smm food,0,58.44129111763495,53.51694236690935,1.818063770045516,0.0,0.0,2.0014417637949613,0.24591554171788257,0.0,0.8589276751672434,58.44129111763495 +0.0,0.0,0.623,0.0,0.008208728890184811,0.0,0.0,75.57,2021-06-28,albany/schenectady/troy smm food,0,84.02029603067515,82.35686844083078,0.0,0.0,0.6528609565770433,0.0,1.010566633267336,0.0,0.0,84.02029603067515 +0.0,0.802,0.0,0.837,0.0071440985570420746,0.0,0.749,108.44,2021-06-28,albuquerque/santa fe smm food,0,75.80764822884777,70.79212936171284,0.0,1.304118569443329,0.0,1.7596709624962001,0.8795012873616173,0.0,1.0722280478337756,75.80764822884777 +0.5700000000000001,0.8290000000000001,0.0,0.0,0.03408321736530118,0.0,0.774,139.39,2021-06-28,atlanta smm food,0,173.00078516123037,165.2475308400832,1.1012713591136496,1.3480228105592518,0.0,0.0,4.195943450508541,0.0,1.1080167009657442,173.00078516123037 +0.0,0.0,0.537,0.502,0.012097351007100713,0.0,0.0,137.71,2021-06-28,baltimore smm food,0,108.38777236930551,105.28036119021601,0.0,0.0,0.5627388983657661,1.0553821065389397,1.489290174184781,0.0,0.0,108.3877723693055 +0.7010000000000001,0.0,0.0,0.0,0.0013836681776227757,0.504,0.805,72.9,2021-06-28,baton rouge smm food,0,53.719502705273825,50.62824190344196,1.3543705662081902,0.0,0.0,0.0,0.17034170704447732,0.4141538977298199,1.152394630849385,53.71950270527383 +0.562,0.638,0.658,0.804,0.003247602287592396,0.729,0.0,70.44,2021-06-28,birmingham/anniston/tuscaloosa smm food,0,67.77745697172881,62.27551690355495,1.0858149189857387,1.0374409567392069,0.6895385384072144,1.6902932542974254,0.3998083690993548,0.5990440306449181,0.0,67.77745697172881 +0.862,0.0,0.9280000000000002,0.0,0.026835002848296582,0.845,0.0,169.57,2021-06-28,boston/manchester smm food,0,189.98019241363284,183.34429136615643,1.6654314237823962,0.0,0.9724798839542477,0.0,3.303624573903049,0.694365165836702,0.0,189.98019241363284 +0.754,0.775,0.0,0.768,0.0027981971796924602,0.0,0.712,92.23,2021-06-28,buffalo smm food,0,69.65852909374698,63.96319330778341,1.4567694820555994,1.2602143283274065,0.0,1.6146084817169435,0.34448265266515576,0.0,1.0192608411984623,69.65852909374698 +0.796,0.918,0.714,0.93,0.012319327655024819,0.0,0.0,124.86000000000001,2021-06-28,charlotte smm food,0,134.35157533386317,127.1008852661048,1.5379157927271316,1.4927441979413667,0.7482226693354878,1.9551899583291115,1.51661744942527,0.0,0.0,134.35157533386317 +0.0,0.549,0.9840000000000001,0.0,0.01670283000526652,0.915,0.9759999999999999,172.44,2021-06-28,chicago smm food,0,183.25207993506226,177.12285569785104,0.0,0.892719569357092,1.0311640148825212,0.0,2.0562650941781566,0.7518865405213992,1.3971890182720492,183.25207993506226 +0.84,0.722,0.0,0.9350000000000002,0.00732127236549631,0.973,0.0,98.87,2021-06-28,cleveland/akron/canton smm food,0,137.55459457269288,131.09107465023894,1.6229262134306413,1.1740319290998549,0.0,1.965701732298623,0.9013129395075219,0.7995471081172912,0.0,137.55459457269288 +0.0,0.0,0.0,0.6970000000000001,0.016581617585263837,0.0,0.995,103.16,2021-06-28,columbus oh smm food,0,108.8518071561722,103.92073468964487,0.0,0.0,0.0,1.4653412913498824,2.0413427805250937,0.0,1.4243883946523455,108.8518071561722 +0.875,0.648,0.0,0.0,0.045811798103777834,0.765,0.0,66.09,2021-06-28,dallas/ft. worth smm food,0,114.28986832428652,105.27715718131851,1.6905481389902515,1.0537017867821412,0.0,0.0,5.639834765284273,0.6286264519113338,0.0,114.28986832428652 +0.0,0.0,0.0,0.0,0.0013904446162942641,0.0,0.0,64.53,2021-06-28,des moines/ames smm food,0,62.57947330995614,62.408297363785806,0.0,0.0,0.0,0.0,0.17117594617033965,0.0,0.0,62.57947330995614 +0.797,0.9560000000000002,0.768,0.0,0.02299380289564967,0.0,0.0,140.47,2021-06-28,detroit smm food,0,167.05285630920451,160.32292305294044,1.5398478477431206,1.5545353521045173,0.8048109384448945,0.0,2.8307391179715586,0.0,0.0,167.05285630920454 +0.0,0.0,0.513,0.897,0.009767811988873585,0.611,0.745,75.12,2021-06-28,grand rapids smm food,0,115.21005186417979,110.01556630860257,0.0,0.0,0.5375885565393631,1.8858122501303365,1.2025034579698566,0.5020794276049999,1.0665018633326606,115.21005186417979 +0.0,0.0,0.0,0.0,0.009091570048552827,0.24749999999999997,0.558,67.82,2021-06-28,greensboro smm food,0,85.69067727487487,83.56924325587181,0.0,0.0,0.0,0.0,1.119252134890927,0.20337914620660796,0.7988027379055365,85.69067727487489 +0.0,0.0,0.727,0.9630000000000002,0.01396931890854529,0.0,0.9619999999999999,50.05,2021-06-28,harrisburg/lancaster smm food,0,90.90841437135445,85.02510769460987,0.0,0.0,0.7618457711581228,2.0245676665278864,1.719745866540431,0.0,1.377147372518147,90.90841437135445 +0.9590000000000001,0.737,0.0,0.0,0.014670107876956601,0.0,0.0,110.56,2021-06-28,hartford/new haven smm food,0,117.46801331996055,112.61073024106035,1.8528407603333157,1.1984231741642564,0.0,0.0,1.806019144402622,0.0,0.0,117.46801331996055 +0.0,0.648,0.0,0.0,0.031234530119591694,0.651,0.884,164.97,2021-06-28,houston smm food,0,174.34582436131348,167.64644198801398,0.0,1.0537017867821412,0.0,0.0,3.8452450272032714,0.534948784567684,1.2654867747464054,174.34582436131348 +0.792,0.0,0.0,0.0,0.017204035146143194,0.0,0.0,74.67,2021-06-28,indianapolis smm food,0,92.66939039815988,89.02123497580452,1.5301875726631762,0.0,0.0,0.0,2.1179678496921857,0.0,0.0,92.66939039815988 +0.5680000000000001,0.855,0.975,0.961,0.005652510077670253,0.515,0.729,97.34,2021-06-28,jacksonville smm food,0,93.99235754083998,86.29988999004563,1.097407249081672,1.3903009686708807,1.0217326366976198,2.0203629569400814,0.6958736431813513,0.42319297089455804,1.0435971253282008,93.99235754083999 +0.0,0.0,0.597,0.769,0.0031015167303264125,0.843,0.609,82.1,2021-06-28,kansas city smm food,0,84.68238334309623,80.49370051161102,0.0,0.0,0.6256147529317734,1.6167108365108458,0.38182395375926625,0.6927216979885678,0.8718115902947521,84.68238334309623 +0.9969999999999999,0.0,0.0,0.0,0.005576374011922558,0.0,0.0,72.2,2021-06-28,knoxville smm food,0,72.01577786208381,69.4030183864474,1.926258850940892,0.0,0.0,0.0,0.6865006246955213,0.0,0.0,72.01577786208381 +0.0,0.0,0.0,0.619,0.011175848885428871,0.501,0.73,103.52,2021-06-28,las vegas smm food,0,77.20990462013285,73.0759844669223,0.0,0.0,0.0,1.3013576174255053,1.3758451683739419,0.4116886959576186,1.0450286714534796,77.20990462013285 +0.0,0.0,0.869,0.56,0.005624448730603412,0.743,0.897,29.53,2021-06-28,little rock/pine bluff smm food,0,62.37860602569384,57.70357115599228,0.0,0.0,0.9106519602976736,1.1773186845852714,0.6924190448617269,0.6105483055818575,1.284096874375029,62.37860602569384 +0.75,0.0,0.792,0.8190000000000001,0.04277044886115606,0.8140000000000001,0.0,132.2,2021-06-28,los angeles smm food,0,163.91171668512624,153.9765761946837,1.4490412619916442,0.0,0.8299612802712975,1.7218285762059595,5.2654179577830025,0.6688914141906219,0.0,163.91171668512624 +0.595,0.0,0.0,0.498,0.0013300252740236754,0.0,0.0,80.39,2021-06-28,madison wi smm food,0,54.77946849445123,52.419185278171575,1.1495727345133708,0.0,0.0,1.0469726873633305,0.16373779440294206,0.0,0.0,54.779468494451216 +0.741,0.0,0.644,0.0,0.007259597564502222,0.0,0.0,134.62,2021-06-28,miami/west palm beach smm food,0,187.12205483834927,184.12181433608328,1.4316527668477443,0.0,0.6748675056751459,0.0,0.8937202297430964,0.0,0.0,187.12205483834927 +0.619,0.598,0.0,0.0,0.004561020152283291,0.0,0.0,58.58,2021-06-28,milwaukee smm food,0,70.88301381702134,68.15317248002567,1.1959420548971036,0.9723976365674698,0.0,0.0,0.5615016455310933,0.0,0.0,70.88301381702134 +0.801,0.864,0.901,0.553,0.012510424073139957,0.6920000000000001,0.509,109.8,2021-06-28,minneapolis/st. paul smm food,0,93.6474621341656,85.75072244988117,1.547576067807076,1.4049357157095217,0.9441857493995441,1.1626022010279555,1.540143097119028,0.5686398754544353,0.7286569777668782,93.64746213416561 +0.0,0.0,0.8220000000000001,0.874,0.0035372965472284046,0.0,0.0,73.23,2021-06-28,mobile/pensacola smm food,0,70.60076445081408,67.46643487620449,0.0,0.0,0.8613992075543012,1.8374580898705841,0.4354722771847202,0.0,0.0,70.6007644508141 +0.0,0.0,0.0,0.9580000000000001,0.014389648193720725,0.0,0.0,89.32,2021-06-28,nashville smm food,0,99.257715925084,95.47216793873541,0.0,0.0,0.0,2.014055892558375,1.7714920937902192,0.0,0.0,99.257715925084 +0.879,0.0,0.667,0.9590000000000001,0.004608046272214078,0.0,0.0,65.16,2021-06-28,new orleans smm food,0,64.53031281326597,59.54961731628727,1.698276359054207,0.0,0.6989699165921154,2.016158247352277,0.5672909739800941,0.0,0.0,64.53031281326597 +0.0,0.777,0.0,0.0,0.0552068362022939,0.6940000000000001,0.556,277.31,2021-06-28,new york smm food,0,299.5879015508746,290.1617655847399,0.0,1.2634664943359935,0.0,0.0,6.79644648284119,0.5702833433025696,0.795939645654979,299.5879015508746 +0.74,0.8270000000000001,0.0,0.0,0.007659236825715854,0.0,0.0,87.06,2021-06-28,norfolk/portsmouth/newport news smm food,0,106.02734993826574,102.30993924858487,1.4297207118317554,1.3447706445506649,0.0,0.0,0.9429193332984597,0.0,0.0,106.02734993826574 +0.738,0.0,0.735,0.743,0.010142843840012124,0.0,0.0,54.24,2021-06-28,oklahoma city smm food,0,58.61605272526357,53.609244119971564,1.4258566017997778,0.0,0.7702292184335904,1.5620496118693867,1.2486731731892562,0.0,0.0,58.61605272526357 +0.0,0.0,0.0,0.0,0.004124551683487074,0.0,0.589,77.48,2021-06-28,omaha smm food,0,62.22717906081635,60.87622985001895,0.0,0.0,0.0,0.0,0.5077685430082237,0.0,0.8431806677891773,62.227179060816354 +0.848,0.0,0.0,0.622,0.008248089594337689,0.0,0.593,140.05,2021-06-28,orlando/daytona beach/melborne smm food,0,137.42574863621792,132.61538216686213,1.6383826535585522,0.0,0.0,1.307664681807212,1.0154122816997462,0.0,0.8489068522902923,137.42574863621795 +0.0,0.0,0.0,0.9759999999999999,0.003521063906267019,0.535,0.55,5.11,2021-06-28,paducah ky/cape girardeau mo smm food,0,59.27160832645422,55.55925813283435,0.0,0.0,0.0,2.0518982788486153,0.43347389649206514,0.43962764937590015,0.7873503689033066,59.27160832645424 +0.0,0.0,0.8190000000000001,0.0,0.03148797315515242,0.681,0.9450000000000001,224.2,2021-06-28,philadelphia smm food,0,206.384861034507,199.7377476378349,0.0,0.0,0.8582554148260008,0.0,3.876446091167986,0.5596008022896972,1.3528110883884086,206.384861034507 +0.0,0.607,0.0,0.0,0.018860276447194044,0.0,0.0,64.45,2021-06-28,phoenix/prescott smm food,0,120.29185920563316,116.98296111946722,0.0,0.9870323836061107,0.0,0.0,2.3218657025598284,0.0,0.0,120.29185920563316 +0.607,0.809,0.7010000000000001,0.6970000000000001,0.003664832764033167,0.72,0.55,149.75,2021-06-28,pittsburgh smm food,0,111.0706036528908,104.55223234884438,1.1727573947052372,1.3155011504733831,0.7345995675128529,1.4653412913498824,0.4511731057734373,0.5916484253283142,0.7873503689033066,111.0706036528908 +0.524,0.787,0.9400000000000001,0.659,0.010715615620095202,0.0,0.0,101.89,2021-06-28,portland or smm food,0,92.87812690668558,86.8963094792362,1.0123968283781621,1.2797273243789278,0.985055054867449,1.3854518091815962,1.319186410643254,0.0,0.0,92.87812690668558 +0.0,0.0,0.598,0.948,0.008830121895886344,0.663,0.0,52.05,2021-06-28,providence ri/new bedford ma smm food,0,87.49987654861444,83.24830635780522,0.0,0.0,0.6266626838412068,1.993032344619352,1.087065570692169,0.5448095916564893,0.0,87.49987654861444 +0.0,0.8190000000000001,0.0,0.0,0.013231845045877459,0.686,0.0,137.02,2021-06-28,raleigh/durham/fayetteville smm food,0,128.85460058447657,125.33017277610136,0.0,1.3317619805163174,0.0,0.0,1.6289563559488456,0.5637094719100327,0.0,128.85460058447657 +0.0,0.805,0.0,0.0,0.07532318731346016,0.0,0.0,231.28,2021-06-28,rem us east north central smm food,0,317.03561553069284,306.4536727021249,0.0,1.3089968184562095,0.0,0.0,9.272946010111754,0.0,0.0,317.03561553069284 +0.895,0.0,0.0,0.0,0.02277249259939186,0.874,0.922,138.88,2021-06-28,rem us middle atlantic smm food,0,137.3707873546235,130.80002326169728,1.7291892393100285,0.0,0.0,0.0,2.8034938764745387,0.718195449634648,1.3198855275069976,137.3707873546235 +0.0,0.773,0.96,0.0,0.04278271721126967,0.733,0.0,152.76,2021-06-28,rem us mountain smm food,0,182.08974663222665,173.95751153106124,0.0,1.2569621623188196,1.006013673056118,0.0,5.266928299449284,0.6023309663411864,0.0,182.08974663222665 +0.0,0.9140000000000001,0.918,0.0,0.015145280093271428,0.0,0.903,114.81999999999998,2021-06-28,rem us new england smm food,0,153.8270742231902,148.221630613054,0.0,1.4862398659241933,0.962000574859913,0.0,1.8645170182254034,0.0,1.2926861511267014,153.8270742231902 +0.0,0.0,0.0,0.0,0.017336043698430968,0.512,0.0,94.63,2021-06-28,rem us pacific smm food,0,107.66859123319941,105.11364420201244,0.0,0.0,0.0,0.0,2.134219262064625,0.42072776912235677,0.0,107.66859123319942 +0.807,0.0,0.0,0.0,0.06575846371775941,0.0,0.0,237.52000000000004,2021-06-28,rem us south atlantic smm food,0,293.3348432720224,283.6802303568146,1.559168397903009,0.0,0.0,0.0,8.095444517304829,0.0,0.0,293.33484327202245 +0.0,0.5760000000000001,0.0,0.0,0.07937651546297626,0.797,0.0,354.23,2021-06-28,rem us south central smm food,0,410.7948214196493,399.4313293612464,0.0,0.9366238104730145,0.0,0.0,9.771946310448387,0.6549219374814811,0.0,410.7948214196493 +0.0,0.0,0.657,0.757,0.024358663196455004,0.8220000000000001,0.0,79.62,2021-06-28,rem us west north central smm food,0,131.9087323647612,125.95452848252805,0.0,0.0,0.6884906074977809,1.5914825789840186,2.998765410168186,0.6754652855831587,0.0,131.9087323647612 +0.0,0.0,0.653,0.0,0.007535796242405516,0.0,0.5750000000000001,118.26999999999998,2021-06-28,richmond/petersburg smm food,0,88.50325445713445,86.06809383806947,0.0,0.0,0.684298883860047,0.0,0.9277227131696548,0.0,0.8231390220352751,88.50325445713445 +0.589,0.5700000000000001,0.755,0.0,0.009168936221016886,0.0,0.0,54.11,2021-06-28,sacramento/stockton/modesto smm food,0,75.57189379177606,71.58708164797008,1.1379804044174378,0.926867312447254,0.7911878366222596,0.0,1.1287765903190101,0.0,0.0,75.57189379177603 +0.715,0.0,0.0,0.9500000000000001,0.012807142968820504,0.9460000000000001,0.522,47.04,2021-06-28,salt lake city smm food,0,90.20476463196046,83.72480907215119,1.381419336432034,0.0,0.0,1.997237054207157,1.5766717996070865,0.7773602921674795,0.7472670773955019,90.20476463196044 +0.757,0.0,0.9630000000000002,0.748,0.0037886850706607277,0.0,0.839,52.47,2021-06-28,san diego smm food,0,84.42608506121124,78.71431295071628,1.4625656471035662,0.0,1.0091574657844187,1.572561385838898,0.4664204126592406,0.0,1.2010671991088622,84.42608506121127 +0.0,0.0,0.622,0.868,0.0035460819066708564,0.663,0.8150000000000001,80.98,2021-06-28,san francisco/oakland/san jose smm food,0,93.50064355005713,88.87591304741949,0.0,0.0,0.6518130256676098,1.8248439611071705,0.43655383210419346,0.5448095916564893,1.1667100921021725,93.50064355005712 +0.0,0.966,0.0,0.986,0.015322144029995178,0.0,0.58,111.98,2021-06-28,seattle/tacoma smm food,0,95.10506178983982,88.74475650580376,0.0,1.5707961821474512,0.0,2.0729218267876384,1.8862905224393187,0.0,0.8302967526616687,95.10506178983984 +0.528,0.5640000000000001,0.728,0.558,0.003970850755915623,0.996,0.0,57.510000000000005,2021-06-28,st. louis smm food,0,92.88463066734994,87.70409353036166,1.0201250484421174,0.9171108144214933,0.7628937020675562,1.1731139749974668,0.48884660868881036,0.8184469883708346,0.0,92.88463066734994 +0.717,0.806,0.517,0.0,0.00922204326307502,0.0,0.0,124.16,2021-06-28,tampa/ft. myers smm food,0,177.62820478256302,173.25520362076367,1.3852834464640116,1.3106229014605029,0.5417802801770969,0.0,1.1353145336977526,0.0,0.0,177.62820478256302 +0.941,0.0,0.726,0.805,0.0038761672474932917,0.0,0.0,19.43,2021-06-28,tucson/sierra vista smm food,0,68.0706941008915,63.32224664442017,1.818063770045516,0.0,0.7607978402486892,1.6923956090913277,0.47719023708580804,0.0,0.0,68.07069410089152 +0.0,0.58,0.0,0.0,0.02241077468611055,0.893,0.893,188.5,2021-06-28,washington dc/hagerstown smm food,0,178.73564663417307,173.02137618365978,0.0,0.9431281424901881,0.0,0.0,2.758963223957283,0.733808394191923,1.278370689873914,178.7356466341731 +0.0,0.0,0.582,0.0,0.0016168583646246474,0.0,0.879,69.37,2021-06-28,yakima/pasco/richland/kennewick smm food,0,55.584216667766725,53.51694236690935,0.0,0.0,0.6098957892902716,0.0,0.19904946744709387,0.0,1.2583290441200117,55.584216667766725 +0.0,0.0,0.5710000000000001,0.0,0.0035800866715896794,0.0,0.0,60.150000000000006,2021-07-05,albany/schenectady/troy smm food,0,83.39597710748669,82.35686844083078,0.0,0.0,0.5983685492865036,0.0,0.4407401173694008,0.0,0.0,83.39597710748669 +0.641,0.0,0.882,0.56,0.0015773893062477908,0.0,0.0,85.28,2021-07-05,albuquerque/santa fe smm food,0,74.32636085332518,70.79212936171284,1.2384472652488585,0.0,0.9242750621203085,1.1773186845852714,0.19419047965790961,0.0,0.0,74.32636085332518 +0.514,0.0,0.0,0.627,0.008997124502305576,0.0,0.0,182.2,2021-07-05,atlanta smm food,0,168.66640863260017,165.2475308400832,0.9930762782182734,0.0,0.0,1.3181764557767235,1.1076250585219778,0.0,0.0,168.66640863260017 +0.0,0.74,0.0,0.0,0.005313872866932372,0.0,0.869,96.96,2021-07-05,baltimore smm food,0,108.38186062415242,105.28036119021601,0.0,1.2033014231771366,0.0,0.0,0.65418442789205,0.0,1.2440135828672243,108.38186062415242 +0.578,0.0,0.803,0.0,0.0005775164738875058,1.0,0.588,27.47,2021-07-05,baton rouge smm food,0,54.32103861962912,50.62824190344196,1.1167277992415603,0.0,0.8414885202750655,0.0,0.07109735093952901,0.821733924067103,0.8417491216638986,54.321038619629114 +0.0,0.936,0.0,0.0,0.0014169064925171834,0.0,0.0,83.13,2021-07-05,birmingham/anniston/tuscaloosa smm food,0,63.97196423115265,62.27551690355495,0.0,1.5220136920186484,0.0,0.0,0.17443363557905034,0.0,0.0,63.97196423115265 +0.0,0.0,0.0,0.614,0.0119869068802377,0.681,0.0,153.4,2021-07-05,boston/manchester smm food,0,186.67043154390987,183.34429136615643,0.0,0.0,0.0,1.290845843455994,1.4756935320077496,0.5596008022896972,0.0,186.67043154390987 +0.5650000000000001,0.0,0.8210000000000001,0.645,0.0010983316313608038,0.0,0.0,29.839999999999996,2021-07-05,buffalo smm food,0,67.4063887822833,63.96319330778341,1.0916110840337052,0.0,0.8603512766448678,1.3560188420669643,0.13521427175435916,0.0,0.0,67.40638878228332 +0.0,0.996,0.0,0.0,0.0054798402344754665,0.855,0.0,136.91,2021-07-05,charlotte smm food,0,130.0976629121809,127.1008852661048,0.0,1.619578672276254,0.0,0.0,0.6746164687224898,0.7025825050773731,0.0,130.0976629121809 +0.769,0.0,0.931,0.0,0.006852745507140406,0.873,0.595,157.38,2021-07-05,chicago smm food,0,181.99700650970388,177.12285569785104,1.4857503072954323,0.0,0.9756236766825479,0.0,0.8436331676234504,0.717373715710581,0.8517699445408498,181.9970065097039 +0.0,0.0,0.0,0.869,0.003056099887705781,0.9400000000000001,0.592,110.67,2021-07-05,cleveland/akron/canton smm food,0,134.9141589024114,131.09107465023894,0.0,0.0,0.0,1.8269463159010728,0.37623274148331415,0.7724298886230768,0.8474753061650135,134.9141589024114 +0.712,0.0,0.0,0.762,0.007301717828268875,0.61,0.6880000000000001,119.47999999999999,2021-07-05,columbus oh smm food,0,109.28341924605958,103.92073468964487,1.3756231713840674,0.0,0.0,1.6019943529535299,0.8989056042044083,0.5012576936809329,0.9849037341917726,109.28341924605958 +0.645,0.0,0.683,0.0,0.0070541345176774635,0.862,0.626,78.7,2021-07-05,dallas/ft. worth smm food,0,109.71197791860095,105.27715718131851,1.246175485312814,0.0,0.7157368111430508,0.0,0.8684259238562478,0.7083346425458428,0.8961478744244907,109.71197791860097 +0.649,0.732,0.0,0.0,0.0005149797108284732,0.552,0.9980000000000001,77.31,2021-07-05,des moines/ames smm food,0,66.79817251349188,62.408297363785806,1.2539037053767694,1.1902927591427892,0.0,0.0,0.06339852607328582,0.4535971260850409,1.428683033028182,66.79817251349188 +0.0,0.652,0.9689999999999999,0.0,0.009671954431335936,0.0,0.606,192.98,2021-07-05,detroit smm food,0,164.4567937255074,160.32292305294044,0.0,1.060206118799315,1.0154450512410191,0.0,1.1907025506077094,0.0,0.8675169519189159,164.4567937255074 +0.0,0.0,0.0,0.643,0.004195311769572051,0.873,0.93,151.47,2021-07-05,grand rapids smm food,0,113.93257178447558,110.01556630860257,0.0,0.0,0.0,1.3518141324791597,0.5164797311740437,0.717373715710581,1.3313378965092275,113.93257178447558 +0.778,0.0,0.682,0.0,0.004133045589366124,0.558,0.9440000000000001,82.59,2021-07-05,greensboro smm food,0,88.1057922278712,83.56924325587181,1.5031388024393322,0.0,0.7146888802336173,0.0,0.508814217433864,0.4585275296294435,1.3513795422631298,88.10579222787119 +0.681,0.999,0.0,0.0,0.006262248469532695,0.9059999999999999,0.0,76.84,2021-07-05,harrisburg/lancaster smm food,0,89.48072281225868,85.02510769460987,1.3157294658884129,1.6244569212891344,0.0,0.0,0.770937795266461,0.7444909352047953,0.0,89.48072281225868 +0.9500000000000001,0.0,0.554,0.617,0.006492052386260242,0.764,0.0,140.35,2021-07-05,hartford/new haven smm food,0,117.75092253195359,112.61073024106035,1.8354522651894158,0.0,0.5805537238261349,1.2971529078377007,0.7992286760527282,0.6278047179872667,0.0,117.75092253195359 +0.746,0.0,0.0,0.0,0.00627166203463685,0.891,0.62,112.98,2021-07-05,houston smm food,0,171.47957524177943,167.64644198801398,1.4413130419276887,0.0,0.0,0.0,0.7720966878211565,0.7321649263437888,0.8875585976728183,171.47957524177943 +0.533,0.987,0.894,0.836,0.0077830217114980785,0.711,0.0,58.35999999999999,2021-07-05,indianapolis smm food,0,95.89279422539767,89.02123497580452,1.0297853235220618,1.6049439252376132,0.93685023303351,1.7575686077022978,0.9581583400859659,0.5842528200117102,0.0,95.89279422539768 +0.0,0.756,0.0,0.529,0.0023950721552600794,0.6980000000000001,0.0,65.68,2021-07-05,jacksonville smm food,0,89.50977912730262,86.29988999004563,0.0,1.2293187512458315,0.0,1.112145685974301,0.2948544210380211,0.573570278998838,0.0,89.50977912730262 +0.912,0.883,0.5,0.0,0.0012328174870448812,0.0,0.7030000000000001,95.59,2021-07-05,kansas city smm food,0,85.37367902170757,80.49370051161102,1.7620341745818393,1.4358312927910968,0.5239654547167282,0.0,0.15177066193594244,0.0,1.0063769260709536,85.37367902170759 +0.0,0.941,0.535,0.0,0.002502009216991233,0.746,0.0,114.19999999999999,2021-07-05,knoxville smm food,0,72.41483835007912,69.4030183864474,0.0,1.5301441070401154,0.5606430365468992,0.0,0.308019312690658,0.6130135073540588,0.0,72.41483835007914 +0.785,0.66,0.788,0.0,0.0019048402734165404,0.0,0.0,66.48,2021-07-05,las vegas smm food,0,76.72613456404275,73.0759844669223,1.5166631875512542,1.0732147828336625,0.8257695566335637,0.0,0.23450257010196449,0.0,0.0,76.72613456404275 +0.722,0.0,0.751,0.0,0.0026375811107021583,0.9910000000000001,0.0,63.44,2021-07-05,little rock/pine bluff smm food,0,61.02455871296455,57.70357115599228,1.394943721543956,0.0,0.7869961129845258,0.0,0.324709403693291,0.8143383187504991,0.0,61.02455871296455 +0.0,0.769,0.0,0.0,0.010327417299989917,0.0,0.723,162.08,2021-07-05,los angeles smm food,0,157.5334376609994,153.9765761946837,0.0,1.250457830301646,0.0,0.0,1.2713957874375215,0.0,1.0350078485765284,157.5334376609994 +0.706,0.0,0.0,0.509,0.0005383684478571699,0.719,0.0,40.03,2021-07-05,madison wi smm food,0,55.510419286012414,52.419185278171575,1.3640308412881341,0.0,0.0,1.0700985900962556,0.06627788505220478,0.590826691404247,0.0,55.510419286012414 +0.659,0.5640000000000001,0.0,0.995,0.003110993611818193,0.631,0.836,140.26,2021-07-05,miami/west palm beach smm food,0,190.50226973391102,184.12181433608328,1.273224255536658,0.9171108144214933,0.0,2.091843019932759,0.38299064111746045,0.518514106086342,1.196772560733026,190.50226973391102 +0.0,0.925,0.0,0.0,0.001898700884388775,0.0,0.968,68.5,2021-07-05,milwaukee smm food,0,71.27678266565012,68.15317248002567,0.0,1.5041267789714208,0.0,0.0,0.23374675738319803,0.0,1.3857366492698195,71.27678266565012 +0.971,0.656,0.8,0.0,0.0014322333431691107,0.68,0.0,86.01,2021-07-05,minneapolis/st. paul smm food,0,90.26690262266324,85.75072244988117,1.8760254205251818,1.0667104508164886,0.8383447275467651,0.0,0.17632050552799328,0.5587790683656301,0.0,90.26690262266322 +0.0,0.0,0.687,0.662,0.0014917343890131667,0.599,0.0,63.60999999999999,2021-07-05,mobile/pensacola smm food,0,70.25398651200359,67.46643487620449,0.0,0.0,0.7199285347807846,1.3917588735633029,0.18364560693881102,0.4922186205161947,0.0,70.25398651200358 +0.6900000000000001,0.0,0.609,0.781,0.006679429158728495,0.0,0.737,99.8,2021-07-05,nashville smm food,0,100.96276081467414,95.47216793873541,1.3331179610323127,0.0,0.6381899238449749,1.641939094037673,0.822296402693348,0.0,1.0550494943304307,100.96276081467416 +0.0,0.6980000000000001,0.0,0.9580000000000001,0.0019326324683834448,0.782,0.0,48.06,2021-07-05,new orleans smm food,0,63.57919910789674,59.54961731628727,0.0,1.1350059369968126,0.0,2.014055892558375,0.23792403343380825,0.6425959286204745,0.0,63.57919910789674 +0.86,0.0,0.0,0.0,0.024009585060763564,0.0,0.863,274.47,2021-07-05,new york smm food,0,296.01454802990804,290.1617655847399,1.6615673137504186,0.0,0.0,0.0,2.9557908253022225,0.0,1.2354243061155519,296.0145480299081 +0.862,0.961,0.0,0.0,0.003385563546507903,0.0,0.493,95.51,2021-07-05,norfolk/portsmouth/newport news smm food,0,106.66058129120293,102.30993924858487,1.6654314237823962,1.562665767125984,0.0,0.0,0.4167926119472664,0.0,0.7057522397624184,106.66058129120293 +0.0,0.714,0.531,0.614,0.0007844011580803284,0.0,0.9470000000000001,73.76,2021-07-05,oklahoma city smm food,0,58.06980539491549,53.609244119971564,0.0,1.1610232650655075,0.5564513129091654,1.290845843455994,0.09656667287429324,0.0,1.355674180638966,58.06980539491549 +0.5060000000000001,0.0,0.0,0.612,0.00132709028282019,0.0,0.0,65.82,2021-07-05,omaha smm food,0,63.30386729318183,60.87622985001895,0.9776198380903628,0.0,0.0,1.2866411338681893,0.16337647120432577,0.0,0.0,63.30386729318183 +0.0,0.9380000000000001,0.5750000000000001,0.908,0.0032712033716194113,0.0,0.0,129.03,2021-07-05,orlando/daytona beach/melborne smm food,0,137.0548603205359,132.61538216686213,0.0,1.5252658580272354,0.6025602729242374,1.9089381528632614,0.40271386985905927,0.0,0.0,137.05486032053594 +0.756,0.0,0.9199999999999999,0.652,0.0016458158796298977,0.0,0.88,95.22,2021-07-05,paducah ky/cape girardeau mo smm food,0,60.81709846938231,55.55925813283435,1.4606335920875773,0.0,0.9640964366787798,1.3707353256242802,0.20261439191202954,0.0,1.2597605902452904,60.81709846938231 +0.0,0.553,0.722,0.0,0.01396702849264835,0.0,0.8290000000000001,206.58,2021-07-05,philadelphia smm food,0,204.29979328990032,199.7377476378349,0.0,0.8992239013742657,0.7566061166109554,0.0,1.7194638962241109,0.0,1.1867517378560748,204.29979328990032 +0.0,0.0,0.0,0.8170000000000001,0.006533342835428863,0.556,0.0,94.59,2021-07-05,phoenix/prescott smm food,0,119.96178094091447,116.98296111946722,0.0,0.0,0.0,1.717623866618155,0.8043118930477884,0.4568840617813093,0.0,119.96178094091448 +0.0,0.0,0.5060000000000001,0.0,0.0015699180071029133,0.0,0.5650000000000001,95.14,2021-07-05,pittsburgh smm food,0,106.0845796469042,104.55223234884438,0.0,0.0,0.5302530401733291,0.0,0.19327069710399924,0.0,0.8088235607824877,106.0845796469042 +0.0,0.0,0.878,0.0,0.004334465488356732,0.615,0.618,138.6,2021-07-05,portland or smm food,0,89.74006546274892,86.8963094792362,0.0,0.0,0.9200833384825747,0.0,0.533610776306623,0.5053663633012684,0.8846955054222608,89.74006546274892 +0.0,0.989,0.876,0.0,0.0040363239569933046,0.553,0.0,81.04,2021-07-05,providence ri/new bedford ma smm food,0,86.72581572059356,83.24830635780522,0.0,1.6081960912462,0.9179874766637077,0.0,0.4969069348693255,0.45441886000910797,0.0,86.72581572059356 +0.0,0.85,0.7010000000000001,0.0,0.005907096737219552,0.535,0.835,124.62,2021-07-05,raleigh/durham/fayetteville smm food,0,129.80912705855212,125.33017277610136,0.0,1.3821705536494135,0.7345995675128529,0.0,0.7272154973048488,0.43962764937590015,1.1953410146077472,129.80912705855212 +0.0,0.0,0.49900000000000005,0.6920000000000001,0.03379404883085123,0.733,0.0,322.52,2021-07-05,rem us east north central smm food,0,313.1940949734653,306.4536727021249,0.0,0.0,0.5229175238072947,1.4548295173803711,4.16034426381164,0.6023309663411864,0.0,313.1940949734654 +0.0,0.0,0.0,0.0,0.009899790135803223,0.0,0.747,127.0,2021-07-05,rem us middle atlantic smm food,0,133.08813934445612,130.80002326169728,0.0,0.0,0.0,0.0,1.2187511271756237,0.0,1.069364955583218,133.08813934445612 +0.0,0.8280000000000001,0.623,0.0,0.010666804801148854,0.9520000000000001,0.931,165.35,2021-07-05,rem us mountain smm food,0,179.38500672360797,173.95751153106124,0.0,1.3463967275549582,0.6528609565770433,0.0,1.313177370068335,0.7822906957118821,1.3327694426345063,179.38500672360797 +0.643,0.755,0.0,0.0,0.0067392316758792085,0.0,0.639,141.54,2021-07-05,rem us new england smm food,0,152.4360512484997,148.221630613054,1.2423113752808361,1.2276926682415379,0.0,0.0,0.829658617870191,0.0,0.9147579740531143,152.4360512484997 +0.517,0.0,0.651,0.748,0.005874046091920152,0.9910000000000001,0.655,95.41,2021-07-05,rem us pacific smm food,0,110.84242875651277,105.11364420201244,0.99887244326624,0.0,0.6822030220411801,1.572561385838898,0.7231466725459432,0.8143383187504991,0.9376627120575742,110.84242875651277 +0.0,0.0,0.719,0.77,0.02629193165809706,0.807,0.0,242.54000000000002,2021-07-05,rem us south atlantic smm food,0,289.95241288868294,283.6802303568146,0.0,0.0,0.7534623238826551,1.618813191304748,3.2367677399588035,0.6631392767221521,0.0,289.95241288868294 +0.0,0.0,0.616,0.791,0.028562796399476637,0.0,0.0,351.04,2021-07-05,rem us south central smm food,0,405.256148580723,399.4313293612464,0.0,0.0,0.6455254402110091,1.6629626419766959,3.5163311372888613,0.0,0.0,405.256148580723 +0.633,0.631,0.549,0.554,0.008010392853623963,0.0,0.0,125.9,2021-07-05,rem us west north central smm food,0,130.92974603340784,125.95452848252805,1.2229908251209476,1.026058375709153,0.5753140692789676,1.1647045558218578,0.986149724948858,0.0,0.0,130.92974603340784 +0.9430000000000001,0.0,0.509,0.0,0.0034837863577232933,0.9059999999999999,0.905,117.98000000000002,2021-07-05,richmond/petersburg smm food,0,90.89234343244459,86.06809383806947,1.8219278800774938,0.0,0.5333968329016293,0.0,0.42888470281393837,0.7444909352047953,1.295549243377259,90.89234343244459 +0.0,0.0,0.678,0.8230000000000001,0.0007090135628060039,0.541,0.0,65.03,2021-07-05,sacramento/stockton/modesto smm food,0,74.55966065054628,71.58708164797008,0.0,0.0,0.7104971565958834,1.7302379953815685,0.08728579767842848,0.44455805292030276,0.0,74.55966065054626 +0.0,0.0,0.0,0.0,0.0047453696437910016,0.779,0.0,54.84,2021-07-05,salt lake city smm food,0,84.94913648629277,83.72480907215119,0.0,0.0,0.0,0.0,0.5841966872933141,0.6401307268482732,0.0,84.94913648629277 +0.739,0.0,0.0,0.9689999999999999,0.0015879568639766046,0.0,0.653,42.78,2021-07-05,san diego smm food,0,83.30957446147193,78.71431295071628,1.4277886568157665,0.0,0.0,2.0371817952912994,0.19549143884157016,0.0,0.9347996198070166,83.30957446147193 +0.0,0.0,0.617,0.706,0.0011964518929104052,0.0,0.0,80.18,2021-07-05,san francisco/oakland/san jose smm food,0,91.1540426408913,88.87591304741949,0.0,0.0,0.6465733711204426,1.4842624844950028,0.14729373785635863,0.0,0.0,91.15404264089129 +0.599,0.0,0.0,0.0,0.006170970618213676,0.674,0.552,105.61,2021-07-05,seattle/tacoma smm food,0,92.00582027632493,88.74475650580376,1.1573009545773263,0.0,0.0,0.0,0.759700689968754,0.5538486648212274,0.790213461153864,92.00582027632494 +0.0,0.557,0.849,0.645,0.0016202118227125347,0.0,0.73,85.63,2021-07-05,st. louis smm food,0,92.10002492697761,87.70409353036166,0.0,0.9057282333914394,0.8896933421090044,1.3560188420669643,0.19946230759506506,0.0,1.0450286714534796,92.10002492697761 +0.0,0.933,0.0,0.0,0.003727968231809686,0.9140000000000001,0.0,127.18,2021-07-05,tampa/ft. myers smm food,0,175.98234950681626,173.25520362076367,0.0,1.5171354430057682,0.0,0.0,0.4589456364495282,0.7510648065973322,0.0,175.9823495068163 +0.936,0.67,0.0,0.0,0.0013200020004993432,0.989,0.0,79.95,2021-07-05,tucson/sierra vista smm food,0,67.19532444455064,63.32224664442017,1.8084034949655718,1.0894756128765968,0.0,0.0,0.16250384138593923,0.8126948509023648,0.0,67.19532444455064 +0.0,0.9560000000000002,0.643,0.0,0.009513140829635214,0.684,0.513,180.7,2021-07-05,washington dc/hagerstown smm food,0,177.71733147805227,173.02137618365978,0.0,1.5545353521045173,0.6738195747657124,0.0,1.1711512011923746,0.5620660040618984,0.7343831622679932,177.71733147805227 +0.0,0.508,0.611,0.0,0.0006529102468525405,0.636,0.76,20.53,2021-07-05,yakima/pasco/richland/kennewick smm food,0,56.67425513633616,53.51694236690935,0.0,0.8260501661810613,0.6402857856638419,0.0,0.0803789866633861,0.5226227757066775,1.0879750552118417,56.67425513633616 +0.812,0.961,0.652,0.0,0.0037953631308431943,0.0,0.623,59.279999999999994,2021-07-12,albany/schenectady/troy smm food,0,87.53070961046791,82.35686844083078,1.5688286729829535,1.562665767125984,0.6832509529506136,0.0,0.4672425405289308,0.0,0.8918532360486545,87.53070961046792 +0.0,0.676,0.9540000000000001,0.552,0.0016359142769596401,0.781,0.662,71.12,2021-07-12,albuquerque/santa fe smm food,0,75.84244055372564,70.79212936171284,0.0,1.0992321109023573,0.9997260875995174,1.1604998462340532,0.20139541764594096,0.6417741946964075,0.9476835349345254,75.84244055372564 +0.0,0.0,0.58,0.0,0.009317333980423866,0.902,0.0,148.18,2021-07-12,atlanta smm food,0,167.74358042511656,165.2475308400832,0.0,0.0,0.6077999274714047,0.0,1.1470456580534365,0.7412039995085269,0.0,167.74358042511656 +0.0,0.0,0.0,0.0,0.005491035445580434,0.764,0.6900000000000001,151.8,2021-07-12,baltimore smm food,0,107.57192743219578,105.28036119021601,0.0,0.0,0.0,0.0,0.67599469755017,0.6278047179872667,0.98776682644233,107.57192743219578 +0.0,0.0,0.846,0.0,0.0006351592703659431,0.0,0.0,20.84,2021-07-12,baton rouge smm food,0,51.592985138352915,50.62824190344196,0.0,0.0,0.8865495493807041,0.0,0.07819368553025724,0.0,0.0,51.59298513835292 +0.708,0.668,0.765,0.0,0.0015075406284642031,0.509,0.643,89.56,2021-07-12,birmingham/anniston/tuscaloosa smm food,0,67.055640667224,62.27551690355495,1.367894951320112,1.0862234468680099,0.8016671457165941,0.0,0.1855914938599579,0.41826256735015543,0.9204841585542293,67.05564066722401 +0.0,0.849,0.0,0.868,0.012653403104500045,0.759,0.98,176.66,2021-07-12,boston/manchester smm food,0,190.13403612088067,183.34429136615643,0.0,1.3805444706451202,0.0,1.8248439611071705,1.5577450718318433,0.6236960483669312,1.4029152027731644,190.13403612088067 +0.0,0.892,0.851,0.0,0.0012687123411472426,0.975,0.0,60.980000000000004,2021-07-12,buffalo smm food,0,67.26282876128896,63.96319330778341,0.0,1.4504660398297375,0.8917892039278713,0.0,0.1561896337825116,0.8011905759654254,0.0,67.26282876128896 +0.717,0.0,0.0,0.0,0.005711322011999895,0.664,0.0,113.16999999999999,2021-07-12,charlotte smm food,0,129.73491394706082,127.1008852661048,1.3852834464640116,0.0,0.0,0.0,0.7031139089114705,0.5456313255805564,0.0,129.73491394706085 +0.0,0.525,0.538,0.771,0.007189862089194284,0.0,0.0,159.9,2021-07-12,chicago smm food,0,181.0463868306432,177.12285569785104,0.0,0.8536935772540496,0.5637868292751995,1.6209155460986504,0.885135180164287,0.0,0.0,181.04638683064323 +0.0,0.0,0.0,0.0,0.0033632954425740305,0.866,0.68,168.18,2021-07-12,cleveland/akron/canton smm food,0,133.19019880641673,131.09107465023894,0.0,0.0,0.0,0.0,0.41405121274615403,0.7116215782421111,0.9734513651895427,133.19019880641673 +0.0,0.537,0.0,0.0,0.0074954057295666355,0.49900000000000005,0.0,66.79,2021-07-12,columbus oh smm food,0,106.1267367773019,103.92073468964487,0.0,0.8732065733055707,0.0,0.0,0.9227502862419811,0.41004522810948446,0.0,106.12673677730191 +0.752,0.587,0.0,0.5690000000000001,0.007372341188467517,0.0,0.9000000000000001,140.57,2021-07-12,dallas/ft. worth smm food,0,111.07680462755623,105.27715718131851,1.4529053720236218,0.954510723520242,0.0,1.196239877730392,0.9075999602125968,0.0,1.2883915127508654,111.07680462755623 +0.609,0.596,0.0,0.0,0.0005976396836068076,0.0,0.0,69.61,2021-07-12,des moines/ames smm food,0,64.62763903390362,62.408297363785806,1.176621504737215,0.9691454705588829,0.0,0.0,0.07357469482170825,0.0,0.0,64.62763903390362 +0.0,0.749,0.555,0.733,0.010114209131586166,0.0,0.58,151.67,2021-07-12,detroit smm food,0,165.73893168353362,160.32292305294044,0.0,1.2179361702157774,0.5816016547355684,1.5410260639303641,1.2451479890498198,0.0,0.8302967526616687,165.73893168353365 +0.63,0.0,0.992,0.638,0.00439985510898572,0.0,0.892,74.68,2021-07-12,grand rapids smm food,0,115.43221074609154,110.01556630860257,1.217194660072981,0.0,1.0395474621579888,1.3413023585096484,0.541660812999719,0.0,1.2769391437486353,115.43221074609154 +0.654,0.0,0.955,0.675,0.004319782353076805,0.0,0.586,71.08,2021-07-12,greensboro smm food,0,88.62335992350933,83.56924325587181,1.2635639804567136,0.0,1.0007740185089509,1.4190894858840324,0.5318031533744798,0.0,0.8388860294133411,88.62335992350933 +0.0,0.53,0.0,0.592,0.006486557948142619,0.781,0.556,48.74,2021-07-12,harrisburg/lancaster smm food,0,89.36779182768328,85.02510769460987,0.0,0.8618239922755168,0.0,1.244594037990144,0.7985522624563598,0.6417741946964075,0.795939645654979,89.36779182768328 +0.8240000000000001,0.505,0.75,0.67,0.006978088380573434,0.766,0.0,106.81,2021-07-12,hartford/new haven smm food,0,118.70695354760477,112.61073024106035,1.5920133331748196,0.821171917168181,0.7859481820750922,1.408577711914521,0.8590639763764018,0.6294481858354009,0.0,118.70695354760477 +0.9700000000000001,0.0,0.0,0.0,0.006709373661138823,0.0,0.658,122.51,2021-07-12,houston smm food,0,171.2884755379343,167.64644198801398,1.8740933655091931,0.0,0.0,0.0,0.8259828339777157,0.0,0.9419573504334104,171.2884755379343 +0.0,0.52,0.498,0.9700000000000001,0.007980779475435698,0.6990000000000001,0.635,90.32,2021-07-12,indianapolis smm food,0,94.89387974145995,89.02123497580452,0.0,0.8455631622325824,0.5218695928978613,2.0392841500852024,0.9825040579648783,0.5743920129229051,0.9090317895519994,94.89387974145994 +0.651,0.73,0.917,0.0,0.002448241068126213,0.0,0.509,95.83,2021-07-12,jacksonville smm food,0,90.73570800156264,86.29988999004563,1.257767815408747,1.1870405931342023,0.9609526439504795,0.0,0.3013999812567121,0.0,0.7286569777668782,90.73570800156264 +0.5060000000000001,0.58,0.588,0.9980000000000001,0.0013715980733106678,0.0,0.863,83.39,2021-07-12,kansas city smm food,0,86.53306202854624,80.49370051161102,0.9776198380903628,0.9431281424901881,0.6161833747468723,2.098150084314466,0.1688557711777858,0.0,1.2354243061155519,86.53306202854625 +0.55,0.0,0.0,0.0,0.0026251244151541753,0.0,0.0,54.59,2021-07-12,knoxville smm food,0,70.78882452029083,69.4030183864474,1.0626302587938723,0.0,0.0,0.0,0.3231758750495794,0.0,0.0,70.78882452029085 +0.536,0.0,0.0,0.0,0.002008364778799397,0.9339999999999999,0.973,29.200000000000003,2021-07-12,las vegas smm food,0,76.51920716655886,73.0759844669223,1.0355814885700283,0.0,0.0,0.0,0.24724734609164442,0.7674994850786742,1.3928943798962132,76.51920716655887 +0.884,0.8310000000000001,0.675,0.654,0.002802023824177983,0.9400000000000001,0.639,36.55,2021-07-12,little rock/pine bluff smm food,0,64.87721777466537,57.70357115599228,1.707936634134151,1.3512749765678387,0.7073533638675831,1.3749400352120849,0.34495374621522656,0.7724298886230768,0.9147579740531143,64.87721777466535 +0.716,0.836,0.0,0.0,0.011046930465926922,0.992,0.0,126.86,2021-07-12,los angeles smm food,0,158.8944672088873,153.9765761946837,1.3833513914480229,1.3594053915893056,0.0,0.0,1.359974178491695,0.8151600526745661,0.0,158.89446720888728 +0.0,0.746,0.717,0.955,0.0006166175494684443,0.801,0.0,38.59,2021-07-12,madison wi smm food,0,57.1254783996068,52.419185278171575,0.0,1.2130579212028971,0.7513664620637882,2.007748828176668,0.07591103681411161,0.6582088731777496,0.0,57.12547839960679 +0.629,0.0,0.742,0.0,0.003735442002030847,0.5760000000000001,0.0,146.54,2021-07-12,miami/west palm beach smm food,0,187.0478261394172,184.12181433608328,1.2152626050569921,0.0,0.7775647347996246,0.0,0.4598657232146354,0.47331874026265136,0.0,187.04782613941717 +0.0,0.523,0.613,0.0,0.002042817759890005,0.0,0.796,42.4,2021-07-12,milwaukee smm food,0,71.03699506518053,68.15317248002567,0.0,0.8504414112454628,0.6423816474827088,0.0,0.25148881070480633,0.0,1.1395107157218765,71.03699506518053 +0.751,0.0,0.785,0.854,0.0016530499554515048,0.915,0.0,47.34,2021-07-12,minneapolis/st. paul smm food,0,90.77512403549903,85.75072244988117,1.4509733170076329,0.0,0.8226257639052633,1.7954109939925387,0.20350497019103486,0.7518865405213992,0.0,90.77512403549903 +0.0,0.933,0.682,0.0,0.0015715662149843863,0.741,0.0,54.46,2021-07-12,mobile/pensacola smm food,0,70.50063764314994,67.46643487620449,0.0,1.5171354430057682,0.7146888802336173,0.0,0.19347360597234992,0.6089048377337233,0.0,70.50063764314994 +0.727,0.9350000000000002,0.48799999999999993,0.987,0.006751594470528396,0.9390000000000001,0.0,65.45,2021-07-12,nashville smm food,0,102.58636275094615,95.47216793873541,1.4046039966239003,1.5203876090143553,0.5113902838035266,2.0750241815815405,0.8311805864884193,0.7716081546990098,0.0,102.58636275094617 +0.0,0.0,0.0,0.0,0.0020095274201910505,0.902,0.0,65.66,2021-07-12,new orleans smm food,0,60.5382117932556,59.54961731628727,0.0,0.0,0.0,0.0,0.2473904774597988,0.7412039995085269,0.0,60.53821179325559 +0.0,0.0,0.9899999999999999,0.0,0.025487928687393368,0.0,0.965,307.69,2021-07-12,new york smm food,0,295.71844710773786,290.1617655847399,0.0,0.0,1.0374516003391216,0.0,3.137787911764883,0.0,1.3814420108939833,295.71844710773786 +0.608,0.0,0.51,0.779,0.0035270722009912996,0.9140000000000001,0.643,90.17,2021-07-12,norfolk/portsmouth/newport news smm food,0,107.7625703820691,102.30993924858487,1.1746894497212261,0.0,0.5344447638110628,1.6377343844498686,0.4342135703505177,0.7510648065973322,0.9204841585542293,107.7625703820691 +0.0,0.864,0.0,0.624,0.0009079784475083912,0.0,0.908,98.73,2021-07-12,oklahoma city smm food,0,57.73767323155624,53.609244119971564,0.0,1.4049357157095217,0.0,1.3118693913950166,0.11178012272704003,0.0,1.2998438817530953,57.737673231556236 +0.0,0.0,0.0,0.0,0.0014212086363277446,0.795,0.864,28.61,2021-07-12,omaha smm food,0,62.94132743916604,60.87622985001895,0.0,0.0,0.0,0.0,0.17496326727290115,0.6532784696333469,1.2368558522408306,62.94132743916603 +0.9500000000000001,0.0,0.5670000000000001,0.0,0.0035376372876438295,0.601,0.0,118.66,2021-07-12,orlando/daytona beach/melborne smm food,0,135.9743875713876,132.61538216686213,1.8354522651894158,0.0,0.5941768256487698,0.0,0.43551422532298134,0.4938620883643289,0.0,135.97438757138764 +0.0,0.0,0.0,0.0,0.0017328076491342022,0.0,0.987,74.59,2021-07-12,paducah ky/cape girardeau mo smm food,0,57.18551800137313,55.55925813283435,0.0,0.0,0.0,0.0,0.21332384288866593,0.0,1.4129360256501156,57.18551800137313 +0.0,0.96,0.8230000000000001,0.56,0.014624945140052413,0.0,0.0,192.76,2021-07-12,philadelphia smm food,0,205.13901235977806,199.7377476378349,0.0,1.5610396841216907,0.8624471384637347,1.1773186845852714,1.8004592147724723,0.0,0.0,205.13901235977806 +0.0,0.654,0.0,0.0,0.006965820722361182,0.0,0.0,46.2,2021-07-12,phoenix/prescott smm food,0,118.90397312416438,116.98296111946722,0.0,1.0634582848079017,0.0,0.0,0.8575537198892551,0.0,0.0,118.90397312416438 +0.647,0.844,0.896,0.0,0.0018355451167205836,0.743,0.0,85.98,2021-07-12,pittsburgh smm food,0,108.95015212785918,104.55223234884438,1.2500395953447916,1.372414055623653,0.9389460948523769,0.0,0.2259717276121245,0.6105483055818575,0.0,108.95015212785918 +0.644,0.0,0.0,0.776,0.004695053588494823,0.0,0.556,114.96999999999998,2021-07-12,portland or smm food,0,91.14592221415764,86.8963094792362,1.244243430296825,0.0,0.0,1.6314273200681617,0.5780023389014759,0.0,0.795939645654979,91.14592221415764 +0.9899999999999999,0.0,0.0,0.0,0.004204187875584422,0.863,0.0,117.45999999999998,2021-07-12,providence ri/new bedford ma smm food,0,86.38776965789751,83.24830635780522,1.91273446582897,0.0,0.0,0.0,0.5175724577934074,0.7091563764699099,0.0,86.38776965789751 +0.0,0.554,0.735,0.0,0.0060939076332187534,0.683,0.731,89.61,2021-07-12,raleigh/durham/fayetteville smm food,0,129.35917002621147,125.33017277610136,0.0,0.9008499843785591,0.7702292184335904,0.0,0.7502135595813723,0.5612442701378314,1.0464602175787583,129.35917002621147 +0.0,0.0,0.0,0.783,0.035136920642359605,0.834,0.594,255.90999999999997,2021-07-12,rem us east north central smm food,0,313.961144576663,306.4536727021249,0.0,0.0,0.0,1.6461438036254776,4.325663579825143,0.6853260926719639,0.850338398415571,313.96114457666306 +0.712,0.912,0.0,0.854,0.010563533581085114,0.628,0.661,149.59,2021-07-12,rem us middle atlantic smm food,0,138.21680979583923,130.80002326169728,1.3756231713840674,1.4829876999156062,0.0,1.7954109939925387,1.30046377572634,0.5160489043141406,0.9462519888092467,138.21680979583923 +0.532,0.81,0.615,0.851,0.011260900961364308,0.0,0.0,123.74999999999999,2021-07-12,rem us mountain smm food,0,180.12238929799105,173.95751153106124,1.0278532685060728,1.3171272334776767,0.6444775093015757,1.789103929610832,1.386315826033649,0.0,0.0,180.12238929799105 +0.799,0.536,0.0,0.0,0.007231484898123113,0.868,0.779,132.03,2021-07-12,rem us new england smm food,0,153.35562185237814,148.221630613054,1.5437119577750982,0.8715804903012774,0.0,0.0,0.8902593135653342,0.7132650460902454,1.115174431592138,153.3556218523781 +0.0,0.0,0.9129999999999999,0.911,0.0065183582288422795,0.868,0.559,110.3,2021-07-12,rem us pacific smm food,0,110.30161682604083,105.11364420201244,0.0,0.0,0.9567609203127455,1.9152452172449683,0.80246715634962,0.7132650460902454,0.8002342840308153,110.30161682604083 +0.999,0.0,0.6,0.513,0.027341868495972546,0.673,0.0,260.51,2021-07-12,rem us south atlantic smm food,0,291.23667099114346,283.6802303568146,1.9301229609728698,0.0,0.6287585456600738,1.0785080092718646,3.3660241875269357,0.5530269308971604,0.0,291.2366709911435 +0.9619999999999999,0.922,0.8290000000000001,0.0,0.030446125953840372,0.8270000000000001,0.644,336.14,2021-07-12,rem us south central smm food,0,409.00762474931116,399.4313293612464,1.8586369253812818,1.4992485299585405,0.8687347239203353,0.0,3.7481855489215716,0.6795739552034943,0.921915704679508,409.00762474931116 +0.0,0.84,0.981,0.9490000000000002,0.008779758748053881,0.0,0.762,139.64,2021-07-12,rem us west north central smm food,0,132.51529669995983,125.95452848252805,0.0,1.3659097236064792,1.0280202221542207,1.9951346994132548,1.0808654247954455,0.0,1.0908381474623992,132.51529669995983 +0.577,0.0,0.778,0.0,0.003580971316899375,0.636,0.841,70.77,2021-07-12,richmond/petersburg smm food,0,90.16558192187827,86.06809383806947,1.1147957442255714,0.0,0.8152902475392291,0.0,0.44084902497790074,0.5226227757066775,1.2039302913594196,90.16558192187827 +0.518,0.93,0.584,0.0,0.0008862947531157007,0.912,0.622,70.22,2021-07-12,sacramento/stockton/modesto smm food,0,76.46108868950091,71.58708164797008,1.0008044982822288,1.512257193992888,0.6119916511091384,0.0,0.10911066947400104,0.7494213387491979,0.8904216899233758,76.46108868950091 +0.9510000000000001,0.0,0.0,0.587,0.005027949572255516,0.0,0.9759999999999999,72.65,2021-07-12,salt lake city smm food,0,88.81244943336723,83.72480907215119,1.8373843202054048,0.0,0.0,1.2340822640206326,0.6189847587179607,0.0,1.3971890182720492,88.81244943336723 +0.0,0.992,0.0,0.616,0.0017089469365352487,0.664,0.968,63.91,2021-07-12,san diego smm food,0,83.76419219844064,78.71431295071628,0.0,1.6130743402590804,0.0,1.2950505530437983,0.21038637957113382,0.5456313255805564,1.3857366492698195,83.76419219844067 +0.862,0.535,0.995,0.0,0.0013310094098067206,0.0,0.836,93.35,2021-07-12,san francisco/oakland/san jose smm food,0,93.81462164428083,88.87591304741949,1.6654314237823962,0.8699544072969839,1.042691254886289,0.0,0.16385895016265284,0.0,1.196772560733026,93.81462164428083 +0.523,0.707,0.717,0.0,0.006556180522446214,0.786,0.0,85.97,2021-07-12,seattle/tacoma smm food,0,93.10923470251171,88.74475650580376,1.0104647733621732,1.1496406840354534,0.7513664620637882,0.0,0.8071234129297926,0.645882864316743,0.0,93.10923470251171 +0.855,0.0,0.515,0.0,0.0018338252476268726,0.885,0.5750000000000001,65.69,2021-07-12,st. louis smm food,0,91.6718185288441,87.70409353036166,1.6519070386704742,0.0,0.53968441835823,0.0,0.22575999661906293,0.7272345227993862,0.8231390220352751,91.67181852884408 +0.5670000000000001,0.8170000000000001,0.0,0.0,0.0038883991529383268,0.0,0.0,139.91,2021-07-12,tampa/ft. myers smm food,0,176.15788472143032,173.25520362076367,1.095475194065683,1.3285098145077305,0.0,0.0,0.47869609209325187,0.0,0.0,176.15788472143032 +0.0,0.662,0.0,0.0,0.0014056655665009615,0.793,0.687,35.67,2021-07-12,tucson/sierra vista smm food,0,66.20687056195834,63.32224664442017,0.0,1.0764669488422491,0.0,0.0,0.17304977884422706,0.6516350017852127,0.9834721880664938,66.20687056195835 +0.602,0.0,0.0,0.0,0.009799631236319264,0.5680000000000001,0.0,185.08,2021-07-12,washington dc/hagerstown smm food,0,175.85763885899132,173.02137618365978,1.1630971196252928,0.0,0.0,0.0,1.2064206868361587,0.46674486887011457,0.0,175.85763885899135 +0.6930000000000001,0.0,1.0,0.854,0.0006978195872391792,0.594,0.6960000000000001,29.480000000000004,2021-07-12,yakima/pasco/richland/kennewick smm food,0,59.26957217146183,53.51694236690935,1.3389141260802793,0.0,1.0479309094334563,1.7954109939925387,0.08590772095634681,0.4881099508958592,0.9963561031940026,59.26957217146183 +0.5720000000000001,0.867,0.591,0.0,0.002335080600773636,0.775,0.53,117.63000000000001,2021-07-19,albany/schenectady/troy smm food,0,87.17417721342834,82.35686844083078,1.1051354691456274,1.409813964722402,0.6193271674751727,0.0,0.2874689337046133,0.6368437911520048,0.7587194463977318,87.17417721342834 +0.0,0.0,0.0,0.0,0.0013382447211664698,0.541,0.0,90.55,2021-07-19,albuquerque/santa fe smm food,0,71.4014370951804,70.79212936171284,0.0,0.0,0.0,0.0,0.1647496805472566,0.44455805292030276,0.0,71.4014370951804 +0.777,0.0,0.0,0.676,0.0070899453551861655,0.0,0.8240000000000001,191.26,2021-07-19,atlanta smm food,0,170.22235798793625,165.2475308400832,1.5012067474233433,0.0,0.0,1.4211918406779347,0.8728345525221213,0.0,1.179594007229681,170.22235798793628 +0.541,0.656,0.0,0.0,0.00435025443027378,0.0,0.0,123.38,2021-07-19,baltimore smm food,0,107.92786793843186,105.28036119021601,1.0452417636499727,1.0667104508164886,0.0,0.0,0.5355545337493914,0.0,0.0,107.92786793843186 +0.8140000000000001,0.704,0.0,0.0,0.0005729079166177203,0.9070000000000001,0.0,24.43,2021-07-19,baton rouge smm food,0,54.16153978766559,50.62824190344196,1.572692783014931,1.1447624350225731,0.0,0.0,0.07052999705725918,0.7453126691288625,0.0,54.16153978766559 +0.0,0.924,0.0,0.9689999999999999,0.0013426135840367006,0.0,0.987,98.96,2021-07-19,birmingham/anniston/tuscaloosa smm food,0,67.39342294640693,62.27551690355495,0.0,1.5025006959671274,0.0,2.0371817952912994,0.16528752594342447,0.0,1.4129360256501156,67.39342294640691 +0.926,0.0,0.0,0.0,0.009232373435625066,0.759,0.0,187.06,2021-07-19,boston/manchester smm food,0,186.89365662800972,183.34429136615643,1.7890829448056833,0.0,0.0,0.0,1.1365862686806747,0.6236960483669312,0.0,186.89365662800972 +0.674,0.0,0.877,0.0,0.0011361625737317319,0.508,0.8160000000000001,75.62,2021-07-19,buffalo smm food,0,67.90988786086031,63.96319330778341,1.3022050807764909,0.0,0.9190354075731412,0.0,0.13987159307372102,0.41744083342608834,1.1681416382274512,67.90988786086031 +0.915,0.0,0.0,0.0,0.004732119732755833,0.0,0.795,146.17,2021-07-19,charlotte smm food,0,130.5893602821866,127.1008852661048,1.7678303396298058,0.0,0.0,0.0,0.5825655068553888,0.0,1.1380791695965977,130.5893602821866 +0.0,0.0,0.801,0.866,0.007583537900776036,0.0,0.723,165.92,2021-07-19,chicago smm food,0,181.75149558708912,177.12285569785104,0.0,0.0,0.8393926584561986,1.820639251519366,0.9336001306859993,0.0,1.0350078485765284,181.75149558708912 +0.786,0.643,0.524,0.717,0.0029523554565336423,0.8130000000000001,0.0,129.86,2021-07-19,cleveland/akron/canton smm food,0,136.74327601930156,131.09107465023894,1.518595242567243,1.045571371760674,0.5491157965431311,1.5073883872279277,0.36346089069710763,0.6680696802665548,0.0,136.7432760193016 +0.0,0.844,0.0,0.847,0.004717529262836558,0.0,0.919,127.64,2021-07-19,columbus oh smm food,0,108.97020343667805,103.92073468964487,0.0,1.372414055623653,0.0,1.7806945104352228,0.5807692918431302,0.0,1.3155908891311614,108.97020343667805 +0.533,0.0,0.0,0.515,0.0055691646999919305,0.0,0.841,87.54,2021-07-19,dallas/ft. worth smm food,0,109.27919861012869,105.27715718131851,1.0297853235220618,0.0,0.0,1.0827127188596692,0.6856130950690258,0.0,1.2039302913594196,109.27919861012869 +0.0,0.0,0.0,0.665,0.0005582482565624912,0.804,0.599,67.28,2021-07-19,des moines/ames smm food,0,65.39325876985421,62.408297363785806,0.0,0.0,0.0,1.3980659379450098,0.06872526413148668,0.6606740749499509,0.8574961290419647,65.39325876985421 +1.0,0.608,0.0,0.0,0.007189601390646317,0.767,0.597,140.98,2021-07-19,detroit smm food,0,165.61364257797356,160.32292305294044,1.9320550159888588,0.988658466610404,0.0,0.0,0.8851030858830115,0.630269919759468,0.8546330367914072,165.6136425779736 +0.0,0.0,0.0,0.0,0.0027867797545815722,0.637,0.93,99.13,2021-07-19,grand rapids smm food,0,112.21342578208393,110.01556630860257,0.0,0.0,0.0,0.0,0.3430770673413807,0.5234445096307446,1.3313378965092275,112.21342578208393 +0.0,0.0,0.0,0.0,0.0032933899300359093,0.903,0.738,74.3,2021-07-19,greensboro smm food,0,85.77319525985078,83.56924325587181,0.0,0.0,0.0,0.0,0.405445230090673,0.742025733432594,1.0564810404557095,85.77319525985078 +0.496,0.858,0.0,0.889,0.00410289598762422,0.0,0.801,104.12,2021-07-19,harrisburg/lancaster smm food,0,90.89935059497165,85.02510769460987,0.9582992879304739,1.395179217683761,0.0,1.8689934117791183,0.5051025366201515,0.0,1.1466684463482701,90.89935059497165 +0.505,0.919,0.0,0.615,0.005027902621806118,0.996,0.765,108.09,2021-07-19,hartford/new haven smm food,0,118.90629525624458,112.61073024106035,0.9756877830743736,1.4943702809456603,0.0,1.2929481982498963,0.6189789787052189,0.8184469883708346,1.0951327858382354,118.90629525624458 +0.603,0.0,0.9420000000000002,0.0,0.005549102031641589,0.0,0.0,135.31,2021-07-19,houston smm food,0,170.48176528370274,167.64644198801398,1.1650291746412818,0.0,0.987150916686316,0.0,0.6831432043611714,0.0,0.0,170.48176528370274 +0.896,0.9700000000000001,0.901,0.0,0.0051617694728810365,0.916,0.0,75.12,2021-07-19,indianapolis smm food,0,94.66200997212214,89.02123497580452,1.7311212943260175,1.577300514164625,0.9441857493995441,0.0,0.6354591639819719,0.7527082744454664,0.0,94.66200997212215 +0.909,0.0,0.0,0.544,0.0017879756627141462,0.971,0.0,74.8,2021-07-19,jacksonville smm food,0,90.21782815769716,86.29988999004563,1.7562380095338728,0.0,0.0,1.143681007882835,0.22011550996567125,0.7979036402691569,0.0,90.21782815769717 +0.0,0.649,0.66,0.516,0.0012004550364905942,0.773,0.838,121.07000000000001,2021-07-19,kansas city smm food,0,85.30810039155995,80.49370051161102,0.0,1.0553278697864346,0.6916344002260812,1.0848150736535715,0.1477865599953812,0.6352003233038707,1.1996356529835834,85.30810039155995 +0.616,0.735,0.0,0.672,0.0018477349360298872,0.0,0.0,61.67,2021-07-19,knoxville smm food,0,73.4285901074011,69.4030183864474,1.190145889849137,1.1951710081556695,0.0,1.4127824215023257,0.2274724014465679,0.0,0.0,73.4285901074011 +0.0,0.9210000000000002,0.553,0.808,0.0016605311389015184,0.0,0.554,58.69,2021-07-19,las vegas smm food,0,77.84931790326044,73.0759844669223,0.0,1.4976224469542472,0.5795057929167015,1.6987026734730344,0.20442596958973291,0.0,0.7930765534044215,77.84931790326044 +0.558,0.0,0.979,0.771,0.0018114570651034958,0.0,0.0,37.59,2021-07-19,little rock/pine bluff smm food,0,61.651504038212536,57.70357115599228,1.0780866989217832,0.0,1.0259243603353538,1.6209155460986504,0.22300627686447505,0.0,0.0,61.65150403821254 +0.0,0.535,0.734,0.9470000000000001,0.010447935396978306,0.658,0.966,121.12,2021-07-19,los angeles smm food,0,160.81644898221418,153.9765761946837,0.0,0.8699544072969839,0.7691812875241569,1.99092998982545,1.2862326238284723,0.5407009220361538,1.382873557019262,160.81644898221418 +0.0,0.0,0.0,0.663,0.0008535554634280933,0.555,0.9420000000000002,33.94,2021-07-19,madison wi smm food,0,55.7227054597245,52.419185278171575,0.0,0.0,0.0,1.3938612283572052,0.10508017532590833,0.4560623278572422,1.3485164500125726,55.7227054597245 +0.871,0.0,0.742,0.0,0.003073213326511089,0.561,0.0,109.22,2021-07-19,miami/west palm beach smm food,0,187.4215312773385,184.12181433608328,1.682819918926296,0.0,0.7775647347996246,0.0,0.3783395561276357,0.4609927314016448,0.0,187.4215312773385 +0.0,0.895,0.0,0.854,0.0030099253562617,0.592,0.8180000000000001,60.06,2021-07-19,milwaukee smm food,0,73.43194722744408,68.15317248002567,0.0,1.4553442888426178,0.0,1.7954109939925387,0.37054825105752653,0.48646648304772494,1.1710047304780087,73.43194722744408 +0.0,0.0,0.0,0.0,0.0015168615282077048,0.0,0.619,91.36,2021-07-19,minneapolis/st. paul smm food,0,86.82358847992347,85.75072244988117,0.0,0.0,0.0,0.0,0.18673897849476848,0.0,0.8861270515475396,86.82358847992347 +0.845,0.0,0.743,0.0,0.0012828394842632552,0.0,0.0,66.5,2021-07-19,mobile/pensacola smm food,0,70.03556283961947,67.46643487620449,1.6325864885105856,0.0,0.7786126657090581,0.0,0.15792880919534624,0.0,0.0,70.03556283961947 +0.999,0.0,0.0,0.0,0.004664408535957964,0.791,0.67,63.01,2021-07-19,nashville smm food,0,99.5856480013249,95.47216793873541,1.9301229609728698,0.0,0.0,0.0,0.5742296637427794,0.6499915339370785,0.9591359039367553,99.5856480013249 +0.0,0.895,0.0,0.879,0.0016176357256863945,0.518,0.834,100.26,2021-07-19,new orleans smm food,0,64.67164427754147,59.54961731628727,0.0,1.4553442888426178,0.0,1.8479698638400954,0.19914516742226812,0.42565817266675937,1.1939094684824685,64.67164427754147 +0.948,0.981,0.854,0.581,0.02144885071588147,0.0,0.529,291.12,2021-07-19,new york smm food,0,299.1027721328116,290.1617655847399,1.831588155157438,1.5951874272118527,0.8949329966561717,1.221468135257219,2.6405419335165816,0.0,0.7572879002724531,299.1027721328116 +0.0,0.706,0.89,0.0,0.003027498415255844,0.0,0.78,131.28,2021-07-19,norfolk/portsmouth/newport news smm food,0,105.8799299857137,102.30993924858487,0.0,1.14801460103116,0.9326585093957762,0.0,0.37271164898447656,0.0,1.1166059777174167,105.8799299857137 +0.0,0.875,0.539,0.0,0.0008374316906745544,0.5710000000000001,0.6900000000000001,91.13,2021-07-19,oklahoma city smm food,0,57.15697360326355,53.609244119971564,0.0,1.4228226287567494,0.564834760184633,0.0,0.10309519726595627,0.46921007064231585,0.98776682644233,57.15697360326355 +0.528,0.7010000000000001,0.5690000000000001,0.676,0.0008841869250453913,0.0,0.0,88.23,2021-07-19,omaha smm food,0,65.16255478993935,60.87622985001895,1.0201250484421174,1.1398841860096929,0.5962726874676367,1.4211918406779347,0.10885117732302187,0.0,0.0,65.16255478993935 +0.0,0.623,0.0,0.0,0.0030970036134359462,0.0,0.0,101.93,2021-07-19,orlando/daytona beach/melborne smm food,0,134.00970022796298,132.61538216686213,0.0,1.0130497116748054,0.0,0.0,0.3812683494260553,0.0,0.0,134.00970022796298 +0.0,0.9510000000000001,0.668,0.6900000000000001,0.0011405153746061162,0.502,0.889,71.79,2021-07-19,paducah ky/cape girardeau mo smm food,0,61.08186812156311,55.55925813283435,0.0,1.54640493708305,0.7000178475015488,1.4506248077925665,0.14040746109710883,0.4125104298816857,1.272644505372799,61.08186812156311 +0.523,0.874,0.0,0.0,0.010845667480280353,0.612,0.884,168.15,2021-07-19,philadelphia smm food,0,205.27299383025493,199.7377476378349,1.0104647733621732,1.4211965457524558,0.0,0.0,1.335196937029941,0.502901161529067,1.2654867747464054,205.27299383025493 +0.8300000000000001,0.596,0.554,0.547,0.0053703888526252744,0.9000000000000001,0.56,100.37,2021-07-19,phoenix/prescott smm food,0,123.488622453381,116.98296111946722,1.603605663270753,0.9691454705588829,0.5805537238261349,1.149988072264542,0.6611420421769792,0.7395605316603928,0.801665830156094,123.488622453381 +0.0,0.0,0.0,0.936,0.001829107963000588,0.9450000000000001,0.8220000000000001,128.85,2021-07-19,pittsburgh smm food,0,108.69848516660359,104.55223234884438,0.0,0.0,0.0,1.967804087092525,0.22517925744412828,0.7765385582434123,1.1767309149791236,108.69848516660358 +0.876,0.0,0.704,0.0,0.003329666565424159,0.66,0.0,121.10000000000001,2021-07-19,portland or smm food,0,90.27878862593505,86.8963094792362,1.6924801940062402,0.0,0.7377433602411533,0.0,0.40991120256716745,0.542344389884288,0.0,90.27878862593505 +0.0,0.0,0.853,0.598,0.0031411432135600983,0.0,0.8150000000000001,105.05,2021-07-19,providence ri/new bedford ma smm food,0,86.95281200433887,83.24830635780522,0.0,0.0,0.8938850657467382,1.2572081667535575,0.38670232193117315,0.0,1.1667100921021725,86.95281200433887 +0.838,0.718,0.0,0.864,0.005064913166850736,0.0,0.0,164.3,2021-07-19,raleigh/durham/fayetteville smm food,0,130.55673232042147,125.33017277610136,1.6190621033986636,1.167527597082681,0.0,1.8164345419315615,0.623535301907201,0.0,0.0,130.55673232042147 +0.972,0.0,0.512,0.51,0.02354848963938546,0.0,0.0,235.38000000000002,2021-07-19,rem us east north central smm food,0,312.83939767677526,306.4536727021249,1.8779574755411708,0.0,0.5365406256299297,1.0722009448901577,2.8990259285891375,0.0,0.0,312.83939767677526 +0.876,0.634,0.545,0.0,0.007227571948827295,0.0,0.724,127.33000000000001,2021-07-19,rem us middle atlantic smm food,0,136.0207794159036,130.80002326169728,1.6924801940062402,1.0309366247220333,0.5711223456412338,0.0,0.8897775951349998,0.0,1.0364393947018071,136.0207794159036 +0.622,0.654,0.677,0.664,0.007947681879686901,0.0,0.0,150.62,2021-07-19,rem us mountain smm food,0,179.306550297845,173.95751153106124,1.2017382199450701,1.0634582848079017,0.70944922568645,1.3959635831511075,0.978429453193231,0.0,0.0,179.306550297845 +0.721,0.0,0.898,0.923,0.005033023927404848,0.0,0.729,126.66,2021-07-19,rem us new england smm food,0,154.15936429276405,148.221630613054,1.393011666527967,0.0,0.9410419566712438,1.9404734747717955,0.6196094564108513,0.0,1.0435971253282008,154.15936429276405 +0.71,0.85,0.911,0.744,0.005291565225777954,0.754,0.9619999999999999,115.4,2021-07-19,rem us pacific smm food,0,113.03456375474764,105.11364420201244,1.3717590613520896,1.3821705536494135,0.9546650584938787,1.564151966663289,0.6514381613117868,0.6195873787465956,1.377147372518147,113.03456375474764 +0.0,0.522,0.0,0.5700000000000001,0.021548909536775924,0.8290000000000001,0.0,267.45,2021-07-19,rem us south atlantic smm food,0,289.0614653939342,283.6802303568146,0.0,0.8488153282411693,0.0,1.198342232524294,2.652860053302571,0.6812174230516285,0.0,289.06146539393427 +0.752,0.722,0.0,0.0,0.0235420388947459,0.0,0.542,360.69,2021-07-19,rem us south central smm food,0,405.7323964475305,399.4313293612464,1.4529053720236218,1.1740319290998549,0.0,0.0,2.8982317852595583,0.0,0.7758979999010767,405.7323964475305 +0.988,0.5740000000000001,0.0,0.0,0.006789576148552652,0.0,0.0,103.16,2021-07-19,rem us west north central smm food,0,129.63262694748025,125.95452848252805,1.9088703557969924,0.9333716444644277,0.0,0.0,0.8358564646907937,0.0,0.0,129.63262694748025 +0.901,0.0,0.0,0.686,0.0028622711350598275,0.8250000000000001,0.0,63.9,2021-07-19,richmond/petersburg smm food,0,90.28139200285527,86.06809383806947,1.7407815694059618,0.0,0.0,1.4422153886169575,0.3523707194075164,0.67793048735536,0.0,90.28139200285527 +0.61,0.521,0.8240000000000001,0.0,0.0011319691572776697,0.0,0.0,52.76,2021-07-19,sacramento/stockton/modesto smm food,0,74.61567486900586,71.58708164797008,1.1785535597532037,0.8471892452368759,0.8634950693731681,0.0,0.13935534667253502,0.0,0.0,74.61567486900586 +0.621,0.645,0.665,0.768,0.0031598912693273167,0.612,0.516,86.72,2021-07-19,salt lake city smm food,0,89.91551064579488,83.72480907215119,1.1998061649290812,1.048823537769261,0.6968740547732485,1.6146084817169435,0.38901037228226226,0.502901161529067,0.7386778006438294,89.91551064579488 +0.0,0.0,0.9840000000000001,0.0,0.001598728285498854,0.714,0.0,111.2,2021-07-19,san diego smm food,0,80.52901248283169,78.71431295071628,0.0,0.0,1.0311640148825212,0.0,0.19681749544897723,0.5867180217839115,0.0,80.52901248283169 +0.672,0.0,0.528,0.746,0.0017300968784505805,0.664,0.0,100.11,2021-07-19,san francisco/oakland/san jose smm food,0,93.05453966338217,88.87591304741949,1.2983409707445133,0.0,0.5533075201808649,1.5683566762510937,0.21299012320563646,0.5456313255805564,0.0,93.05453966338216 +0.629,0.707,0.0,0.0,0.0043530170935593675,0.8170000000000001,0.0,64.22,2021-07-19,seattle/tacoma smm food,0,92.3169110527266,88.74475650580376,1.2152626050569921,1.1496406840354534,0.0,0.0,0.5358946418675564,0.6713566159628231,0.0,92.3169110527266 +0.881,0.0,0.0,0.0,0.0016121326388017767,0.0,0.0,66.37,2021-07-19,st. louis smm food,0,89.60470168853456,87.70409353036166,1.7021404690861845,0.0,0.0,0.0,0.19846768908671053,0.0,0.0,89.60470168853456 +0.0,0.0,0.9460000000000001,0.932,0.0033089972478460784,0.537,0.757,137.09,2021-07-19,tampa/ft. myers smm food,0,178.1382590910751,173.25520362076367,0.0,0.0,0.9913426403240497,1.9593946679169159,0.40736662801046725,0.44127111722403434,1.0836804168360055,178.13825909107513 +0.682,0.549,0.605,0.612,0.0011052926532530212,0.512,0.0,65.97,2021-07-19,tucson/sierra vista smm food,0,68.01006607257554,63.32224664442017,1.3176615209044018,0.892719569357092,0.6339982002072411,1.2866411338681893,0.13607123469610397,0.42072776912235677,0.0,68.01006607257555 +0.785,0.6880000000000001,0.5630000000000001,0.526,0.008053174597330017,0.0,0.0,178.23,2021-07-19,washington dc/hagerstown smm food,0,178.3440247351698,173.02137618365978,1.5166631875512542,1.1187451069538783,0.5899851020110359,1.1058386215925942,0.9914165334012637,0.0,0.0,178.3440247351698 +0.543,0.0,0.877,0.534,0.0004883637481727844,0.0,0.0,29.24,2021-07-19,yakima/pasco/richland/kennewick smm food,0,56.66786297537942,53.51694236690935,1.0491058736819503,0.0,0.9190354075731412,1.1226574599438124,0.06012186727117949,0.0,0.0,56.66786297537943 +0.0,0.0,0.8200000000000001,0.524,0.004300578383735176,0.544,0.0,103.63,2021-07-26,albany/schenectady/troy smm food,0,85.29426792932107,82.35686844083078,0.0,0.0,0.8593033457354343,1.1016339120047896,0.5294389760575575,0.44702325469250404,0.0,85.29426792932107 +0.9510000000000001,0.885,0.9580000000000001,0.0,0.002149305085737458,0.0,0.0,89.6,2021-07-26,albuquerque/santa fe smm food,0,75.33711328787479,70.79212936171284,1.8373843202054048,1.4390834587996837,1.0039178112372513,0.0,0.2645983359196024,0.0,0.0,75.33711328787479 +0.656,0.0,0.709,0.5740000000000001,0.010594812464688838,0.87,0.0,120.57,2021-07-26,atlanta smm food,0,170.48391659205552,165.2475308400832,1.2674280904886914,0.0,0.7429830147883205,1.2067516516999033,1.3043144810570486,0.7149085139383796,0.0,170.48391659205552 +0.0,0.0,0.653,0.0,0.006663603150667187,0.0,0.0,102.53,2021-07-26,baltimore smm food,0,106.78500815615868,105.28036119021601,0.0,0.0,0.684298883860047,0.0,0.8203480820826258,0.0,0.0,106.78500815615868 +0.0,0.9980000000000001,0.799,0.707,0.000962407609279399,0.0,0.774,87.07,2021-07-26,baton rouge smm food,0,55.80123190927495,50.62824190344196,0.0,1.622830838284841,0.8372967966373317,1.486364839288905,0.11848083065616404,0.0,1.1080167009657442,55.80123190927495 +0.0,0.0,0.0,0.5750000000000001,0.0020560738486158836,0.0,0.0,38.88,2021-07-26,birmingham/anniston/tuscaloosa smm food,0,63.73749166171948,62.27551690355495,0.0,0.0,0.0,1.2088540064938056,0.253120751670724,0.0,0.0,63.73749166171948 +0.9910000000000001,0.0,0.0,0.0,0.016409088163449968,0.719,0.0,144.27,2021-07-26,boston/manchester smm food,0,187.86988747157733,183.34429136615643,1.9146665208449591,0.0,0.0,0.0,2.0201028931717087,0.590826691404247,0.0,187.86988747157733 +0.5720000000000001,0.587,0.807,0.0,0.0016666346973231647,0.0,0.73,78.06,2021-07-26,buffalo smm food,0,68.1187257870617,63.96319330778341,1.1051354691456274,0.954510723520242,0.8456802439127993,0.0,0.2051773712461439,0.0,1.0450286714534796,68.1187257870617 +0.856,0.623,0.996,0.0,0.006349571363259064,0.0,0.996,111.37,2021-07-26,charlotte smm food,0,133.0190212085829,127.1008852661048,1.653839093686463,1.0130497116748054,1.0437391857957226,0.0,0.7816880105434857,0.0,1.4258199407776242,133.0190212085829 +0.0,0.6,0.9630000000000002,0.6910000000000001,0.0117302880792136,0.0,0.718,171.63,2021-07-26,chicago smm food,0,183.03234175016613,177.12285569785104,0.0,0.9756498025760566,1.0091574657844187,1.4527271625864688,1.4441015034180238,0.0,1.0278501179501347,183.03234175016615 +0.0,0.712,0.554,0.0,0.003920510789249782,0.0,0.843,144.68,2021-07-26,cleveland/akron/canton smm food,0,134.5188421733293,131.09107465023894,0.0,1.1577710990569205,0.5805537238261349,0.0,0.48264931659732513,0.0,1.2067933836099771,134.5188421733293 +0.64,0.0,0.0,0.0,0.0068869983310520045,0.0,0.88,82.83,2021-07-26,columbus oh smm food,0,107.2648604812527,103.92073468964487,1.2365152102328696,0.0,0.0,0.0,0.8478499911296611,0.0,1.2597605902452904,107.2648604812527 +0.0,0.0,0.0,0.773,0.008894854068136884,0.708,0.5710000000000001,117.23,2021-07-26,dallas/ft. worth smm food,0,109.39651256249337,105.27715718131851,0.0,0.0,0.0,1.625120255686455,1.0950346697147386,0.5817876182395089,0.8174128375341602,109.39651256249337 +0.638,0.7010000000000001,0.5760000000000001,0.5660000000000001,0.0007862791760562196,0.0,0.0,46.39,2021-07-26,des moines/ames smm food,0,66.67117154056271,62.408297363785806,1.232651100200892,1.1398841860096929,0.603608203833671,1.189932813348685,0.09679787338395815,0.0,0.0,66.67117154056271 +0.548,0.0,0.753,0.0,0.010919653975301613,0.507,0.0,169.24,2021-07-26,detroit smm food,0,163.93170560048486,160.32292305294044,1.0587661487618947,0.0,0.7890919748033927,0.0,1.3443053244771481,0.41661909950202125,0.0,163.9317056004849 +0.9199999999999999,0.0,0.0,0.0,0.004535018039571633,0.759,0.648,90.11,2021-07-26,grand rapids smm food,0,113.90269541790914,110.01556630860257,1.77749061470975,0.0,0.0,0.0,0.5583005570492606,0.6236960483669312,0.927641889180623,113.90269541790914 +0.518,0.863,0.968,0.649,0.004477647061484443,0.0,0.897,69.04,2021-07-26,greensboro smm food,0,90.18751732849864,83.56924325587181,1.0008044982822288,1.4033096327052281,1.0143971203315858,1.3644282612425733,0.5512376856901944,0.0,1.284096874375029,90.18751732849864 +0.0,0.522,0.0,0.0,0.006880328896161307,0.613,0.9590000000000001,59.49,2021-07-26,harrisburg/lancaster smm food,0,88.59752757755565,85.02510769460987,0.0,0.8488153282411693,0.0,0.0,0.8470289251091538,0.5037228954531341,1.372852734142311,88.59752757755564 +0.76,0.0,0.0,0.0,0.008356270636643,0.0,0.739,101.17,2021-07-26,hartford/new haven smm food,0,116.16573495808127,112.61073024106035,1.4683618121515327,0.0,0.0,0.0,1.028730318288401,0.0,1.0579125865809882,116.16573495808127 +0.0,0.722,0.78,0.0,0.008094030137072643,0.0,0.598,146.75,2021-07-26,houston smm food,0,171.49037081861428,167.64644198801398,0.0,1.1740319290998549,0.817386109358096,0.0,0.9964462092256648,0.0,0.856064582916686,171.49037081861428 +0.9980000000000001,0.557,0.0,0.0,0.007264870374259005,0.0,0.0,76.77,2021-07-26,indianapolis smm food,0,92.74952347409426,89.02123497580452,1.9281909059568814,0.9057282333914394,0.0,0.0,0.8943693589414237,0.0,0.0,92.74952347409426 +0.0,0.0,0.773,0.687,0.0028008315298709207,0.684,0.0,68.9,2021-07-26,jacksonville smm food,0,89.46113129482316,86.29988999004563,0.0,0.0,0.8100505929920617,1.4443177434108598,0.3448069643127091,0.5620660040618984,0.0,89.46113129482316 +0.915,0.0,0.0,0.644,0.0017374384460905445,0.9460000000000001,0.612,84.22,2021-07-26,kansas city smm food,0,85.48280779402369,80.49370051161102,1.7678303396298058,0.0,0.0,1.353916487273062,0.21389393467170814,0.7773602921674795,0.8761062286705883,85.48280779402367 +0.0,0.582,0.0,0.788,0.002658146643076308,0.0,1.0,80.48,2021-07-26,knoxville smm food,0,73.76484159919963,69.4030183864474,0.0,0.9463803084987749,0.0,1.656655577594989,0.32724120137972024,0.0,1.4315461252787391,73.76484159919963 +0.0,0.611,0.0,0.606,0.0024699198203663353,0.5760000000000001,0.0,91.17,2021-07-26,las vegas smm food,0,76.12093575400036,73.0759844669223,0.0,0.9935367156232844,0.0,1.2740270051047757,0.30406882608735725,0.47331874026265136,0.0,76.12093575400037 +0.0,0.0,0.883,0.9700000000000001,0.0030280544074197595,0.534,0.0,86.85,2021-07-26,little rock/pine bluff smm food,0,61.47976431106285,57.70357115599228,0.0,0.0,0.925322993029742,2.0392841500852024,0.3727800965037853,0.438805915451833,0.0,61.479764311062844 +0.593,0.741,0.81,0.801,0.016278001273194627,0.0,0.0,136.55,2021-07-26,los angeles smm food,0,160.86398749739485,153.9765761946837,1.1457086244813932,1.20492750618143,0.8488240366410997,1.6839861899157185,2.003964945491499,0.0,0.0,160.86398749739485 +0.0,0.0,0.0,0.9400000000000001,0.0014484263060586036,0.936,0.722,79.94,2021-07-26,madison wi smm food,0,56.37643204131924,52.419185278171575,0.0,0.0,0.0,1.976213506268134,0.17831400150145932,0.7691429529268085,1.0335763024512497,56.37643204131923 +0.0,0.0,0.0,0.0,0.004765701659456308,0.78,0.0,167.65,2021-07-26,miami/west palm beach smm food,0,185.34946653387726,184.12181433608328,0.0,0.0,0.0,0.0,0.5866997370216338,0.6409524607723404,0.0,185.34946653387726 +0.0,0.988,0.869,0.0,0.0049090648566908965,0.649,0.0,36.37,2021-07-26,milwaukee smm food,0,71.80804877121298,68.15317248002567,0.0,1.6065700082419065,0.9106519602976736,0.0,0.6043490059281792,0.5333053167195498,0.0,71.80804877121298 +0.77,0.766,0.0,0.0,0.002320297386904204,0.668,0.0,111.23,2021-07-26,minneapolis/st. paul smm food,0,89.31855164497718,85.75072244988117,1.4876823623114213,1.2455795812887658,0.0,0.0,0.2856489902189944,0.5489182612768249,0.0,89.31855164497718 +0.0,0.9470000000000001,0.8140000000000001,0.979,0.0019578028514129543,0.91,0.0,94.28,2021-07-26,mobile/pensacola smm food,0,72.9063571843663,67.46643487620449,0.0,1.5399006050658761,0.8530157602788335,2.0582053432303224,0.24102272868571198,0.7477778709010637,0.0,72.9063571843663 +0.89,0.8160000000000001,0.494,0.0,0.007054536067573625,0.0,0.0,66.26,2021-07-26,nashville smm food,0,99.90473386190482,95.47216793873541,1.7195289642300844,1.3268837315034372,0.5176778692601274,0.0,0.8684753581757486,0.0,0.0,99.9047338619048 +0.0,0.801,0.9700000000000001,0.0,0.0027800287741735004,0.0,0.0,41.22,2021-07-26,new orleans smm food,0,62.21084874722813,59.54961731628727,0.0,1.3024924864390357,1.0164929821504527,0.0,0.3422459623513747,0.0,0.0,62.210848747228134 +0.0,0.0,0.5730000000000001,0.756,0.03514730286936712,0.0,0.712,258.43,2021-07-26,new york smm food,0,297.69781278440286,290.1617655847399,0.0,0.0,0.6004644111053705,1.5893802241901163,4.326941723169035,0.0,1.0192608411984623,297.69781278440286 +0.0,0.612,0.81,0.9440000000000001,0.004203222920295493,0.9759999999999999,0.0,126.28,2021-07-26,norfolk/portsmouth/newport news smm food,0,107.45801498250779,102.30993924858487,0.0,0.9951627986275778,0.8488240366410997,1.9846229254437433,0.5174536633210072,0.8020123098894925,0.0,107.45801498250779 +0.807,0.8230000000000001,0.9580000000000001,0.926,0.001378106888242901,0.994,0.81,73.22,2021-07-26,oklahoma city smm food,0,61.6033901262678,53.609244119971564,1.559168397903009,1.3382663125334913,1.0039178112372513,1.9467805391535022,0.16965706347049286,0.8168035205227003,1.1595523614757788,61.60339012626779 +0.555,0.994,0.0,0.747,0.0014922842034863716,0.8230000000000001,0.0,90.85,2021-07-26,omaha smm food,0,65.99530623464278,60.87622985001895,1.0722905338738167,1.6163265062676673,0.0,1.5704590310449957,0.18371329393012736,0.6762870195072258,0.0,65.99530623464278 +0.0,0.0,0.616,0.0,0.0046330320448410185,0.0,0.973,145.73,2021-07-26,orlando/daytona beach/melborne smm food,0,135.22416892903914,132.61538216686213,0.0,0.0,0.6455254402110091,0.0,0.5703669420697921,0.0,1.3928943798962132,135.22416892903914 +0.0,0.0,0.9969999999999999,0.868,0.0017517496843897202,0.0,0.535,52.31,2021-07-26,paducah ky/cape girardeau mo smm food,0,59.41042216148953,55.55925813283435,0.0,0.0,1.044787116705156,1.8248439611071705,0.21565577381871387,0.0,0.7658771770241255,59.41042216148952 +0.6980000000000001,0.677,0.0,0.0,0.017746965929788257,0.836,0.0,165.34,2021-07-26,philadelphia smm food,0,205.0589571917781,199.7377476378349,1.3485744011602236,1.1008581939066506,0.0,0.0,2.184807398356222,0.686969560520098,0.0,205.0589571917781 +0.0,0.0,0.9140000000000001,0.0,0.008301237296720538,0.5710000000000001,0.508,107.45,2021-07-26,phoenix/prescott smm food,0,120.15916070369495,116.98296111946722,0.0,0.0,0.9578088512221793,0.0,1.0219552307216284,0.46921007064231585,0.7272254316415995,120.15916070369494 +0.601,0.783,0.0,0.0,0.002389875481834686,0.0,0.0,104.5,2021-07-26,pittsburgh smm food,0,107.28083507070632,104.55223234884438,1.1611650646093041,1.273222992361754,0.0,0.0,0.29421466489088255,0.0,0.0,107.28083507070633 +0.8220000000000001,0.0,0.978,0.9140000000000001,0.00588243539590456,0.0,0.0,75.17,2021-07-26,portland or smm food,0,92.15506688299114,86.8963094792362,1.588149223142842,0.0,1.0248764294259203,1.9215522816266752,0.7241794695595122,0.0,0.0,92.15506688299115 +0.0,0.607,0.0,0.0,0.005207575813958792,0.894,0.0,59.2,2021-07-26,providence ri/new bedford ma smm food,0,85.61106719646673,83.24830635780522,0.0,0.9870323836061107,0.0,0.0,0.6410983269394173,0.73463012811599,0.0,85.61106719646673 +0.562,0.9899999999999999,0.845,0.6980000000000001,0.007085779120571229,0.621,0.0,93.18,2021-07-26,raleigh/durham/fayetteville smm food,0,131.76137355324244,125.33017277610136,1.0858149189857387,1.6098221742504932,0.8855016184712706,1.4674436461437848,0.8723216524441015,0.5102967668456709,0.0,131.76137355324244 +0.0,0.0,0.578,0.656,0.03403403358186913,0.524,0.0,272.5,2021-07-26,rem us east north central smm food,0,313.0589985835177,306.4536727021249,0.0,0.0,0.6057040656525378,1.3791447447998892,4.1898884947292485,0.430588576211162,0.0,313.05899858351773 +0.0,0.0,0.683,0.0,0.011254368671207377,0.8300000000000001,0.662,129.56,2021-07-26,rem us middle atlantic smm food,0,134.53099440848513,130.80002326169728,0.0,0.0,0.7157368111430508,0.0,1.3855116437345711,0.6820391569756955,0.9476835349345254,134.53099440848513 +0.0,0.0,0.0,0.0,0.013124088772936611,0.751,0.558,128.63,2021-07-26,rem us mountain smm food,0,176.98912705814138,173.95751153106124,0.0,0.0,0.0,0.0,1.6156906122002033,0.6171221769743943,0.7988027379055365,176.98912705814138 +0.0,0.517,0.531,0.0,0.008053589738145742,0.0,0.0,123.24,2021-07-26,rem us new england smm food,0,150.61023448006523,148.221630613054,0.0,0.8406849132197022,0.5564513129091654,0.0,0.9914676408823478,0.0,0.0,150.61023448006523 +0.876,0.0,0.5740000000000001,0.0,0.009070802112791326,0.0,0.6930000000000001,107.95,2021-07-26,rem us pacific smm food,0,109.51639362242122,105.11364420201244,1.6924801940062402,0.0,0.601512342014804,0.0,1.1166954195695686,0.0,0.9920614648181663,109.51639362242122 +0.799,0.901,0.0,0.723,0.030598355372782195,0.9390000000000001,0.623,264.59,2021-07-26,rem us south atlantic smm food,0,293.6394333357997,283.6802303568146,1.5437119577750982,1.4651007868683785,0.0,1.5200025159913413,3.7669263276026927,0.7716081546990098,0.8918532360486545,293.63943333579977 +0.779,0.911,0.853,0.0,0.03594537155037462,0.0,0.536,361.49,2021-07-26,rem us south central smm food,0,408.5041466126827,399.4313293612464,1.505070857455321,1.4813616169113129,0.8938850657467382,0.0,4.425190988173533,0.0,0.7673087231494042,408.50414661268275 +0.8180000000000001,0.0,0.715,0.729,0.010325166149495132,0.721,0.667,137.7,2021-07-26,rem us west north central smm food,0,132.63526680645703,125.95452848252805,1.5804210030788866,0.0,0.7492706002449212,1.532616644754755,1.2711186510371206,0.5924701592523812,0.9548412655609191,132.63526680645703 +0.792,0.787,0.0,0.681,0.003959312864600348,0.972,0.0,63.47999999999999,2021-07-26,richmond/petersburg smm food,0,91.59586391686932,86.06809383806947,1.5301875726631762,1.2797273243789278,0.0,1.4317036146474462,0.48742619291707945,0.7987253741932241,0.0,91.59586391686932 +0.0,0.596,0.667,0.0,0.0015904501799472285,0.993,0.936,84.18,2021-07-26,sacramento/stockton/modesto smm food,0,75.60690438291988,71.58708164797008,0.0,0.9691454705588829,0.6989699165921154,0.0,0.19579838793927004,0.8159817865986333,1.3399271732609,75.60690438291988 +0.0,0.0,0.0,0.0,0.005686324604310271,0.885,0.0,101.0,2021-07-26,salt lake city smm food,0,85.15208010339393,83.72480907215119,0.0,0.0,0.0,0.0,0.7000365084433519,0.7272345227993862,0.0,85.15208010339393 +0.839,0.0,0.0,0.807,0.0024373189109506356,0.0,0.0,92.08,2021-07-26,san diego smm food,0,82.33196279557635,78.71431295071628,1.6209941584146523,0.0,0.0,1.696600318679132,0.3000553677662925,0.0,0.0,82.33196279557636 +0.249,0.0,0.676,0.875,0.00236122582339721,0.0,0.529,71.22,2021-07-26,san francisco/oakland/san jose smm food,0,92.95293202638837,88.87591304741949,0.4810816989812258,0.0,0.7084012947770165,1.8395604446644864,0.2906876402737049,0.0,0.7572879002724531,92.95293202638837 +0.0,0.5690000000000001,0.548,0.672,0.008158684612507123,0.915,0.0,55.53,2021-07-26,seattle/tacoma smm food,0,93.41333857872766,88.74475650580376,0.0,0.9252412294429605,0.5742661383695341,1.4127824215023257,1.0044057430876752,0.7518865405213992,0.0,93.41333857872766 +0.0,0.0,0.737,0.883,0.002384920973885131,0.0,0.0,87.53,2021-07-26,st. louis smm food,0,90.62640261507086,87.70409353036166,0.0,0.0,0.7723250802524573,1.8563792830157047,0.2936047214410429,0.0,0.0,90.62640261507087 +0.0,0.0,0.0,0.53,0.00495010696269297,0.0,0.531,193.41,2021-07-26,tampa/ft. myers smm food,0,175.7390043037528,173.25520362076367,0.0,0.0,0.0,1.1142480407682032,0.6094016496979483,0.0,0.7601509925230105,175.73900430375284 +0.0,0.675,0.0,0.0,0.0016413259340217474,0.0,0.0,89.79,2021-07-26,tucson/sierra vista smm food,0,64.62191431248544,63.32224664442017,0.0,1.0976060278980637,0.0,0.0,0.20206164016721223,0.0,0.0,64.62191431248544 +0.56,0.0,0.923,0.804,0.012576385834416377,0.534,0.0,162.27,2021-07-26,washington dc/hagerstown smm food,0,178.74792996112149,173.02137618365978,1.081950808953761,0.0,0.9672402294070802,1.6902932542974254,1.5482635693516047,0.438805915451833,0.0,178.74792996112149 +0.898,0.0,0.0,0.735,0.0009024259390980919,0.902,0.0,51.66,2021-07-26,yakima/pasco/richland/kennewick smm food,0,57.649459104461585,53.51694236690935,1.7349854043579953,0.0,0.0,1.5452307735181685,0.11109656016754389,0.7412039995085269,0.0,57.649459104461585 +0.0,0.0,0.618,0.526,0.008292516868514064,0.0,0.0,44.2,2021-08-02,albany/schenectady/troy smm food,0,85.13121003386092,82.35686844083078,0.0,0.0,0.647621302029876,1.1058386215925942,1.020881669407671,0.0,0.0,85.13121003386092 +0.0,0.0,0.0,0.9280000000000002,0.003970537728620723,0.0,0.551,34.6,2021-08-02,albuquerque/santa fe smm food,0,74.02070459776185,70.79212936171284,0.0,0.0,0.0,1.950985248741307,0.48880807227912265,0.0,0.7887819150285853,74.02070459776185 +0.0,0.0,0.0,0.0,0.02186133388906126,0.994,0.8190000000000001,184.64,2021-08-02,atlanta smm food,0,169.92809287266726,165.2475308400832,0.0,0.0,0.0,0.0,2.6913222354581094,0.8168035205227003,1.1724362766032874,169.9280928726673 +0.0,0.0,0.52,0.0,0.013819114808436651,0.854,0.0,73.65,2021-08-02,baltimore smm food,0,108.22830045667314,105.28036119021601,0.0,0.0,0.5449240729053973,0.0,1.7012544223984234,0.7017607711533059,0.0,108.22830045667314 +0.9420000000000002,0.685,0.0,0.0,0.0015847160474300505,0.727,0.0,81.91,2021-08-02,baton rouge smm food,0,54.354597615098044,50.62824190344196,1.8199958250615054,1.113866857940998,0.0,0.0,0.19509246585679973,0.5974005627967839,0.0,54.354597615098044 +0.0,0.964,0.9510000000000001,0.0,0.0032954779894959463,0.98,0.917,86.56,2021-08-02,birmingham/anniston/tuscaloosa smm food,0,67.36337254558347,62.27551690355495,0.0,1.5675440161388643,0.9965822948712171,0.0,0.4057022885520768,0.8052992455857609,1.312727796880604,67.36337254558347 +0.0,0.68,0.54,0.0,0.032812858570736625,0.0,0.971,183.2,2021-08-02,boston/manchester smm food,0,190.4454929116633,183.34429136615643,0.0,1.1057364429195309,0.5658826910940664,0.0,4.039551123847629,0.0,1.3900312876456558,190.4454929116633 +0.666,0.91,0.0,0.753,0.0028147202141255213,0.0,0.9430000000000001,84.93,2021-08-02,buffalo smm food,0,70.00921542163032,63.96319330778341,1.28674864064858,1.4797355339070193,0.0,1.5830731598084096,0.3465167833450402,0.0,1.349947996137851,70.00921542163032 +0.0,0.632,0.0,0.0,0.011413680194779337,0.0,0.0,96.89,2021-08-02,charlotte smm food,0,129.53369401652432,127.1008852661048,0.0,1.0276844587134464,0.0,0.0,1.4051242917060869,0.0,0.0,129.53369401652432 +0.0,0.644,0.0,0.888,0.02538769565562089,0.628,0.0,201.97,2021-08-02,chicago smm food,0,183.67844145900486,177.12285569785104,0.0,1.0471974547649676,0.0,1.866891056985216,3.1254483450895103,0.5160489043141406,0.0,183.67844145900486 +0.675,0.797,0.746,0.678,0.00659570538760987,0.0,0.783,132.19,2021-08-02,cleveland/akron/canton smm food,0,137.83124283627427,131.09107465023894,1.3041371357924798,1.295988154421862,0.7817564584373584,1.4253965502657393,0.8119892710246482,0.0,1.1209006160932529,137.83124283627427 +0.955,0.755,0.769,0.0,0.012520047766215927,0.748,0.49900000000000005,99.69,2021-08-02,columbus oh smm food,0,110.66972511749923,103.92073468964487,1.84511254026936,1.2276926682415379,0.8058588693543279,0.0,1.5413278582728542,0.6146569752021931,0.714341516514091,110.66972511749924 +0.0,0.911,0.583,0.704,0.019798543655105277,0.0,0.708,119.19,2021-08-02,dallas/ft. worth smm food,0,112.30042958778822,105.27715718131851,0.0,1.4813616169113129,0.610943720199705,1.4800577749071981,2.437374637754136,0.0,1.0135346566973473,112.30042958778822 +0.0,0.894,0.715,0.537,0.001285839370872113,0.884,0.6960000000000001,86.5,2021-08-02,des moines/ames smm food,0,67.62131770785233,62.408297363785806,0.0,1.4537182058383245,0.7492706002449212,1.128964524325519,0.15829812158841625,0.726412788875319,0.9963561031940026,67.62131770785231 +0.9339999999999999,0.9350000000000002,0.972,0.804,0.0220354360397315,0.7000000000000001,0.87,122.85000000000001,2021-08-02,detroit smm food,0,170.89014676054344,160.32292305294044,1.804539384933594,1.5203876090143553,1.0185888439693196,1.6902932542974254,2.712755739548834,0.5752137468469721,1.245445128992503,170.89014676054344 +0.0,0.0,0.839,0.6890000000000001,0.00886750543136297,0.0,0.855,112.84,2021-08-02,grand rapids smm food,0,114.65894254402197,110.01556630860257,0.0,0.0,0.8792140330146698,1.4485224529986642,1.0916678122927432,0.0,1.223971937113322,114.65894254402197 +0.98,0.0,0.651,0.0,0.007433727665516317,0.759,0.0,53.47,2021-08-02,greensboro smm food,0,87.68371341671568,83.56924325587181,1.8934139156690815,0.0,0.6822030220411801,0.0,0.9151571747666702,0.6236960483669312,0.0,87.68371341671568 +0.0,0.0,0.551,0.595,0.012195615218728166,0.589,0.0,52.47,2021-08-02,harrisburg/lancaster smm food,0,88.83880737116094,85.02510769460987,0.0,0.0,0.5774099310978345,1.2509011023718508,1.5013873618058462,0.48400128127552366,0.0,88.83880737116093 +0.81,0.0,0.644,0.924,0.01583047700276862,0.0,0.941,113.59,2021-08-02,hartford/new haven smm food,0,120.08909381981141,112.61073024106035,1.5649645629509756,0.0,0.6748675056751459,1.9425758295656979,1.9488707766719409,0.0,1.3470849038872934,120.08909381981141 +0.923,0.9910000000000001,0.0,0.0,0.0171972577128635,0.0,0.558,128.28,2021-08-02,houston smm food,0,173.95711325105333,167.64644198801398,1.7832867797577168,1.611448257254787,0.0,0.0,2.1171334881213166,0.0,0.7988027379055365,173.95711325105333 +0.911,0.639,0.0,0.843,0.013170278130838396,0.615,0.0,67.23,2021-08-02,indianapolis smm food,0,95.71943251756792,89.02123497580452,1.7601021195658504,1.0390670397435005,0.0,1.7722850912596138,1.6213769278931724,0.5053663633012684,0.0,95.71943251756792 +0.664,0.0,0.0,0.8210000000000001,0.005499637262125272,0.8240000000000001,0.498,79.68,2021-08-02,jacksonville smm food,0,91.37588018700278,86.29988999004563,1.2828845306166023,0.0,0.0,1.726033285793764,0.6770536567266747,0.677108753431293,0.7129099703888121,91.37588018700278 +0.779,0.0,0.0,0.937,0.003039684527950722,1.0,0.0,56.39,2021-08-02,kansas city smm food,0,85.164623601522,80.49370051161102,1.505070857455321,0.0,0.0,1.9699064418864274,0.3742118665021246,0.821733924067103,0.0,85.164623601522 +0.834,0.0,0.8,0.987,0.0046142531006202496,0.0,0.0,65.5,2021-08-02,knoxville smm food,0,74.49577626798916,69.4030183864474,1.6113338833347082,0.0,0.8383447275467651,2.0750241815815405,0.5680550890787415,0.0,0.0,74.49577626798916 +0.9560000000000002,0.0,0.0,0.0,0.005241653191454222,0.0,0.0,99.9,2021-08-02,las vegas smm food,0,75.5683226136583,73.0759844669223,1.8470445952853494,0.0,0.0,0.0,0.6452935514506464,0.0,0.0,75.5683226136583 +0.603,0.0,0.0,0.833,0.004665505693828089,0.0,0.558,63.31000000000001,2021-08-02,little rock/pine bluff smm food,0,61.99302934537391,57.70357115599228,1.1650291746412818,0.0,0.0,1.751261543320591,0.5743647335142151,0.0,0.7988027379055365,61.993029345373905 +0.0,0.9380000000000001,0.0,0.65,0.035455322528176104,0.0,0.0,126.87,2021-08-02,los angeles smm food,0,161.23323431761347,153.9765761946837,0.0,1.5252658580272354,0.0,1.3665306160364756,4.364861648866049,0.0,0.0,161.23323431761347 +0.993,0.0,0.518,0.0,0.0027718396273681014,0.0,0.503,73.3,2021-08-02,madison wi smm food,0,55.94184962759501,52.419185278171575,1.9185306308769368,0.0,0.5428282110865305,0.0,0.34123780644475693,0.0,0.7200677010152058,55.941849627595005 +0.592,0.0,0.0,0.961,0.009857020747478585,0.0,0.0,156.65,2021-08-02,miami/west palm beach smm food,0,188.49943970226798,184.12181433608328,1.1437765694654043,0.0,0.0,2.0203629569400814,1.2134858397792019,0.0,0.0,188.49943970226798 +0.0,0.617,0.852,0.762,0.00938766698915913,0.788,0.633,58.28,2021-08-02,milwaukee smm food,0,74.36069648017785,68.15317248002567,0.0,1.003293213649045,0.8928371348373048,1.6019943529535299,1.155704269245986,0.6475263321648772,0.9061686973014419,74.36069648017786 +0.0,0.613,0.8130000000000001,0.0,0.004457260682140887,0.8190000000000001,0.859,94.86,2021-08-02,minneapolis/st. paul smm food,0,90.05090530962337,85.75072244988117,0.0,0.9967888816318712,0.8519678293694001,0.0,0.5487279433155423,0.6730000838109574,1.229698121614437,90.05090530962337 +0.597,0.0,0.839,0.0,0.003549945718614768,0.743,0.0,48.12,2021-08-02,mobile/pensacola smm food,0,70.54666356064124,67.46643487620449,1.1534368445453487,0.0,0.8792140330146698,0.0,0.4370295012948773,0.6105483055818575,0.0,70.54666356064124 +0.543,0.0,0.891,0.801,0.01258119454886517,0.0,0.658,61.11,2021-08-02,nashville smm food,0,101.62977935741252,95.47216793873541,1.0491058736819503,0.0,0.9337064403052097,1.6839861899157185,1.5488555643408255,0.0,0.9419573504334104,101.62977935741253 +0.925,0.0,0.0,0.0,0.004841462387249526,0.518,0.0,89.86,2021-08-02,new orleans smm food,0,62.35845292685195,59.54961731628727,1.7871508897896944,0.0,0.0,0.0,0.5960265481082345,0.42565817266675937,0.0,62.35845292685195 +0.0,0.0,0.9450000000000001,0.6990000000000001,0.07339788094377914,0.868,0.0,304.62,2021-08-02,new york smm food,0,302.37079522496435,290.1617655847399,0.0,0.0,0.9902947094146163,1.469546000937687,9.035923883781924,0.7132650460902454,0.0,302.37079522496435 +0.707,0.863,0.971,0.0,0.008059919400047381,0.0,0.493,98.6,2021-08-02,norfolk/portsmouth/newport news smm food,0,107.7947518082798,102.30993924858487,1.365962896304123,1.4033096327052281,1.017540913059886,0.0,0.9922468778632777,0.0,0.7057522397624184,107.7947518082798 +0.0,0.892,0.0,0.0,0.0021134411200886476,0.0,0.735,32.79,2021-08-02,oklahoma city smm food,0,56.37207972859417,53.609244119971564,0.0,1.4504660398297375,0.0,0.0,0.26018316671299485,0.0,1.0521864020798732,56.37207972859417 +0.711,0.631,0.0,0.9380000000000001,0.002923403091251368,0.0,0.0,27.98,2021-08-02,omaha smm food,0,65.60788473898481,60.87622985001895,1.3736911163680785,1.026058375709153,0.0,1.9720087966803295,0.3598966002083064,0.0,0.0,65.60788473898482 +0.844,0.0,0.0,0.0,0.009058774148978628,0.0,0.662,115.14999999999999,2021-08-02,orlando/daytona beach/melborne smm food,0,136.30893480685978,132.61538216686213,1.6306544334945967,0.0,0.0,0.0,1.1152146715685238,0.0,0.9476835349345254,136.30893480685978 +0.0,0.0,0.0,0.0,0.0022713799607848076,0.8260000000000001,0.0,84.3,2021-08-02,paducah ky/cape girardeau mo smm food,0,56.51763717947839,55.55925813283435,0.0,0.0,0.0,0.0,0.27962682536461725,0.6787522212794271,0.0,56.5176371794784 +0.0,0.861,0.834,0.0,0.034235600509898635,0.0,0.0,216.72,2021-08-02,philadelphia smm food,0,206.22648263716727,199.7377476378349,0.0,1.4000574666966412,0.8739743784675026,0.0,4.214703154168224,0.0,0.0,206.22648263716727 +0.0,0.9390000000000001,0.597,0.577,0.01780557244601748,0.798,0.9280000000000002,47.32,2021-08-02,phoenix/prescott smm food,0,124.5247673804901,116.98296111946722,0.0,1.5268919410315287,0.6256147529317734,1.2130587160816098,2.1920223753137518,0.6557436714055482,1.3284748042586703,124.5247673804901 +0.0,0.0,0.0,0.789,0.0035958756135067277,0.0,0.0,125.6,2021-08-02,pittsburgh smm food,0,106.65367415604545,104.55223234884438,0.0,0.0,0.0,1.6587579323888912,0.4426838748121692,0.0,0.0,106.65367415604544 +0.8320000000000001,0.7010000000000001,0.0,0.0,0.01386135662197464,0.0,0.972,68.63,2021-08-02,portland or smm food,0,92.74158103302385,86.8963094792362,1.6074697733027306,1.1398841860096929,0.0,0.0,1.706454760704301,0.0,1.3914628337709345,92.74158103302385 +0.7020000000000001,0.0,0.761,0.0,0.009316629723682907,0.0,0.0,65.11,2021-08-02,providence ri/new bedford ma smm food,0,86.54904335897056,83.24830635780522,1.3563026212241789,0.0,0.7974754220788602,0.0,1.146958957862312,0.0,0.0,86.54904335897056 +0.9969999999999999,0.923,0.0,0.0,0.013291864968319642,0.0,0.0,101.9,2021-08-02,raleigh/durham/fayetteville smm food,0,130.39365157563188,125.33017277610136,1.926258850940892,1.5008746129628339,0.0,0.0,1.6363453356267939,0.0,0.0,130.39365157563188 +0.782,0.0,0.0,0.0,0.05757502226919431,0.0,0.0,335.82,2021-08-02,rem us east north central smm food,0,315.0525307148583,306.4536727021249,1.5108670225032876,0.0,0.0,0.0,7.0879909902301135,0.0,0.0,315.0525307148583 +0.497,0.0,0.0,0.0,0.019002052756305152,0.5730000000000001,0.6980000000000001,147.16,2021-08-02,rem us middle atlantic smm food,0,135.56964695017763,130.80002326169728,0.9602313429464628,0.0,0.0,0.0,2.3393196115988752,0.4708535384904501,0.9992191954445601,135.56964695017763 +0.937,0.9140000000000001,0.557,0.533,0.030732821459856,0.724,0.0,133.24,2021-08-02,rem us mountain smm food,0,183.3367552137906,173.95751153106124,1.8103355499815608,1.4862398659241933,0.5836975165544352,1.12055510514991,3.783480284094701,0.5949353610245826,0.0,183.33675521379064 +0.5630000000000001,0.0,0.966,0.985,0.01433186066630433,0.6940000000000001,0.0,114.72,2021-08-02,rem us new england smm food,0,154.72715960241445,148.221630613054,1.0877469740017276,0.0,1.012301258512719,2.0708194719937363,1.764377941549687,0.5702833433025696,0.0,154.72715960241445 +0.861,0.0,0.639,0.0,0.017663027175032917,0.0,0.0,85.14,2021-08-02,rem us pacific smm food,0,109.62124522222021,105.11364420201244,1.6634993687664075,0.0,0.6696278511279786,0.0,2.174473800313389,0.0,0.0,109.62124522222021 +0.0,0.91,0.0,0.542,0.05109687215810822,0.0,0.709,262.96,2021-08-02,rem us south atlantic smm food,0,293.6048821982106,283.6802303568146,0.0,1.4797355339070193,0.0,1.1394762982950306,6.290473806371299,0.0,1.014966202822626,293.6048821982106 +0.0,0.0,0.8260000000000001,0.0,0.05650256774868025,0.861,0.0,350.68,2021-08-02,rem us south central smm food,0,407.9603956191902,399.4313293612464,0.0,0.0,0.865590931192035,0.0,6.955962418129979,0.7075129086217756,0.0,407.9603956191902 +0.0,0.0,0.621,0.0,0.01626418795676669,0.0,0.811,108.16,2021-08-02,rem us west north central smm food,0,129.76854188978794,125.95452848252805,0.0,0.0,0.6507650947581763,0.0,2.002264404900674,0.0,1.1609839076010575,129.76854188978797 +0.0,0.0,0.0,0.0,0.007485528837659219,0.0,0.618,71.45,2021-08-02,richmond/petersburg smm food,0,87.8743236975796,86.06809383806947,0.0,0.0,0.0,0.0,0.9215343540878618,0.0,0.8846955054222608,87.8743236975796 +0.925,0.0,0.0,0.0,0.0029278979790120863,0.0,0.0,103.79,2021-08-02,sacramento/stockton/modesto smm food,0,73.7346824981353,71.58708164797008,1.7871508897896944,0.0,0.0,0.0,0.36044996037551746,0.0,0.0,73.7346824981353 +0.863,0.9619999999999999,0.0,0.0,0.011717890689496434,0.636,0.0,68.78,2021-08-02,salt lake city smm food,0,88.92166245262956,83.72480907215119,1.667363478798385,1.5642918501302774,0.0,0.0,1.4425752758430384,0.5226227757066775,0.0,88.92166245262956 +0.0,0.0,0.0,0.661,0.005647264301488019,0.0,0.0,108.6,2021-08-02,san diego smm food,0,80.79919731153919,78.71431295071628,0.0,0.0,0.0,1.3896565187694008,0.6952278420535186,0.0,0.0,80.7991973115392 +0.845,0.0,0.0,0.673,0.005946161982194371,0.6880000000000001,0.532,76.28,2021-08-02,san francisco/oakland/san jose smm food,0,93.98234456274986,88.87591304741949,1.6325864885105856,0.0,0.0,1.414884776296228,0.732024772117076,0.5653529397581669,0.7615825386482893,93.98234456274983 +0.0,0.0,0.636,0.75,0.02022772389073651,0.0,0.0,111.08,2021-08-02,seattle/tacoma smm food,0,93.47821715438346,88.74475650580376,0.0,0.0,0.6664840583996783,1.5767660954267027,2.490210494753303,0.0,0.0,93.47821715438344 +0.0,0.0,0.9570000000000001,0.88,0.003934798552324259,0.0,0.941,71.82,2021-08-02,st. louis smm food,0,92.38852879894873,87.70409353036166,0.0,0.0,1.0028698803278178,1.8500722186339977,0.48440826573796003,0.0,1.3470849038872934,92.38852879894873 +0.744,0.0,0.795,0.577,0.009850104204959482,0.0,0.801,107.43,2021-08-02,tampa/ft. myers smm food,0,179.09811914072782,173.25520362076367,1.4374489318957109,0.0,0.8331050729995978,1.2130587160816098,1.212634352639002,0.0,1.1466684463482701,179.09811914072785 +0.985,0.659,0.535,0.96,0.003297354771933695,0.836,0.508,36.98,2021-08-02,tucson/sierra vista smm food,0,70.69594150280949,63.32224664442017,1.9030741907490258,1.0715886998293689,0.5606430365468992,2.0182606021461793,0.4059333369561432,0.686969560520098,0.7272254316415995,70.69594150280949 +0.972,0.718,0.926,0.0,0.026315033750276808,0.0,0.546,176.68,2021-08-02,washington dc/hagerstown smm food,0,181.05848127326007,173.02137618365978,1.8779574755411708,1.167527597082681,0.9703840221353807,0.0,3.239611810438879,0.0,0.7816241844021916,181.0584812732601 +0.809,0.896,0.0,0.0,0.001891502639173287,0.873,0.8280000000000001,82.79,2021-08-02,yakima/pasco/richland/kennewick smm food,0,58.67249974429916,53.51694236690935,1.563032507934987,1.4569703718469114,0.0,0.0,0.23286059016654817,0.717373715710581,1.185320191730796,58.672499744299174 +0.0,0.597,0.733,0.0,0.002899239671807616,0.0,0.0,124.01000000000002,2021-08-09,albany/schenectady/troy smm food,0,84.45269522202784,82.35686844083078,0.0,0.9707715535631763,0.7681333566147235,0.0,0.35692187101915057,0.0,0.0,84.45269522202783 +0.0,0.862,0.766,0.848,0.0017532545698467168,0.0,0.0,79.5,2021-08-09,albuquerque/santa fe smm food,0,74.99516589170658,70.79212936171284,0.0,1.4016835497009348,0.8027150766260276,1.782796865229125,0.21584103843764268,0.0,0.0,74.99516589170656 +0.66,0.0,0.886,0.762,0.008519749630368039,0.628,0.0,151.02,2021-08-09,atlanta smm food,0,170.61805321210508,165.2475308400832,1.2751563105526469,0.0,0.9284667857580423,1.6019943529535299,1.048856018443535,0.5160489043141406,0.0,170.61805321210508 +0.614,0.0,0.883,0.76,0.004813434204497493,0.0,0.0,123.14000000000001,2021-08-09,baltimore smm food,0,109.58233163903573,105.28036119021601,1.1862817798171592,0.0,0.925322993029742,1.5977896433657253,0.5925760326070841,0.0,0.0,109.58233163903573 +0.0,0.869,0.0,0.0,0.0007832348100742487,0.0,0.684,45.64,2021-08-09,baton rouge smm food,0,53.11690866905295,50.62824190344196,0.0,1.4130661307309886,0.0,0.0,0.09642308518934345,0.0,0.9791775496906576,53.11690866905295 +0.735,0.0,0.0,0.617,0.0018113310402130083,0.0,0.926,39.97,2021-08-09,birmingham/anniston/tuscaloosa smm food,0,66.54133272224601,62.27551690355495,1.4200604367518113,0.0,0.0,1.2971529078377007,0.22299076209343174,0.0,1.3256117120081126,66.54133272224601 +0.0,0.655,0.769,0.0,0.01041654655047994,0.0,0.0,163.43,2021-08-09,boston/manchester smm food,0,186.49760298442243,183.34429136615643,0.0,1.0650843678121953,0.8058588693543279,0.0,1.2823683810995004,0.0,0.0,186.49760298442246 +0.705,0.0,0.0,0.9770000000000001,0.0014295435766339033,0.0,0.885,67.03,2021-08-09,buffalo smm food,0,68.8222004202099,63.96319330778341,1.3620987862721454,0.0,0.0,2.0540006336425183,0.17598937164013764,0.0,1.266918320871684,68.8222004202099 +0.9899999999999999,0.0,0.0,0.729,0.005570104944518018,0.59,0.846,126.41000000000001,2021-08-09,charlotte smm food,0,132.92787626130337,127.1008852661048,1.91273446582897,0.0,0.0,1.532616644754755,0.6857288474294567,0.48482301519959076,1.2110880219858133,132.92787626130337 +0.73,0.0,0.6920000000000001,0.623,0.008611005242000501,0.649,0.521,187.67,2021-08-09,chicago smm food,0,182.9074223192822,177.12285569785104,1.4104001616718669,0.0,0.7251681893279519,1.3097670366011143,1.0600903858404698,0.5333053167195498,0.7458355312702232,182.9074223192822 +0.0,0.6970000000000001,0.0,0.891,0.003681078323781367,0.579,0.544,146.45,2021-08-09,cleveland/akron/canton smm food,0,135.8053707366671,131.09107465023894,0.0,1.1333798539925193,0.0,1.8731981213669229,0.45317307688223,0.4757839420348526,0.7787610921516341,135.8053707366671 +0.0,0.847,0.9570000000000001,0.672,0.005923408311770679,0.0,0.6960000000000001,132.39,2021-08-09,columbus oh smm food,0,109.43925899472131,103.92073468964487,0.0,1.3772923046365333,1.0028698803278178,1.4127824215023257,0.7292235954157673,0.0,0.9963561031940026,109.43925899472131 +0.0,0.869,0.735,0.0,0.006781382059594685,0.0,0.0,102.82,2021-08-09,dallas/ft. worth smm food,0,108.29530023084487,105.27715718131851,0.0,1.4130661307309886,0.7702292184335904,0.0,0.834847700361782,0.0,0.0,108.29530023084487 +0.532,0.0,0.0,0.761,0.000770019494107057,0.916,0.0,38.13,2021-08-09,des moines/ames smm food,0,65.88354706860515,62.408297363785806,1.0278532685060728,0.0,0.0,1.5998919981596276,0.09479616370817508,0.7527082744454664,0.0,65.88354706860515 +0.999,0.716,0.0,0.608,0.008614751393647148,0.917,0.8260000000000001,151.52,2021-08-09,detroit smm food,0,167.69209183754475,160.32292305294044,1.9301229609728698,1.1642754310740941,0.0,1.2782317146925803,1.0605515700150119,0.7535300083695334,1.1824570994802386,167.69209183754478 +0.0,0.5060000000000001,0.0,0.0,0.0036223630801956444,0.561,0.543,114.10999999999999,2021-08-09,grand rapids smm food,0,112.52263130083507,110.01556630860257,0.0,0.8227980001724746,0.0,0.0,0.4459447146320352,0.4609927314016448,0.7773295460263554,112.52263130083509 +0.548,0.0,0.0,0.0,0.003907194159154943,0.0,0.846,81.6,2021-08-09,greensboro smm food,0,86.32010734907661,83.56924325587181,1.0587661487618947,0.0,0.0,0.0,0.48100992245708263,0.0,1.2110880219858133,86.32010734907661 +0.0,0.0,0.0,0.0,0.005221962420084632,0.0,0.723,83.32,2021-08-09,harrisburg/lancaster smm food,0,86.70298498771433,85.02510769460987,0.0,0.0,0.0,0.0,0.6428694445279294,0.0,1.0350078485765284,86.70298498771433 +0.714,0.0,0.0,0.0,0.005592426176591998,0.0,0.0,86.31,2021-08-09,hartford/new haven smm food,0,114.6786943096477,112.61073024106035,1.379487281416045,0.0,0.0,0.0,0.6884767871713031,0.0,0.0,114.6786943096477 +0.0,0.0,0.75,0.792,0.006493455957589592,0.0,0.0,135.68,2021-08-09,houston smm food,0,170.89685663487225,167.64644198801398,0.0,0.0,0.7859481820750922,1.6650649967705982,0.7994014680125829,0.0,0.0,170.89685663487225 +0.0,0.0,0.538,0.0,0.006536245114524501,0.5640000000000001,0.595,102.07,2021-08-09,indianapolis smm food,0,91.70491887189299,89.02123497580452,0.0,0.0,0.5637868292751995,0.0,0.8046691890985799,0.46345793317384615,0.8517699445408498,91.704918871893 +0.0,0.769,0.0,0.594,0.002383014538531973,0.7030000000000001,0.637,90.75,2021-08-09,jacksonville smm food,0,90.58209042084957,86.29988999004563,0.0,1.250457830301646,0.0,1.2487987475779485,0.2933700225026133,0.5776789486191735,0.9118948818025568,90.58209042084957 +0.0,0.0,0.0,0.55,0.0016038273514110265,0.0,0.738,38.01,2021-08-09,kansas city smm food,0,82.90392192396682,80.49370051161102,0.0,0.0,0.0,1.1562951366462486,0.19744523525383714,0.0,1.0564810404557095,82.90392192396682 +0.867,0.725,0.0,0.0,0.0023614099185803733,0.0,0.0,74.6,2021-08-09,knoxville smm food,0,72.54773056743034,69.4030183864474,1.6750916988623406,1.1789101781127351,0.0,0.0,0.29071030400787606,0.0,0.0,72.54773056743035 +0.796,0.782,0.911,0.678,0.0019234375935304306,0.8,0.584,63.71000000000001,2021-08-09,las vegas smm food,0,79.99576091775302,73.0759844669223,1.5379157927271316,1.2715969093574606,0.9546650584938787,1.4253965502657393,0.23679206357004098,0.6573871392536824,0.8360229371627836,79.99576091775302 +0.579,0.5690000000000001,0.652,0.0,0.002456615545652917,0.0,0.562,66.16,2021-08-09,little rock/pine bluff smm food,0,61.537683068053155,57.70357115599228,1.1186598542575492,0.9252412294429605,0.6832509529506136,0.0,0.30243095300309947,0.0,0.8045289224066515,61.537683068053155 +0.0,0.0,0.0,0.6970000000000001,0.011666688753352417,0.662,0.9580000000000001,137.13,2021-08-09,los angeles smm food,0,158.79359839952014,153.9765761946837,0.0,0.0,0.0,1.4653412913498824,1.4362718677371016,0.5439878577324222,1.3714211880170322,158.79359839952014 +0.0,0.606,0.0,0.0,0.0009945600183495402,0.922,0.0,80.09,2021-08-09,madison wi smm food,0,54.284669331408246,52.419185278171575,0.0,0.9854063006018172,0.0,0.0,0.12243907464498642,0.757638677989869,0.0,54.284669331408246 +0.557,0.0,0.0,0.993,0.003443588124272229,0.758,0.6910000000000001,138.94,2021-08-09,miami/west palm beach smm food,0,189.32161592451246,184.12181433608328,1.0761546439057945,0.0,0.0,2.0876383103449543,0.42393594716792,0.6228743144428641,0.9891983725676088,189.32161592451243 +0.536,0.0,0.8180000000000001,0.0,0.0030668107678590707,0.0,0.0,61.21,2021-08-09,milwaukee smm food,0,70.42351279742867,68.15317248002567,1.0355814885700283,0.0,0.8572074839165673,0.0,0.37755134491639647,0.0,0.0,70.42351279742867 +0.911,0.0,0.9140000000000001,0.615,0.002242884744615086,0.0,0.846,51.24,2021-08-09,minneapolis/st. paul smm food,0,91.24878845485216,85.75072244988117,1.7601021195658504,0.0,0.9578088512221793,1.2929481982498963,0.2761188139472475,0.0,1.2110880219858133,91.24878845485216 +0.0,0.656,0.0,0.0,0.0017223253435371887,0.644,0.9619999999999999,60.25,2021-08-09,mobile/pensacola smm food,0,70.65152272562963,67.46643487620449,0.0,1.0667104508164886,0.0,0.0,0.2120333789912994,0.5291966470992143,1.377147372518147,70.65152272562963 +0.0,0.779,0.0,0.788,0.00593070540003753,0.0,0.9490000000000002,87.46,2021-08-09,nashville smm food,0,100.48420138064479,95.47216793873541,0.0,1.2667186603445804,0.0,1.656655577594989,0.7301219310802942,0.0,1.3585372728895238,100.48420138064479 +0.0,0.0,0.0,0.0,0.001995160582675483,0.0,0.0,63.73,2021-08-09,new orleans smm food,0,59.795239109848126,59.54961731628727,0.0,0.0,0.0,0.0,0.2456217935608622,0.0,0.0,59.79523910984813 +0.9059999999999999,0.751,0.0,0.0,0.023527117300604562,0.685,0.603,303.01,2021-08-09,new york smm food,0,297.4559006229261,290.1617655847399,1.7504418444859058,1.2211883362243643,0.0,0.0,2.896394805946912,0.5628877379859656,0.8632223135430797,297.45590062292615 +0.535,0.5750000000000001,0.0,0.0,0.0035003648085131004,0.8310000000000001,0.0,93.09,2021-08-09,norfolk/portsmouth/newport news smm food,0,105.39237295624152,102.30993924858487,1.0336494335540396,0.9349977274687211,0.0,0.0,0.4309256557341251,0.6828608908997627,0.0,105.39237295624152 +0.0,0.745,0.9400000000000001,0.682,0.0011992083785052822,0.795,0.0,47.64,2021-08-09,oklahoma city smm food,0,58.040448537558845,53.609244119971564,0.0,1.2114318381986038,0.985055054867449,1.4338059694413483,0.14763308544653128,0.6532784696333469,0.0,58.040448537558845 +0.747,0.0,0.638,0.994,0.0012602254296496134,0.0,0.559,95.11,2021-08-09,omaha smm food,0,66.03317463677752,60.87622985001895,1.4432450969436774,0.0,0.6685799202185452,2.0897406651388564,0.15514482042666403,0.0,0.8002342840308153,66.03317463677752 +0.0,0.0,0.631,0.553,0.004030913535469339,0.0,0.641,95.08,2021-08-09,orlando/daytona beach/melborne smm food,0,135.8530907024999,132.61538216686213,0.0,0.0,0.6612444038525109,1.1626022010279555,0.4962408644536527,0.0,0.9176210663036718,135.8530907024999 +0.985,0.0,0.873,0.0,0.001636235516876569,0.773,0.923,74.76,2021-08-09,paducah ky/cape girardeau mo smm food,0,60.53512836955648,55.55925813283435,1.9030741907490258,0.0,0.9148436839354074,0.0,0.20143496510154157,0.6352003233038707,1.3213170736322764,60.535128369556475 +0.0,0.0,0.9430000000000001,0.0,0.012578947104984814,0.9500000000000001,0.557,182.36,2021-08-09,philadelphia smm food,0,203.8525437893319,199.7377476378349,0.0,0.0,0.9881988475957494,0.0,1.5485788842572203,0.7806472278637479,0.7973711917802577,203.8525437893319 +0.9969999999999999,0.0,0.704,0.782,0.006119561111661798,0.0,0.8180000000000001,100.21,2021-08-09,phoenix/prescott smm food,0,123.21538123808112,116.98296111946722,1.926258850940892,0.0,0.7377433602411533,1.6440414488315753,0.7533717281222753,0.0,1.1710047304780087,123.21538123808112 +0.0,0.0,0.628,0.835,0.00230847822903751,0.0,0.0,124.97,2021-08-09,pittsburgh smm food,0,107.24999316094107,104.55223234884438,0.0,0.0,0.6581006111242106,1.7554662529083955,0.2841939480640901,0.0,0.0,107.24999316094107 +0.0,0.587,0.6890000000000001,0.0,0.004078780754168007,0.0,0.961,78.61,2021-08-09,portland or smm food,0,90.45069416529829,86.8963094792362,0.0,0.954510723520242,0.7220243965996515,0.0,0.5021337395493358,0.0,1.3757158263928684,90.45069416529829 +0.579,0.6950000000000001,0.764,0.887,0.0035286833427285117,0.0,0.0,85.88,2021-08-09,providence ri/new bedford ma smm food,0,88.59691373309609,83.24830635780522,1.1186598542575492,1.1301276879839324,0.8006192148071607,1.8647887021913137,0.4344119160509145,0.0,0.0,88.59691373309609 +0.0,0.0,0.0,0.0,0.0057815635909126495,0.0,0.877,137.56,2021-08-09,raleigh/durham/fayetteville smm food,0,127.29739999226055,125.33017277610136,0.0,0.0,0.0,0.0,0.7117612642897339,0.0,1.2554659518694542,127.29739999226055 +0.546,0.974,0.544,0.0,0.03059297460417364,0.504,0.0,319.24,2021-08-09,rem us east north central smm food,0,313.8428718072196,306.4536727021249,1.054902038729917,1.5838048461817986,0.5700744147318003,0.0,3.7662639077213833,0.4141538977298199,0.0,313.84287180721964 +0.0,0.0,0.0,0.0,0.009269264133469906,0.797,0.973,86.7,2021-08-09,rem us middle atlantic smm food,0,133.9889674167146,130.80002326169728,0.0,0.0,0.0,0.0,1.1411278376396055,0.6549219374814811,1.3928943798962132,133.9889674167146 +0.9420000000000002,0.0,0.624,0.0,0.009845357267417788,0.0,0.0,185.96,2021-08-09,rem us mountain smm food,0,177.64346620653893,173.95751153106124,1.8199958250615054,0.0,0.6539088874864768,0.0,1.2120499629297041,0.0,0.0,177.64346620653893 +0.52,0.0,0.0,0.0,0.006288029208404369,0.0,0.0,129.96,2021-08-09,rem us new england smm food,0,150.00041085205223,148.221630613054,1.0046686083142067,0.0,0.0,0.0,0.7741116306840059,0.0,0.0,150.00041085205223 +0.0,0.872,0.522,0.0,0.00687979637922209,0.0,0.543,81.46,2021-08-09,rem us pacific smm food,0,108.70290143010314,105.11364420201244,0.0,1.417944379743869,0.5470199347242642,0.0,0.8469633675962158,0.0,0.7773295460263554,108.70290143010314 +0.993,0.0,0.557,0.59,0.027342614761010336,0.93,0.0,268.02,2021-08-09,rem us south atlantic smm food,0,291.55317644133913,283.6802303568146,1.9185306308769368,0.0,0.5836975165544352,1.2403893284023393,3.366116059308408,0.7642125493824058,0.0,291.55317644133913 +0.522,0.0,0.862,0.924,0.03172918412835477,0.0,0.606,399.73,2021-08-09,rem us south central smm food,0,408.0594125858167,399.4313293612464,1.0085327183461843,0.0,0.9033164439316393,1.9425758295656979,3.9061412808078466,0.0,0.8675169519189159,408.0594125858167 +0.9910000000000001,0.24950000000000003,0.0,0.589,0.009218551470430136,0.0,0.519,156.91,2021-08-09,rem us west north central smm food,0,131.39104678892298,125.95452848252805,1.9146665208449591,0.4057077095712103,0.0,1.238286973608437,1.1348846633506606,0.0,0.7429724390196656,131.39104678892298 +0.762,0.881,0.746,0.542,0.003287283900537979,0.683,0.0,90.25,2021-08-09,richmond/petersburg smm food,0,91.86006943812879,86.06809383806947,1.4722259221835103,1.4325791267825099,0.7817564584373584,1.1394762982950306,0.4046935242230651,0.5612442701378314,0.0,91.86006943812878 +0.0,0.0,0.713,0.0,0.0015029703728768205,0.525,0.601,94.08,2021-08-09,sacramento/stockton/modesto smm food,0,73.81105477307514,71.58708164797008,0.0,0.0,0.7471747384260543,0.0,0.18502885525124044,0.43141031013522907,0.8603592212925222,73.81105477307513 +0.675,0.737,0.0,0.598,0.0037940225719590884,0.54,0.0,121.84,2021-08-09,salt lake city smm food,0,88.39539137381232,83.72480907215119,1.3041371357924798,1.1984231741642564,0.0,1.2572081667535575,0.46707750595459774,0.44373631899623567,0.0,88.39539137381232 +0.0,0.0,0.0,0.0,0.0019256887440252156,0.911,0.721,90.59,2021-08-09,san diego smm food,0,80.7321265118378,78.71431295071628,0.0,0.0,0.0,0.0,0.2370691999704419,0.7485996048251309,1.032144756325971,80.73212651183782 +0.0,0.0,0.0,0.966,0.002264237314785711,0.0,0.849,50.98,2021-08-09,san francisco/oakland/san jose smm food,0,92.40091794159062,88.87591304741949,0.0,0.0,0.0,2.030874730909593,0.27874750289989825,0.0,1.2153826603616495,92.40091794159063 +0.0,0.0,0.0,0.0,0.005273711699625568,0.0,0.518,94.54,2021-08-09,seattle/tacoma smm food,0,90.13553763411213,88.74475650580376,0.0,0.0,0.0,0.0,0.6492402354139853,0.0,0.7415408928943868,90.13553763411214 +0.842,0.0,0.874,0.0,0.002236503190111482,0.0,0.81,79.6,2021-08-09,st. louis smm food,0,91.68166101867608,87.70409353036166,1.626790323462619,0.0,0.9158916148448408,0.0,0.2753331885311822,0.0,1.1595523614757788,91.68166101867608 +0.0,0.0,0.0,0.596,0.004346843109463625,0.8220000000000001,0.0,128.25,2021-08-09,tampa/ft. myers smm food,0,175.71880693370457,173.25520362076367,0.0,0.0,0.0,1.253003457165753,0.535134570192033,0.6754652855831587,0.0,175.7188069337046 +0.619,0.0,0.0,0.606,0.0013547972256552944,1.0,0.0,79.62,2021-08-09,tucson/sierra vista smm food,0,66.78073706773901,63.32224664442017,1.1959420548971036,0.0,0.0,1.2740270051047757,0.1667874392498756,0.821733924067103,0.0,66.78073706773903 +0.0,0.0,0.0,0.967,0.00909645559123437,0.0,0.546,172.21,2021-08-09,washington dc/hagerstown smm food,0,176.95583104187594,173.02137618365978,0.0,0.0,0.0,2.0329770857034952,1.1198535881104716,0.0,0.7816241844021916,176.95583104187594 +0.0,0.536,0.0,0.0,0.0006841829527655539,0.49900000000000005,0.802,52.34,2021-08-09,yakima/pasco/richland/kennewick smm food,0,56.03089700925976,53.51694236690935,0.0,0.8715804903012774,0.0,0.0,0.0842289314661023,0.41004522810948446,1.1480999924735489,56.03089700925976 +0.517,0.734,0.0,0.0,0.002868799718602333,0.0,0.0,63.50999999999999,2021-08-16,albany/schenectady/troy smm food,0,84.90246025463819,82.35686844083078,0.99887244326624,1.193544925151376,0.0,0.0,0.3531744453897989,0.0,0.0,84.9024602546382 +0.0,0.846,0.0,0.845,0.0017799038920322404,0.723,0.0,90.51,2021-08-16,albuquerque/santa fe smm food,0,74.75752081538391,70.79212936171284,0.0,1.37566622163224,0.0,1.7764898008474184,0.2191218040909075,0.5941136271005154,0.0,74.75752081538391 +0.0,0.536,0.525,0.0,0.008309988613380562,0.516,0.0,172.5,2021-08-16,atlanta smm food,0,168.1163223573312,165.2475308400832,0.0,0.8715804903012774,0.5501637274525646,0.0,1.0230325946755472,0.42401470481862513,0.0,168.1163223573312 +0.882,0.579,0.0,0.791,0.004716081212134095,0.0,0.0,117.75999999999999,2021-08-16,baltimore smm food,0,110.1694894398625,105.28036119021601,1.7040725241021735,0.9415020594858946,0.0,1.6629626419766959,0.5805910240817307,0.0,0.0,110.1694894398625 +0.0,0.0,0.8160000000000001,0.793,0.0007518249594274695,0.9840000000000001,0.0,32.07,2021-08-16,baton rouge smm food,0,54.051663315051385,50.62824190344196,0.0,0.0,0.8551116220977004,1.6671673515645002,0.09255625666519775,0.8085861812820294,0.0,54.051663315051385 +0.0,0.0,0.0,0.625,0.001826633180102095,0.0,0.779,96.67,2021-08-16,birmingham/anniston/tuscaloosa smm food,0,64.92953767126642,62.27551690355495,0.0,0.0,0.0,1.3139717461889189,0.2248745899304054,0.0,1.115174431592138,64.92953767126642 +0.713,0.0,0.9380000000000001,0.0,0.009974333858526538,0.639,0.0,168.36,2021-08-16,boston/manchester smm food,0,187.4578218773317,183.34429136615643,1.3775552264000563,0.0,0.9829591930485821,0.0,1.2279281142477376,0.5250879774788788,0.0,187.4578218773317 +0.0,0.539,0.0,0.955,0.0014222464883670528,0.0,0.936,92.69,2021-08-16,buffalo smm food,0,68.36241908451076,63.96319330778341,0.0,0.8764587393141576,0.0,2.007748828176668,0.1750910359756107,0.0,1.3399271732609,68.36241908451075 +0.579,0.711,0.8300000000000001,0.755,0.005567359578766419,0.0,0.0,124.39,2021-08-16,charlotte smm food,0,132.51814152943064,127.1008852661048,1.1186598542575492,1.1561450160526272,0.8697826548297688,1.587277869396214,0.6853908687896703,0.0,0.0,132.51814152943064 +0.0,0.9840000000000001,0.0,0.807,0.008193300684632478,0.533,0.0,199.61,2021-08-16,chicago smm food,0,181.86617315992248,177.12285569785104,0.0,1.6000656762247332,0.0,1.696600318679132,1.008667285639834,0.4379841815277659,0.0,181.8661731599225 +0.561,0.0,0.633,0.855,0.0035316078615107056,0.853,0.852,111.58,2021-08-16,cleveland/akron/canton smm food,0,136.9911994146357,131.09107465023894,1.08388286396975,0.0,0.6633402656713778,1.797513348786441,0.43477195000247826,0.7009390372292389,1.2196772987374858,136.9911994146357 +0.9450000000000001,0.0,0.0,0.0,0.005814756323098384,0.0,0.0,118.05,2021-08-16,columbus oh smm food,0,106.4623742609468,103.92073468964487,1.8257919901094717,0.0,0.0,0.0,0.7158475811924628,0.0,0.0,106.4623742609468 +0.647,0.52,0.795,0.9969999999999999,0.006745589755158113,0.714,0.0,145.64,2021-08-16,dallas/ft. worth smm food,0,111.71907211647984,105.27715718131851,1.2500395953447916,0.8455631622325824,0.8331050729995978,2.096047729520563,0.8304413532798854,0.5867180217839115,0.0,111.71907211647985 +0.704,0.0,0.652,0.0,0.0007271154321249389,0.0,0.0,43.72,2021-08-16,des moines/ames smm food,0,64.5412293447941,62.408297363785806,1.3601667312561565,0.0,0.6832509529506136,0.0,0.08951429680152104,0.0,0.0,64.5412293447941 +0.0,0.895,0.0,0.781,0.008392364412386229,0.0,0.0,152.79,2021-08-16,detroit smm food,0,164.45338021495704,160.32292305294044,0.0,1.4553442888426178,0.0,1.641939094037673,1.033173779136323,0.0,0.0,164.45338021495706 +0.0,0.8240000000000001,0.0,0.0,0.003598743297534387,0.89,0.0,53.62,2021-08-16,grand rapids smm food,0,112.52983880846628,110.01556630860257,0.0,1.3398923955377846,0.0,0.0,0.4430369119062035,0.7313431924197217,0.0,112.52983880846628 +0.9059999999999999,0.0,0.0,0.987,0.0039179025682319485,0.674,0.0,71.71,2021-08-16,greensboro smm food,0,88.43088616843946,83.56924325587181,1.7504418444859058,0.0,0.0,2.0750241815815405,0.48232822167896805,0.5538486648212274,0.0,88.43088616843946 +0.655,0.593,0.981,0.0,0.005094252255571466,0.0,0.0,77.33,2021-08-16,harrisburg/lancaster smm food,0,88.91003837523112,85.02510769460987,1.2654960354727025,0.9642672215460026,1.0280202221542207,0.0,0.6271472014483213,0.0,0.0,88.91003837523112 +0.91,0.9759999999999999,0.561,0.0,0.005468009956765494,0.0,0.0,135.85,2021-08-16,hartford/new haven smm food,0,117.21700661560996,112.61073024106035,1.7581700645498615,1.5870570121903853,0.587889240192169,0.0,0.6731600576171993,0.0,0.0,117.21700661560996 +0.668,0.562,0.0,0.0,0.006472469106709009,0.0,0.895,160.83,2021-08-16,houston smm food,0,171.928964971549,167.64644198801398,1.2906127506805578,0.9138586484129065,0.0,0.0,0.7968178023170774,0.0,1.2812337821244715,171.928964971549 +0.88,0.729,0.84,0.582,0.006408572016155596,0.0,0.742,77.82,2021-08-16,indianapolis smm food,0,95.86184908812359,89.02123497580452,1.7002084140701956,1.1854145101299087,0.8802619639241033,1.2235704900511213,0.7889515091869256,0.0,1.0622072249568244,95.86184908812359 +0.751,0.677,0.0,0.547,0.002338715553987499,0.0,0.705,87.55,2021-08-16,jacksonville smm food,0,91.29886601992126,86.29988999004563,1.4509733170076329,1.1008581939066506,0.0,1.149988072264542,0.2879164283752937,0.0,1.0092400183215111,91.29886601992126 +0.0,0.0,0.0,0.6930000000000001,0.0015971875694357378,0.0,0.0,89.92,2021-08-16,kansas city smm food,0,82.147260203553,80.49370051161102,0.0,0.0,0.0,1.4569318721742734,0.1966278197676929,0.0,0.0,82.14726020355299 +0.738,0.597,0.0,0.0,0.002361407447504089,0.6880000000000001,0.0,62.96,2021-08-16,knoxville smm food,0,72.6557094813652,69.4030183864474,1.4258566017997778,0.9707715535631763,0.0,0.0,0.2907099997966791,0.5653529397581669,0.0,72.6557094813652 +0.986,0.8310000000000001,0.0,0.768,0.001928965391177889,0.676,0.9510000000000001,63.17999999999999,2021-08-16,las vegas smm food,0,80.1012392527991,73.0759844669223,1.9050062457650148,1.3512749765678387,0.0,1.6146084817169435,0.23747258401756782,0.5554921326693617,1.361400365140081,80.10123925279912 +0.804,0.0,0.0,0.534,0.0024990612229843405,0.0,0.0,66.62,2021-08-16,little rock/pine bluff smm food,0,60.68725723752385,57.70357115599228,1.5533722328550426,0.0,0.0,1.1226574599438124,0.30765638873272344,0.0,0.0,60.68725723752386 +0.0,0.9059999999999999,0.0,0.0,0.011566957350065604,0.0,0.0,151.07,2021-08-16,los angeles smm food,0,156.87380145250825,153.9765761946837,0.0,1.4732312018898455,0.0,0.0,1.4239940559347055,0.0,0.0,156.87380145250825 +0.0,0.613,0.557,0.687,0.0009471660107592721,0.0,0.0,66.0,2021-08-16,madison wi smm food,0,55.56059387576226,52.419185278171575,0.0,0.9967888816318712,0.5836975165544352,1.4443177434108598,0.1166044559935151,0.0,0.0,55.56059387576226 +0.0,0.0,0.0,0.0,0.0033200503720647112,0.0,0.0,127.98999999999998,2021-08-16,miami/west palm beach smm food,0,184.53054170077763,184.12181433608328,0.0,0.0,0.0,0.0,0.408727364694324,0.0,0.0,184.5305417007776 +0.812,0.596,0.0,0.9570000000000001,0.0028846294332780685,0.662,0.0,64.29,2021-08-16,milwaukee smm food,0,73.60221124138171,68.15317248002567,1.5688286729829535,0.9691454705588829,0.0,2.0119535377644726,0.35512322231731663,0.5439878577324222,0.0,73.60221124138172 +0.0,0.0,0.865,0.0,0.0020394299143045485,0.674,0.996,57.95,2021-08-16,minneapolis/st. paul smm food,0,88.88792302929379,85.75072244988117,0.0,0.0,0.9064602366599397,0.0,0.2510717371538187,0.5538486648212274,1.4258199407776242,88.88792302929377 +0.0,0.0,0.663,0.504,0.0017046929787122268,0.517,0.852,94.59,2021-08-16,mobile/pensacola smm food,0,71.0751763027614,67.46643487620449,0.0,0.0,0.6947781929543816,1.059586816126744,0.20986267999562308,0.4248364387426923,1.2196772987374858,71.07517630276142 +0.967,0.0,0.532,0.0,0.005786640417138267,0.789,0.0,74.88,2021-08-16,nashville smm food,0,99.258698715298,95.47216793873541,1.8682972004612264,0.0,0.5574992438185988,0.0,0.7123862661938215,0.6483480660889442,0.0,99.258698715298 +0.0,0.5650000000000001,0.0,0.0,0.0019361376900923941,0.0,0.609,21.25,2021-08-16,new orleans smm food,0,61.57852136102446,59.54961731628727,0.0,0.9187368974257868,0.0,0.0,0.23835555701664993,0.0,0.8718115902947521,61.57852136102446 +0.0,0.0,0.8250000000000001,0.532,0.023189705424934735,0.6,0.0,284.97,2021-08-16,new york smm food,0,295.4926581299868,290.1617655847399,0.0,0.0,0.8645430002826016,1.1184527503560078,2.8548564401680414,0.4930403544402618,0.0,295.4926581299868 +0.0,0.0,0.804,0.0,0.003393993623250998,0.0,0.0,122.93,2021-08-16,norfolk/portsmouth/newport news smm food,0,103.57030612821495,102.30993924858487,0.0,0.0,0.8425364511844989,0.0,0.4178304284455846,0.0,0.0,103.57030612821495 +0.0,0.0,0.0,0.0,0.0011773875393788261,0.937,0.0,43.33,2021-08-16,oklahoma city smm food,0,54.5241555552945,53.609244119971564,0.0,0.0,0.0,0.0,0.14494674847206282,0.7699646868508756,0.0,54.5241555552945 +0.0,0.0,0.0,0.0,0.0012290626866312412,0.0,0.0,87.22,2021-08-16,omaha smm food,0,61.02753826304116,60.87622985001895,0.0,0.0,0.0,0.0,0.15130841302221112,0.0,0.0,61.027538263041166 +0.898,0.5720000000000001,0.0,0.0,0.0038460869137262434,0.0,0.0,120.25999999999999,2021-08-16,orlando/daytona beach/melborne smm food,0,135.75397413344422,132.61538216686213,1.7349854043579953,0.9301194784558408,0.0,0.0,0.47348708376826204,0.0,0.0,135.75397413344425 +0.895,0.9380000000000001,0.747,0.7000000000000001,0.0016117496219777462,0.91,0.0,69.61,2021-08-16,paducah ky/cape girardeau mo smm food,0,62.014364382502244,55.55925813283435,1.7291892393100285,1.5252658580272354,0.7828043893467919,1.4716483557315894,0.19842053635118675,0.7477778709010637,0.0,62.014364382502244 +0.0,0.0,0.0,0.9199999999999999,0.012270555549195074,0.523,0.606,207.39,2021-08-16,philadelphia smm food,0,204.4798110172061,199.7377476378349,0.0,0.0,0.0,1.9341664103900884,1.510613174775067,0.4297668422870949,0.8675169519189159,204.47981101720606 +0.671,0.0,0.599,0.93,0.006114095090921441,0.761,0.88,75.0,2021-08-16,phoenix/prescott smm food,0,123.50006952769053,116.98296111946722,1.2964089157285243,0.0,0.6277106147506404,1.9551899583291115,0.7526988129546717,0.6253395162150653,1.2597605902452904,123.50006952769053 +0.0,0.627,0.714,0.889,0.002279326942114368,0.0,0.677,63.239999999999995,2021-08-16,pittsburgh smm food,0,109.43876436903861,104.55223234884438,0.0,1.0195540436919792,0.7482226693354878,1.8689934117791183,0.28060516857393614,0.0,0.9691567268137065,109.43876436903861 +0.0,0.554,0.71,0.721,0.004110215315577627,0.923,0.0,61.32,2021-08-16,portland or smm food,0,91.32145223781544,86.8963094792362,0.0,0.9008499843785591,0.744030945697754,1.5157978064035367,0.5060036101854507,0.7584604119139361,0.0,91.32145223781544 +0.744,0.9059999999999999,0.941,0.0,0.003386526030720547,0.0,0.0,96.88,2021-08-16,providence ri/new bedford ma smm food,0,87.56200057957612,83.24830635780522,1.4374489318957109,1.4732312018898455,0.9861029857768824,0.0,0.41691110220846966,0.0,0.0,87.56200057957612 +0.781,0.0,0.8250000000000001,0.857,0.005749927636785878,0.0,0.662,74.41,2021-08-16,raleigh/durham/fayetteville smm food,0,131.16091893762112,125.33017277610136,1.5089349674872987,0.0,0.8645430002826016,1.8017180583742456,0.7078666004410692,0.0,0.9476835349345254,131.1609189376211 +0.833,0.0,0.883,0.0,0.030017725342776767,0.49499999999999994,0.898,256.08,2021-08-16,rem us east north central smm food,0,314.37612990694186,306.4536727021249,1.6094018283187193,0.0,0.925322993029742,0.0,3.695445670555036,0.4067582924132159,1.2855284205003077,314.3761299069419 +0.0,0.637,0.0,0.5710000000000001,0.009111366065532433,0.86,0.8280000000000001,102.17,2021-08-16,rem us middle atlantic smm food,0,136.04998328765163,130.80002326169728,0.0,1.0358148737349135,0.0,1.2004445873181964,1.1216891984727324,0.7066911746977086,1.185320191730796,136.04998328765163 +0.0,0.0,0.763,0.72,0.009789428162342352,0.5760000000000001,0.758,170.74,2021-08-16,rem us mountain smm food,0,179.0343735685966,173.95751153106124,0.0,0.0,0.7995712838977272,1.5136954516096346,1.2051645988040454,0.47331874026265136,1.0851119629612842,179.03437356859658 +0.669,0.0,0.9770000000000001,0.875,0.006105200451836941,0.751,0.0,107.06,2021-08-16,rem us new england smm food,0,153.74629034365728,148.221630613054,1.2925448056965465,0.0,1.023828498516487,1.8395604446644864,0.751603804751331,0.6171221769743943,0.0,153.74629034365725 +0.0,0.0,0.712,0.0,0.00673440937051085,0.0,0.0,133.44,2021-08-16,rem us pacific smm food,0,106.68883595924845,105.11364420201244,0.0,0.0,0.7461268075166209,0.0,0.8290649497193867,0.0,0.0,106.68883595924845 +0.0,0.789,0.561,0.5680000000000001,0.027133879240680746,0.0,0.892,251.23000000000002,2021-08-16,rem us south atlantic smm food,0,291.3625946372665,283.6802303568146,0.0,1.2829794903875145,0.587889240192169,1.1941375229364897,3.340418883187145,0.0,1.2769391437486353,291.36259463726657 +0.544,0.655,0.966,0.0,0.031242563724500395,0.0,0.857,385.29,2021-08-16,rem us south central smm food,0,407.63282198016924,399.4313293612464,1.0510379286979392,1.0650843678121953,1.012301258512719,0.0,3.8462340345360992,0.0,1.2268350293638794,407.63282198016924 +0.0,0.0,0.804,0.882,0.008937378819909397,0.0,0.0,139.88,2021-08-16,rem us west north central smm food,0,129.751611702137,125.95452848252805,0.0,0.0,0.8425364511844989,1.8542769282218023,1.100269840202664,0.0,0.0,129.751611702137 +0.0,0.0,0.0,0.0,0.003259139577200595,0.729,0.0,81.2,2021-08-16,richmond/petersburg smm food,0,87.06836657951006,86.06809383806947,0.0,0.0,0.0,0.0,0.40122871079565914,0.5990440306449181,0.0,87.06836657951006 +0.686,0.0,0.49200000000000005,0.891,0.0014696676777964457,0.541,0.614,51.24,2021-08-16,sacramento/stockton/modesto smm food,0,76.80570789253832,71.58708164797008,1.3253897409683573,0.0,0.5155820074412606,1.8731981213669229,0.18092900095024825,0.44455805292030276,0.8789693209211458,76.80570789253832 +0.9339999999999999,0.0,0.839,0.0,0.0039047848597779772,0.0,0.578,123.71999999999998,2021-08-16,salt lake city smm food,0,87.71670946705065,83.72480907215119,1.804539384933594,0.0,0.8792140330146698,0.0,0.48071331654007826,0.0,0.8274336604111112,87.71670946705065 +0.0,0.929,0.965,0.0,0.0019094834257543025,0.9980000000000001,0.0,110.71,2021-08-16,san diego smm food,0,82.29136202846811,78.71431295071628,0.0,1.5106311109885946,1.0112533276032853,0.0,0.23507418294099125,0.8200904562189689,0.0,82.29136202846811 +0.926,0.599,0.0,0.0,0.002201934068435523,0.0,0.0,77.19,2021-08-16,san francisco/oakland/san jose smm food,0,91.91009713778871,88.87591304741949,1.7890829448056833,0.9740237195717633,0.0,0.0,0.2710774259917647,0.0,0.0,91.9100971377887 +0.886,0.8230000000000001,0.0,0.9199999999999999,0.0052315996175924945,0.0,0.504,111.42,2021-08-16,seattle/tacoma smm food,0,95.09454508822989,88.74475650580376,1.711800744166129,1.3382663125334913,0.0,1.9341664103900884,0.6440558681959467,0.0,0.7214992471404845,95.0945450882299 +0.0,0.0,0.787,0.0,0.0021495225404504557,0.0,0.0,79.34,2021-08-16,st. louis smm food,0,88.79344026259072,87.70409353036166,0.0,0.0,0.8247216257241302,0.0,0.264625106504932,0.0,0.0,88.79344026259072 +0.665,0.0,0.75,0.9510000000000001,0.0041267183985407695,0.0,0.9580000000000001,180.02,2021-08-16,tampa/ft. myers smm food,0,179.20476427015353,173.25520362076367,1.284816585632591,0.0,0.7859481820750922,1.999339409001059,0.5080352846641311,0.0,1.3714211880170322,179.20476427015356 +0.0,0.0,0.0,0.0,0.001368258413712751,0.0,0.0,63.50999999999999,2021-08-16,tucson/sierra vista smm food,0,63.49069127416531,63.32224664442017,0.0,0.0,0.0,0.0,0.16844462974513827,0.0,0.0,63.49069127416531 +0.0,0.8270000000000001,0.0,0.736,0.008905299307589636,0.903,0.0,167.27,2021-08-16,washington dc/hagerstown smm food,0,177.75182626039927,173.02137618365978,0.0,1.3447706445506649,0.0,1.5473331283120708,1.0963205704441512,0.742025733432594,0.0,177.75182626039927 +0.873,0.833,0.8160000000000001,0.624,0.0006776506626086221,0.987,0.0,55.57,2021-08-16,yakima/pasco/richland/kennewick smm food,0,59.61961068415802,53.51694236690935,1.6866840289582736,1.3545271425764254,0.8551116220977004,1.3118693913950166,0.08342474916702441,0.8110513830542306,0.0,59.61961068415802 +0.98,0.772,0.0,0.8200000000000001,0.0021816131726134953,0.0,0.0,109.23,2021-08-23,albany/schenectady/troy smm food,0,87.49812511202808,82.35686844083078,1.8934139156690815,1.2553360793145263,0.0,1.7239309309998616,0.2685757452138312,0.0,0.0,87.49812511202808 +0.0,0.0,0.639,0.718,0.0013774767637904637,0.993,0.0,107.05,2021-08-23,albuquerque/santa fe smm food,0,73.95680923107655,70.79212936171284,0.0,0.0,0.6696278511279786,1.50949074202183,0.16957948961527636,0.8159817865986333,0.0,73.95680923107656 +0.0,0.0,0.715,0.0,0.006464351621115847,0.0,0.0,147.27,2021-08-23,atlanta smm food,0,166.79261990886326,165.2475308400832,0.0,0.0,0.7492706002449212,0.0,0.7958184685351706,0.0,0.0,166.7926199088633 +0.0,0.584,0.0,0.0,0.0036341315809985146,0.0,0.58,85.73,2021-08-23,baltimore smm food,0,107.50768393784246,105.28036119021601,0.0,0.9496324745073618,0.0,0.0,0.4473935204574025,0.0,0.8302967526616687,107.50768393784244 +0.0,0.0,0.924,0.658,0.0006068172609258335,0.0,0.767,35.95,2021-08-23,baton rouge smm food,0,54.15257993144206,50.62824190344196,0.0,0.0,0.9682881603165137,1.3833494543876939,0.07470453520709706,0.0,1.0979958780887928,54.152579931442055 +0.98,0.0,0.0,0.0,0.0015018324422480078,0.0,0.0,52.95,2021-08-23,birmingham/anniston/tuscaloosa smm food,0,64.3538195852191,62.27551690355495,1.8934139156690815,0.0,0.0,0.0,0.18488876599505533,0.0,0.0,64.35381958521909 +0.854,0.641,0.0,0.737,0.007749198854859907,0.0,0.0,184.37,2021-08-23,boston/manchester smm food,0,188.54001548799698,183.34429136615643,1.6499749836544852,1.0423192057520871,0.0,1.5494354831059731,0.9539944493280204,0.0,0.0,188.54001548799698 +0.584,0.0,0.9580000000000001,0.9380000000000001,0.001146310048492254,0.609,0.0,74.31,2021-08-23,buffalo smm food,0,68.70899684114926,63.96319330778341,1.1283201293374934,0.0,1.0039178112372513,1.9720087966803295,0.14112083635390388,0.5004359597568657,0.0,68.70899684114926 +0.685,0.84,0.0,0.0,0.004238273901846845,0.9969999999999999,0.0,127.21999999999998,2021-08-23,charlotte smm food,0,131.13129014500237,127.1008852661048,1.3234576859523683,1.3659097236064792,0.0,0.0,0.5217687470438256,0.8192687222949016,0.0,131.13129014500237 +0.0,0.0,0.764,0.0,0.006436652091509596,0.0,0.67,140.75,2021-08-23,chicago smm food,0,179.67501922971815,177.12285569785104,0.0,0.0,0.8006192148071607,0.0,0.7924084131232116,0.0,0.9591359039367553,179.67501922971817 +0.54,0.0,0.529,0.0,0.0029805702055451227,0.0,0.0,116.71000000000001,2021-08-23,cleveland/akron/canton smm food,0,133.05567418410683,131.09107465023894,1.0433097086339838,0.0,0.5543554510902985,0.0,0.36693437414362606,0.0,0.0,133.05567418410683 +0.0,0.996,0.0,0.0,0.004478180813961801,0.0,0.727,86.2,2021-08-23,columbus oh smm food,0,107.1323507903075,103.92073468964487,0.0,1.619578672276254,0.0,0.0,0.5513033953087306,0.0,1.0407340330776433,107.1323507903075 +0.9470000000000001,0.0,0.0,0.532,0.005374589682308189,0.987,0.675,101.66,2021-08-23,dallas/ft. worth smm food,0,110.66427025064512,105.27715718131851,1.8296561001414493,0.0,0.0,1.1184527503560078,0.661659201211756,0.8110513830542306,0.966293634563149,110.6642702506451 +0.731,0.613,0.0,0.903,0.0006432211567427127,0.795,0.855,59.92,2021-08-23,des moines/ames smm food,0,68.67228142230618,62.408297363785806,1.4123322166878558,0.9967888816318712,0.0,1.89842637889375,0.07918617456023329,0.6532784696333469,1.223971937113322,68.67228142230618 +0.686,0.0,0.0,0.0,0.00648294399907717,0.0,0.0,121.15,2021-08-23,detroit smm food,0,162.44642014748962,160.32292305294044,1.3253897409683573,0.0,0.0,0.0,0.7981073535808532,0.0,0.0,162.44642014748965 +0.0,0.761,0.0,0.786,0.0028105218555188904,0.9510000000000001,0.0,92.32,2021-08-23,grand rapids smm food,0,114.03293523318634,110.01556630860257,0.0,1.2374491662672986,0.0,1.6524508680071845,0.3459999285214603,0.781468961787815,0.0,114.03293523318634 +0.884,0.8150000000000001,0.0,0.0,0.002972904926911946,0.0,0.608,60.47,2021-08-23,greensboro smm food,0,87.83880829368533,83.56924325587181,1.707936634134151,1.3252576484991436,0.0,0.0,0.36599071101075686,0.0,0.8703800441694733,87.83880829368533 +0.5760000000000001,0.0,0.543,0.845,0.003802624388503926,0.718,0.0,67.17,2021-08-23,harrisburg/lancaster smm food,0,89.54162909110052,85.02510769460987,1.1128636892095827,0.0,0.5690264838223669,1.7764898008474184,0.46813646513110235,0.5900049574801799,0.0,89.54162909110052 +0.985,0.0,0.0,0.0,0.004487455998794048,0.987,0.0,128.83,2021-08-23,hartford/new haven smm food,0,115.87730106690002,112.61073024106035,1.9030741907490258,0.0,0.0,0.0,0.5524452520363982,0.8110513830542306,0.0,115.8773010669 +0.0,0.68,0.0,0.6900000000000001,0.005086688291065937,0.0,0.54,136.79,2021-08-23,houston smm food,0,171.60205415735112,167.64644198801398,0.0,1.1057364429195309,0.0,1.4506248077925665,0.6262160109745262,0.0,0.7730349076505192,171.60205415735112 +0.0,0.0,0.772,0.0,0.004962428984583472,0.0,0.872,96.09,2021-08-23,indianapolis smm food,0,91.68946445796163,89.02123497580452,0.0,0.0,0.8090026620826283,0.0,0.6109185988314274,0.0,1.2483082212430605,91.68946445796163 +0.0,0.9570000000000001,0.9000000000000001,0.503,0.0018474717664056343,0.0,0.0,96.96,2021-08-23,jacksonville smm food,0,90.0841137079315,86.29988999004563,0.0,1.5561614351088104,0.9431378184901108,1.057484461332842,0.22744000295409517,0.0,0.0,90.0841137079315 +0.0,0.502,0.8130000000000001,0.503,0.0013556769288124225,0.0,0.0,87.15,2021-08-23,kansas city smm food,0,83.38634220890455,80.49370051161102,0.0,0.8162936681553008,0.8519678293694001,1.057484461332842,0.16689573843598182,0.0,0.0,83.38634220890455 +0.0,0.0,0.0,0.589,0.0018326749616166397,0.0,0.0,38.14,2021-08-23,knoxville smm food,0,70.86692374636272,69.4030183864474,0.0,0.0,0.0,1.238286973608437,0.2256183863068932,0.0,0.0,70.86692374636273 +0.0,0.0,0.0,0.0,0.0015001335773027116,0.0,0.0,92.43,2021-08-23,las vegas smm food,0,73.26066408771948,73.0759844669223,0.0,0.0,0.0,0.0,0.18467962079716768,0.0,0.0,73.26066408771948 +0.644,0.513,0.602,0.974,0.0018832331823886558,0.6890000000000001,0.0,75.3,2021-08-23,little rock/pine bluff smm food,0,63.25856036530965,57.70357115599228,1.244243430296825,0.8341805812025285,0.6308544074789407,2.047693569260811,0.23184254739603022,0.5661746736822341,0.0,63.25856036530965 +0.922,0.0,0.737,0.0,0.008632630866100515,0.5760000000000001,0.0,148.17,2021-08-23,los angeles smm food,0,158.06632743007094,153.9765761946837,1.7813547247417278,0.0,0.7723250802524573,0.0,1.0627526901303808,0.47331874026265136,0.0,158.0663274300709 +0.0,0.663,0.0,0.524,0.0007446365985171178,0.0,0.743,48.04,2021-08-23,madison wi smm food,0,55.75422229939834,52.419185278171575,0.0,1.0780930318465427,0.0,1.1016339120047896,0.0916713062933356,0.0,1.0636387710821031,55.75422229939834 +0.863,0.0,0.658,0.615,0.0025708188071973705,0.0,0.0,138.88,2021-08-23,miami/west palm beach smm food,0,188.0881549292191,184.12181433608328,1.667363478798385,0.0,0.6895385384072144,1.2929481982498963,0.31649037768030175,0.0,0.0,188.0881549292191 +0.521,0.0,0.0,0.527,0.0022596238153633577,0.66,0.0,65.18,2021-08-23,milwaukee smm food,0,71.0882380502219,68.15317248002567,1.0066006633301954,0.0,0.0,1.1079409763864965,0.2781795405952346,0.542344389884288,0.0,71.08823805022189 +0.729,0.0,0.782,0.7020000000000001,0.0017795146975175,0.0,0.0,88.66,2021-08-23,minneapolis/st. paul smm food,0,89.6735994838608,85.75072244988117,1.408468106655878,0.0,0.8194819711769629,1.4758530653193938,0.21907389082739145,0.0,0.0,89.6735994838608 +0.0,0.843,0.729,0.706,0.0013808114812358127,0.0,0.0,114.84999999999998,2021-08-23,mobile/pensacola smm food,0,71.25541698892137,67.46643487620449,0.0,1.3707879726193595,0.7639416329769897,1.4842624844950028,0.16999002262553006,0.0,0.0,71.25541698892137 +0.0,0.765,0.541,0.0,0.004502040291022613,0.8220000000000001,0.0,94.54,2021-08-23,nashville smm food,0,98.51275805112721,95.47216793873541,0.0,1.2439534982844722,0.5669306220035,0.0,0.5542407065206644,0.6754652855831587,0.0,98.51275805112721 +0.849,0.0,0.0,0.0,0.001581735929431465,0.65,0.721,43.46,2021-08-23,new orleans smm food,0,62.9509294189847,59.54961731628727,1.640314708574541,0.0,0.0,0.0,0.19472558715330512,0.534127050643617,1.032144756325971,62.9509294189847 +0.771,0.758,0.0,0.0,0.018123139108049958,0.742,0.0,326.4,2021-08-23,new york smm food,0,295.72479511194956,290.1617655847399,1.4896144173274102,1.2325709172544184,0.0,0.0,2.231117620970096,0.6097265716577904,0.0,295.7247951119496 +0.0,0.0,0.0,0.0,0.002618226405707201,0.898,0.0,82.91,2021-08-23,norfolk/portsmouth/newport news smm food,0,103.37018298189048,102.30993924858487,0.0,0.0,0.0,0.0,0.32232666949335614,0.7379170638122585,0.0,103.37018298189048 +0.6,0.836,0.581,0.0,0.0010897359925066757,0.778,0.0,60.84,2021-08-23,oklahoma city smm food,0,57.510195445565074,53.609244119971564,1.1592330095933152,1.3594053915893056,0.6088478583808381,0.0,0.13415607310584676,0.6393089929242062,0.0,57.510195445565074 +0.0,0.5730000000000001,0.659,0.846,0.0009520142624286119,0.0,0.514,61.35,2021-08-23,omaha smm food,0,65.13017006319222,60.87622985001895,0.0,0.9317455614601342,0.6905864693166478,1.7785921556413204,0.11720131836188687,0.0,0.7358147083932719,65.13017006319221 +0.0,0.0,0.0,0.0,0.0032768300123182325,0.0,0.0,99.23,2021-08-23,orlando/daytona beach/melborne smm food,0,133.0187887256166,132.61538216686213,0.0,0.0,0.0,0.0,0.40340655875446324,0.0,0.0,133.0187887256166 +0.66,0.739,0.787,0.52,0.0012876976202377314,0.654,0.726,42.35,2021-08-23,paducah ky/cape girardeau mo smm food,0,61.68927926381391,55.55925813283435,1.2751563105526469,1.201675340172843,0.8247216257241302,1.0932244928291805,0.15852688840850573,0.5374139863398854,1.0393024869523646,61.68927926381391 +0.0,0.0,0.0,0.981,0.009500366600784729,0.0,0.0,184.78,2021-08-23,philadelphia smm food,0,202.96973627206287,199.7377476378349,0.0,0.0,0.0,2.062410052818127,1.1695785814098578,0.0,0.0,202.96973627206287 +0.869,0.924,0.9140000000000001,0.0,0.004653967003119637,0.6990000000000001,0.756,81.89,2021-08-23,phoenix/prescott smm food,0,123.35181157851463,116.98296111946722,1.6789558088943182,1.5025006959671274,0.9578088512221793,0.0,0.572944219330162,0.5743920129229051,1.0822488707107267,123.35181157851464 +0.609,0.87,0.9070000000000001,0.0,0.001978116334006129,0.961,0.0,133.91,2021-08-23,pittsburgh smm food,0,109.12722920003158,104.55223234884438,1.176621504737215,1.4146922137352822,0.950473334856145,0.0,0.24352349683005461,0.7896863010284859,0.0,109.12722920003156 +0.0,0.0,0.0,0.794,0.0030841984961319097,0.0,0.722,53.32,2021-08-23,portland or smm food,0,89.97884741504943,86.8963094792362,0.0,0.0,0.0,1.6692697063584025,0.3796919270035769,0.0,1.0335763024512497,89.97884741504943 +0.747,0.0,0.0,0.0,0.002671940190893972,0.0,0.711,85.31,2021-08-23,providence ri/new bedford ma smm food,0,86.03832005810305,83.24830635780522,1.4432450969436774,0.0,0.0,0.0,0.3289393082809697,0.0,1.0178292950731835,86.03832005810305 +0.0,0.847,0.612,0.0,0.0043625257951004585,0.0,0.681,112.32999999999998,2021-08-23,raleigh/durham/fayetteville smm food,0,128.86074695517934,125.33017277610136,0.0,1.3772923046365333,0.6413337165732753,0.0,0.5370652465533335,0.0,0.9748829113148214,128.86074695517934 +0.657,0.787,0.857,0.512,0.023443671525567894,0.9560000000000002,0.0,240.46999999999997,2021-08-23,rem us east north central smm food,0,314.64894214531694,306.4536727021249,1.2693601455046803,1.2797273243789278,0.8980767893844721,1.0764056544779623,2.886121898037866,0.7855776314081506,0.0,314.64894214531694 +0.782,0.891,0.638,0.0,0.007089354767954274,0.978,0.577,120.30999999999999,2021-08-23,rem us middle atlantic smm food,0,136.9307298993141,130.80002326169728,1.5108670225032876,1.4488399568254442,0.6685799202185452,0.0,0.8727618460460557,0.8036557777376268,0.8260021142858325,136.93072989931406 +0.0,0.6920000000000001,0.0,0.0,0.0076215813557073955,0.681,0.614,145.64,2021-08-23,rem us mountain smm food,0,177.45961470741145,173.95751153106124,0.0,1.1252494389710521,0.0,0.0,0.9382836141682972,0.5596008022896972,0.8789693209211458,177.45961470741145 +0.634,0.0,0.0,0.774,0.004607993864392708,0.0,0.839,140.66,2021-08-23,rem us new england smm food,0,152.8421278248971,148.221630613054,1.2249228801369365,0.0,0.0,1.627222610480357,0.5672845221169242,0.0,1.2010671991088622,152.8421278248971 +0.0,0.0,0.0,0.746,0.005332763009585924,0.0,0.0,119.81,2021-08-23,rem us pacific smm food,0,107.3385108486505,105.11364420201244,0.0,0.0,0.0,1.5683566762510937,0.6565099703869623,0.0,0.0,107.3385108486505 +0.0,0.9350000000000002,0.9980000000000001,0.718,0.021010122241488603,0.0,0.901,286.23,2021-08-23,rem us south atlantic smm food,0,291.632297418794,283.6802303568146,0.0,1.5203876090143553,1.0458350476145895,1.50949074202183,2.5865306044524865,0.0,1.289823058876144,291.632297418794 +0.0,0.636,0.652,0.0,0.024781349134727168,0.74,0.0,400.79,2021-08-23,rem us south central smm food,0,404.8076539708527,399.4313293612464,0.0,1.03418879073062,0.6832509529506136,0.0,3.0508017621154275,0.6080831038096562,0.0,404.80765397085275 +0.0,0.726,0.641,0.0,0.007308135213378597,0.561,0.0,138.43,2021-08-23,rem us west north central smm food,0,129.1674768286764,125.95452848252805,0.0,1.1805362611170285,0.6717237129468455,0.0,0.899695640682829,0.4609927314016448,0.0,129.1674768286764 +0.584,0.616,0.725,0.0,0.0024826001483180264,0.0,0.758,38.57,2021-08-23,richmond/petersburg smm food,0,90.34857285619664,86.06809383806947,1.1283201293374934,1.0016671306447515,0.7597499093392558,0.0,0.3056298858443908,0.0,1.0851119629612842,90.34857285619665 +0.632,0.0,0.556,0.0,0.001257781535204671,0.629,0.654,81.01,2021-08-23,sacramento/stockton/modesto smm food,0,74.99873576344345,71.58708164797008,1.2210587701049587,0.0,0.5826495856450018,0.0,0.15484395555290273,0.5168706382382078,0.9362311659322954,74.99873576344345 +0.0,0.647,0.0,0.5630000000000001,0.002905008399392771,0.864,0.0,103.93,2021-08-23,salt lake city smm food,0,87.02812068734836,83.72480907215119,0.0,1.0520757037778479,0.0,1.1836257489669781,0.3576320520583779,0.709978110393977,0.0,87.02812068734838 +0.769,0.0,0.0,0.0,0.001447227834060831,0.753,0.651,74.67,2021-08-23,san diego smm food,0,81.92893188946164,78.71431295071628,1.4857503072954323,0.0,0.0,0.0,0.17816645907094947,0.6187656448225286,0.9319365275564592,81.92893188946165 +0.0,0.0,0.894,0.8310000000000001,0.0017692572598623367,0.0,0.8280000000000001,69.01,2021-08-23,san francisco/oakland/san jose smm food,0,92.96295141606552,88.87591304741949,0.0,0.0,0.93685023303351,1.7470568337327868,0.21781111014894533,0.0,1.185320191730796,92.96295141606552 +0.527,0.0,0.0,0.0,0.003955131803527707,0.54,0.0,98.06,2021-08-23,seattle/tacoma smm food,0,90.693597285798,88.74475650580376,1.0181929934261287,0.0,0.0,0.0,0.48691146757187814,0.44373631899623567,0.0,90.693597285798 +0.833,0.0,0.973,0.505,0.0019039333884202877,0.0,0.895,72.17,2021-08-23,st. louis smm food,0,92.91044601119694,87.70409353036166,1.6094018283187193,0.0,1.019636774878753,1.0616891709206464,0.2343909245926921,0.0,1.2812337821244715,92.91044601119694 +0.794,0.9580000000000001,0.0,0.8140000000000001,0.003437347421116817,0.0,0.0,131.59,2021-08-23,tampa/ft. myers smm food,0,178.48152728559845,173.25520362076367,1.534051682695154,1.557787518113104,0.0,1.711316802236448,0.42316766179007953,0.0,0.0,178.48152728559845 +0.898,0.0,0.0,0.0,0.0010232566272364138,0.0,0.662,17.87,2021-08-23,tucson/sierra vista smm food,0,66.1308874629876,63.32224664442017,1.7349854043579953,0.0,0.0,0.0,0.12597187927490575,0.0,0.9476835349345254,66.1308874629876 +0.0,0.98,0.9059999999999999,0.637,0.006781374646365833,0.0,0.0,188.59,2021-08-23,washington dc/hagerstown smm food,0,177.73840972325797,173.02137618365978,0.0,1.5935613442075591,0.9494254039467114,1.339200003715746,0.8348467877281913,0.0,0.0,177.738409723258 +0.8290000000000001,0.667,0.0,0.0,0.0005079161392704669,0.762,0.801,87.06,2021-08-23,yakima/pasco/richland/kennewick smm food,0,58.0385719738821,53.51694236690935,1.601673608254764,1.0845973638637163,0.0,0.0,0.06252893836686851,0.6261612501391325,1.1466684463482701,58.0385719738821 +0.508,0.0,0.706,0.834,0.0015181650209475503,0.9899999999999999,0.0,94.79,2021-08-30,albany/schenectady/troy smm food,0,86.83197154385522,82.35686844083078,0.9814839481223403,0.0,0.7398392220600202,1.7533638981144932,0.18689944990114776,0.8135165848264319,0.0,86.83197154385522 +0.631,0.661,0.0,0.933,0.0009613326910958296,0.0,0.0,106.87,2021-08-30,albuquerque/santa fe smm food,0,75.16594246413608,70.79212936171284,1.21912671508897,1.0748408658379558,0.0,1.9614970227108182,0.11834849878550054,0.0,0.0,75.16594246413608 +0.777,0.548,0.659,0.6,0.004516534388966809,0.0,0.0,146.59,2021-08-30,atlanta smm food,0,170.1478554768136,165.2475308400832,1.5012067474233433,0.8910934863527985,0.6905864693166478,1.2614128763413621,0.5560250572962427,0.0,0.0,170.1478554768136 +0.0,0.0,0.9560000000000002,0.624,0.0026464028530362783,0.9980000000000001,0.671,153.51,2021-08-30,baltimore smm food,0,109.70050587497674,105.28036119021601,0.0,0.0,1.0018219494183844,1.3118693913950166,0.3257954376663222,0.8200904562189689,0.960567450062034,109.70050587497674 +0.0,0.8260000000000001,0.751,0.537,0.0005018570602219339,0.612,0.0,64.42,2021-08-30,baton rouge smm food,0,54.452031276339454,50.62824190344196,0.0,1.3431445615463715,0.7869961129845258,1.128964524325519,0.061783012512002224,0.502901161529067,0.0,54.45203127633945 +0.0,0.0,0.845,0.0,0.0012117639171046282,0.995,0.9500000000000001,73.84,2021-08-30,birmingham/anniston/tuscaloosa smm food,0,65.48779137802592,62.27551690355495,0.0,0.0,0.8855016184712706,0.0,0.14917878253812,0.8176252544467675,1.3599688190148023,65.48779137802592 +0.8130000000000001,0.0,0.729,0.721,0.005284796947835894,0.917,0.0,164.51,2021-08-30,boston/manchester smm food,0,188.59892646874886,183.34429136615643,1.5707607279989422,0.0,0.7639416329769897,1.5157978064035367,0.6506049268434023,0.7535300083695334,0.0,188.59892646874883 +0.0,0.586,0.9630000000000002,0.733,0.0008414237144114651,0.562,0.524,45.93,2021-08-30,buffalo smm food,0,68.7817927634405,63.96319330778341,0.0,0.9528846405159487,1.0091574657844187,1.5410260639303641,0.10358665045459269,0.4618144653257119,0.7501301696460594,68.7817927634405 +0.0,0.0,0.759,0.996,0.0030042196411217883,0.843,0.0,123.92999999999999,2021-08-30,charlotte smm food,0,131.05277772648384,127.1008852661048,0.0,0.0,0.7953795602599933,2.093945374726661,0.3698458274038208,0.6927216979885678,0.0,131.05277772648384 +0.513,0.0,0.0,0.542,0.004401955523827178,0.0,0.0,204.42,2021-08-30,chicago smm food,0,179.79539561186544,177.12285569785104,0.9911442232022846,0.0,0.0,1.1394762982950306,0.5419193925171075,0.0,0.0,179.79539561186547 +0.0,0.0,0.0,0.0,0.002146478174468485,0.683,0.0,148.26,2021-08-30,cleveland/akron/canton smm food,0,131.9165692386871,131.09107465023894,0.0,0.0,0.0,0.0,0.2642503183103173,0.5612442701378314,0.0,131.9165692386871 +0.0,0.8170000000000001,0.622,0.0,0.0030475524348391922,0.5660000000000001,0.675,110.47,2021-08-30,columbus oh smm food,0,107.70763304035849,103.92073468964487,0.0,1.3285098145077305,0.6518130256676098,0.0,0.37518047495314183,0.46510140102198033,0.966293634563149,107.70763304035849 +0.0,0.0,0.773,0.75,0.0037056951857232447,0.516,0.0,122.08000000000001,2021-08-30,dallas/ft. worth smm food,0,108.54419220338194,105.27715718131851,0.0,0.0,0.8100505929920617,1.5767660954267027,0.4562036288260219,0.42401470481862513,0.0,108.54419220338193 +0.964,0.993,0.0,0.0,0.00048288042989843915,0.0,0.0,45.22,2021-08-30,des moines/ames smm food,0,65.94494564508763,62.408297363785806,1.8625010354132598,1.6147004232633737,0.0,0.0,0.059446822625197335,0.0,0.0,65.94494564508764 +0.7010000000000001,0.0,0.905,0.0,0.004371090545501035,0.0,0.0,109.75,2021-08-30,detroit smm food,0,163.16379073474778,160.32292305294044,1.3543705662081902,0.0,0.948377473037278,0.0,0.5381196425618843,0.0,0.0,163.16379073474778 +0.8130000000000001,0.0,0.0,0.593,0.0018585743121499485,0.0,0.0,123.59999999999998,2021-08-30,grand rapids smm food,0,113.06183025324745,110.01556630860257,1.5707607279989422,0.0,0.0,1.2466963927840462,0.2288068238618905,0.0,0.0,113.06183025324745 +0.0,0.0,0.0,0.0,0.0021897615466602073,0.9580000000000001,0.0,76.27,2021-08-30,greensboro smm food,0,84.62604323676379,83.56924325587181,0.0,0.0,0.0,0.0,0.2695788816356997,0.7872210992562847,0.0,84.62604323676379 +0.857,0.5740000000000001,0.0,0.529,0.002715050587745809,0.0,0.619,93.69,2021-08-30,harrisburg/lancaster smm food,0,89.94676980212115,85.02510769460987,1.655771148702452,0.9333716444644277,0.0,1.112145685974301,0.33424657682256714,0.0,0.8861270515475396,89.94676980212115 +0.9280000000000002,0.0,0.0,0.0,0.0029380343339293303,0.8190000000000001,0.0,128.36,2021-08-30,hartford/new haven smm food,0,115.4383752144143,112.61073024106035,1.7929470548376611,0.0,0.0,0.0,0.3616978347053142,0.6730000838109574,0.0,115.43837521441428 +0.0,0.9440000000000001,0.536,0.0,0.003539932917511728,0.581,0.0,161.89,2021-08-30,houston smm food,0,170.6563795589312,167.64644198801398,0.0,1.5350223560529959,0.5616909674563326,0.0,0.43579683752492704,0.4774274098829868,0.0,170.6563795589312 +0.0,0.897,0.0,0.0,0.0034529399124692815,0.0,0.0,121.16000000000001,2021-08-30,indianapolis smm food,0,90.9049186650984,89.02123497580452,0.0,1.4585964548512047,0.0,0.0,0.4250872344426922,0.0,0.0,90.90491866509842 +0.0,0.0,0.0,0.561,0.0012929881945619194,0.0,0.0,110.1,2021-08-30,jacksonville smm food,0,87.63848923400593,86.29988999004563,0.0,0.0,0.0,1.1794210393791738,0.15917820458112755,0.0,0.0,87.63848923400593 +0.0,0.0,0.715,0.0,0.0009307642419237755,0.526,0.604,80.0,2021-08-30,kansas city smm food,0,82.65444226975751,80.49370051161102,0.0,0.0,0.7492706002449212,0.0,0.11458525417390869,0.4322320440592962,0.8646538596683584,82.65444226975751 +0.764,0.0,0.9400000000000001,0.0,0.001397575262746925,0.0,0.0,70.23,2021-08-30,knoxville smm food,0,72.03621726491582,69.4030183864474,1.4760900322154882,0.0,0.985055054867449,0.0,0.17205379138548635,0.0,0.0,72.03621726491582 +0.0,0.0,0.0,0.9430000000000001,0.0009909201229831093,0.5640000000000001,0.754,88.18,2021-08-30,las vegas smm food,0,76.72333972075808,73.0759844669223,0.0,0.0,0.0,1.982520570649841,0.12199097155191221,0.46345793317384615,1.0793857784601693,76.72333972075808 +0.0,0.0,0.0,0.6,0.0014162454796111954,0.888,0.985,93.75,2021-08-30,little rock/pine bluff smm food,0,61.27910894938867,57.70357115599228,0.0,0.0,0.0,1.2614128763413621,0.17435225908387222,0.7296997245715875,1.410072933399558,61.27910894938866 +0.595,0.0,0.0,0.0,0.005907666320303029,0.804,0.0,135.35,2021-08-30,los angeles smm food,0,156.51410862213277,153.9765761946837,1.1495727345133708,0.0,0.0,0.0,0.7272856179857405,0.6606740749499509,0.0,156.51410862213277 +0.0,0.0,0.611,0.85,0.0005049211948141772,0.537,0.684,62.7,2021-08-30,madison wi smm food,0,56.329081539963234,52.419185278171575,0.0,0.0,0.6402857856638419,1.7870015748169297,0.062160234396192345,0.44127111722403434,0.9791775496906576,56.329081539963234 +0.769,0.792,0.843,0.644,0.001898782429906149,0.8,0.796,124.80000000000001,2021-08-30,miami/west palm beach smm food,0,191.16339927803284,184.12181433608328,1.4857503072954323,1.287857739400395,0.8834057566524036,1.353916487273062,0.2337567963526966,0.6573871392536824,1.1395107157218765,191.1633992780328 +0.0,0.736,0.727,0.621,0.0016412913389537707,0.0,0.749,38.64,2021-08-30,milwaukee smm food,0,72.69166309840129,68.15317248002567,0.0,1.1967970911599628,0.7618457711581228,1.3055623270133099,0.20205738121045527,0.0,1.0722280478337756,72.6916630984013 +0.948,0.6950000000000001,0.0,0.658,0.0012883895215972704,0.0,0.835,67.55,2021-08-30,minneapolis/st. paul smm food,0,91.44974082956162,85.75072244988117,1.831588155157438,1.1301276879839324,0.0,1.3833494543876939,0.15861206754364546,0.0,1.1953410146077472,91.44974082956162 +0.625,0.8190000000000001,0.0,0.684,0.0011715286175093026,0.795,0.0,77.03,2021-08-30,mobile/pensacola smm food,0,72.24124585410048,67.46643487620449,1.2075343849930367,1.3317619805163174,0.0,1.438010679029153,0.14422546372414766,0.6532784696333469,0.0,72.24124585410048 +0.0,0.0,0.736,0.5690000000000001,0.0033561120238162472,0.615,0.0,93.98,2021-08-30,nashville smm food,0,98.35821819990677,95.47216793873541,0.0,0.0,0.7712771493430238,1.196239877730392,0.4131668707966858,0.5053663633012684,0.0,98.35821819990679 +0.0,0.641,0.8300000000000001,0.0,0.0013516725496940914,0.0,0.9560000000000002,74.77,2021-08-30,new orleans smm food,0,62.99668003682696,59.54961731628727,0.0,1.0423192057520871,0.8697826548297688,0.0,0.16640276419136077,0.0,1.368558095766475,62.99668003682696 +0.0,0.0,0.0,0.9899999999999999,0.012779712168760143,0.5730000000000001,0.5700000000000001,280.99,2021-08-30,new york smm food,0,295.10322648776526,290.1617655847399,0.0,0.0,0.0,2.081331245963247,1.5732948271627933,0.4708535384904501,0.8159812914088814,295.10322648776526 +0.0,0.726,0.8,0.0,0.0018069943013344699,0.746,0.0,78.23,2021-08-30,norfolk/portsmouth/newport news smm food,0,105.16429061604553,102.30993924858487,0.0,1.1805362611170285,0.8383447275467651,0.0,0.2224568714428239,0.6130135073540588,0.0,105.16429061604555 +0.715,0.0,0.0,0.796,0.000848476166126193,0.629,0.0,61.88999999999999,2021-08-30,oklahoma city smm food,0,57.28546337979863,53.609244119971564,1.381419336432034,0.0,0.0,1.6734744159462072,0.10445486921062382,0.5168706382382078,0.0,57.285463379798635 +0.0,0.534,0.0,0.0,0.0006622496796681727,0.849,0.0,82.41,2021-08-30,omaha smm food,0,62.52373902872679,60.87622985001895,0.0,0.8683283242926905,0.0,0.0,0.08152875288217364,0.6976521015329704,0.0,62.52373902872679 +0.0,0.554,0.577,0.0,0.002346907171869182,0.509,0.653,144.47,2021-08-30,orlando/daytona beach/melborne smm food,0,135.76287536163406,132.61538216686213,0.0,0.9008499843785591,0.6046561347431043,0.0,0.28892488849310843,0.41826256735015543,0.9347996198070166,135.7628753616341 +0.0,0.58,0.685,0.0,0.0009935851787554759,0.0,0.0,66.97,2021-08-30,paducah ky/cape girardeau mo smm food,0,57.342538011614245,55.55925813283435,0.0,0.9431281424901881,0.7178326729619177,0.0,0.12231906332779854,0.0,0.0,57.34253801161425 +0.0,0.893,0.0,0.0,0.006846083485478561,0.0,0.856,198.02,2021-08-30,philadelphia smm food,0,203.25805625814405,199.7377476378349,0.0,1.452092122834031,0.0,0.0,0.8428130142365338,0.0,1.2254034832386007,203.25805625814405 +0.546,0.6890000000000001,0.597,0.0,0.00298347248464076,0.0,0.0,80.66,2021-08-30,phoenix/prescott smm food,0,120.1511407712815,116.98296111946722,1.054902038729917,1.1203711899581719,0.6256147529317734,0.0,0.36729167019441744,0.0,0.0,120.1511407712815 +0.579,0.0,0.0,0.542,0.001528805475426744,0.0,0.5680000000000001,98.89,2021-08-30,pittsburgh smm food,0,107.81169608387042,104.55223234884438,1.1186598542575492,0.0,0.0,1.1394762982950306,0.18820938331511766,0.0,0.813118199158324,107.8116960838704 +0.0,0.635,0.863,0.0,0.0019299723547636465,0.0,0.978,76.92,2021-08-30,portland or smm food,0,90.47088522240652,86.8963094792362,0.0,1.0325627077263266,0.9043643748410728,0.0,0.2375965500803158,0.0,1.400052110522607,90.47088522240652 +0.0,0.0,0.0,0.0,0.0018374256057727585,0.0,0.0,75.8,2021-08-30,providence ri/new bedford ma smm food,0,83.47450959013821,83.24830635780522,0.0,0.0,0.0,0.0,0.2262032323329863,0.0,0.0,83.47450959013821 +0.527,0.671,0.0,0.0,0.0030690915712692645,0.0,0.0,100.2,2021-08-30,raleigh/durham/fayetteville smm food,0,127.81729959725955,125.33017277610136,1.0181929934261287,1.0911016958808901,0.0,0.0,0.37783213185116055,0.0,0.0,127.81729959725955 +0.0,0.846,0.733,0.0,0.0164911983217551,0.0,0.794,281.4,2021-08-30,rem us east north central smm food,0,311.764331278772,306.4536727021249,0.0,1.37566622163224,0.7681333566147235,0.0,2.030211374928815,0.0,1.136647623471319,311.764331278772 +0.562,0.0,0.0,0.0,0.005293160305519321,0.804,0.674,167.3,2021-08-30,rem us middle atlantic smm food,0,134.16300887371025,130.80002326169728,1.0858149189857387,0.0,0.0,0.0,0.6516345296394036,0.6606740749499509,0.9648620884378702,134.16300887371023 +0.0,0.0,0.5730000000000001,0.525,0.004997865454035138,0.842,0.588,144.77,2021-08-30,rem us mountain smm food,0,177.81064243419468,173.95751153106124,0.0,0.0,0.6004644111053705,1.1037362667986919,0.6152811395009665,0.6918999640645007,0.8417491216638986,177.81064243419468 +0.0,0.812,0.0,0.0,0.003295515055640207,0.0,0.544,172.93,2021-08-30,rem us new england smm food,0,150.72647795641194,148.221630613054,0.0,1.3203793994862634,0.0,0.0,0.4057068517200307,0.0,0.7787610921516341,150.72647795641194 +0.965,0.0,0.753,0.537,0.003798684257368981,0.0,0.642,97.24,2021-08-30,rem us pacific smm food,0,110.28283780437715,105.11364420201244,1.8644330904292485,0.0,0.7890919748033927,1.128964524325519,0.46765140037760144,0.0,0.9190526124289505,110.28283780437715 +0.0,0.833,0.0,0.5630000000000001,0.015737996972837405,0.623,0.975,251.31000000000003,2021-08-30,rem us south atlantic smm food,0,290.0635666278255,283.6802303568146,0.0,1.3545271425764254,0.0,1.1836257489669781,1.9374856726269285,0.5119402346938051,1.3957574721467707,290.06356662782554 +0.892,0.0,0.0,0.919,0.01950899776259598,0.0,0.5740000000000001,423.28,2021-08-30,rem us south central smm food,0,406.31022296198,399.4313293612464,1.723393074262062,0.0,0.0,1.9320640555961863,2.401728994965351,0.0,0.8217074759099964,406.31022296198 +0.771,0.0,0.681,0.9689999999999999,0.005348387624930081,0.0,0.0,124.99,2021-08-30,rem us west north central smm food,0,130.85339914225608,125.95452848252805,1.4896144173274102,0.0,0.7136409493241839,2.0371817952912994,0.658433497785135,0.0,0.0,130.85339914225608 +0.0,0.878,0.6950000000000001,0.903,0.0016887421812985725,0.0,0.792,94.51,2021-08-30,richmond/petersburg smm food,0,91.46421660472932,86.06809383806947,0.0,1.4277008777696296,0.7283119820562522,1.89842637889375,0.20789899671945594,0.0,1.1337845312207615,91.46421660472932 +0.87,0.9490000000000002,0.675,0.742,0.0009984470213443783,0.0,0.0,103.91,2021-08-30,sacramento/stockton/modesto smm food,0,77.20134050275567,71.58708164797008,1.680887863910307,1.5431527710744632,0.7073533638675831,1.5599472570754844,0.12291759885775344,0.0,0.0,77.20134050275567 +0.0,0.0,0.0,0.0,0.0019140425614984067,0.0,0.615,74.57,2021-08-30,salt lake city smm food,0,84.84084539179693,83.72480907215119,0.0,0.0,0.0,0.0,0.23563545259932253,0.0,0.8804008670464245,84.84084539179693 +0.0,0.9350000000000002,0.605,0.582,0.0010176621105292855,0.797,0.8300000000000001,112.68000000000002,2021-08-30,san diego smm food,0,84.06065761657689,78.71431295071628,0.0,1.5203876090143553,0.6339982002072411,1.2235704900511213,0.12528314512506183,0.6549219374814811,1.1881832839813535,84.06065761657689 +0.742,0.0,0.0,0.909,0.0011747854960517034,0.539,0.0,104.52,2021-08-30,san francisco/oakland/san jose smm food,0,92.80807937609427,88.87591304741949,1.4335848218637333,0.0,0.0,1.9110405076571637,0.14462641408169816,0.4429145850721685,0.0,92.80807937609426 +0.873,0.786,0.0,0.0,0.0023373156892725747,0.732,0.0,84.86,2021-08-30,seattle/tacoma smm food,0,92.59879510128602,88.74475650580376,1.6866840289582736,1.2781012413746342,0.0,0.0,0.2877440927322342,0.6015092324171194,0.0,92.59879510128603 +0.0,0.0,0.995,0.0,0.0014114120543995596,0.0,0.885,67.11,2021-08-30,st. louis smm food,0,90.18746032810232,87.70409353036166,0.0,0.0,1.042691254886289,0.0,0.17375722198268198,0.0,1.266918320871684,90.18746032810232 +0.0,0.0,0.637,0.0,0.0025034276147782876,0.0,0.0,131.58,2021-08-30,tampa/ft. myers smm food,0,174.23092953999046,173.25520362076367,0.0,0.0,0.6675319893091117,0.0,0.3081939299176944,0.0,0.0,174.23092953999048 +0.756,0.9390000000000001,0.0,0.0,0.0006883825469103263,0.0,0.0,54.38,2021-08-30,tucson/sierra vista smm food,0,66.39451811593455,63.32224664442017,1.4606335920875773,1.5268919410315287,0.0,0.0,0.08474593839528063,0.0,0.0,66.39451811593456 +0.0,0.748,0.792,0.0,0.0045343644398944975,0.0,0.509,132.52,2021-08-30,washington dc/hagerstown smm food,0,176.3545246220971,173.02137618365978,0.0,1.216310087211484,0.8299612802712975,0.0,0.5582200931876733,0.0,0.7286569777668782,176.3545246220971 +0.848,0.88,0.0,0.0,0.0003407626551110198,0.8150000000000001,0.0,83.46,2021-08-30,yakima/pasco/richland/kennewick smm food,0,57.29794208852272,53.51694236690935,1.6383826535585522,1.4309530437782165,0.0,0.0,0.04195087616190338,0.669713148114689,0.0,57.29794208852271 +0.6910000000000001,0.0,0.7030000000000001,0.685,0.002092483922123473,0.0,0.0,107.11,2021-09-06,albany/schenectady/troy smm food,0,86.12633007158571,82.35686844083078,1.3350500160483014,0.0,0.7366954293317198,1.4401130338230552,0.25760315155185254,0.0,0.0,86.12633007158571 +0.0,0.635,0.577,0.0,0.0013477237697921518,0.735,0.885,112.17,2021-09-06,albuquerque/santa fe smm food,0,74.46615759394196,70.79212936171284,0.0,1.0325627077263266,0.6046561347431043,0.0,0.16591663469867057,0.6039744341893207,1.266918320871684,74.46615759394194 +0.0,0.737,0.0,0.9070000000000001,0.006264861632703096,0.748,0.0,164.75,2021-09-06,atlanta smm food,0,169.73870628612622,165.2475308400832,0.0,1.1984231741642564,0.0,1.9068357980693593,0.7712594986072119,0.6146569752021931,0.0,169.73870628612622 +0.0,0.551,0.555,0.0,0.003377274321112999,0.5750000000000001,0.8989999999999999,78.68,2021-09-06,baltimore smm food,0,108.9331636887686,105.28036119021601,0.0,0.8959717353656788,0.5816016547355684,0.0,0.415772135487173,0.47249700633858427,1.2869599666255864,108.9331636887686 +0.764,0.556,0.0,0.0,0.0005708075017762631,0.931,0.846,27.54,2021-09-06,baton rouge smm food,0,55.05482780887675,50.62824190344196,1.4760900322154882,0.9041021503871459,0.0,0.0,0.07027141753987079,0.7650342833064729,1.2110880219858133,55.05482780887675 +0.528,0.0,0.0,0.0,0.0014602504060778655,0.0,0.725,80.34,2021-09-06,birmingham/anniston/tuscaloosa smm food,0,64.51328254490292,62.27551690355495,1.0201250484421174,0.0,0.0,0.0,0.1797696520787575,0.0,1.0378709408270859,64.5132825449029 +0.669,0.975,0.0,0.541,0.007104836060873955,0.833,0.0,151.91,2021-09-06,boston/manchester smm food,0,188.9188131324829,183.34429136615643,1.2925448056965465,1.585430929186092,0.0,1.1373739435011283,0.8746677291948065,0.6845043587478967,0.0,188.9188131324829 +0.537,0.6920000000000001,0.812,0.837,0.001175148744265461,0.0,0.0,56.95,2021-09-06,buffalo smm food,0,68.88121828442429,63.96319330778341,1.0375135435860172,1.1252494389710521,0.8509198984599666,1.7596709624962001,0.14467113312764648,0.0,0.0,68.88121828442429 +0.931,0.682,0.6970000000000001,0.618,0.004011359908833515,0.0,0.0,116.44,2021-09-06,charlotte smm food,0,132.53211384267763,127.1008852661048,1.7987432198856277,1.1089886089281178,0.7304078438751191,1.299255262631603,0.4938336412523653,0.0,0.0,132.53211384267763 +0.625,0.524,0.0,0.0,0.006203534461485114,0.531,0.0,195.84,2021-09-06,chicago smm food,0,180.38250787589533,177.12285569785104,1.2075343849930367,0.8520674942497561,0.0,0.0,0.7637095851218647,0.43634071367963173,0.0,180.38250787589533 +0.0,0.0,0.0,0.74,0.0028389355261712384,0.905,0.0,130.26,2021-09-06,cleveland/akron/canton smm food,0,133.73998429997667,131.09107465023894,0.0,0.0,0.0,1.55574254748768,0.3494979009693314,0.7436692012807282,0.0,133.73998429997667 +0.0,0.681,0.0,0.9689999999999999,0.0040601327769902934,0.561,0.776,76.4,2021-09-06,columbus oh smm food,0,109.13698954522967,103.92073468964487,0.0,1.1073625259238244,0.0,2.0371817952912994,0.49983800975172227,0.4609927314016448,1.1108797932163017,109.13698954522967 +0.0,0.0,0.863,0.521,0.0051406355929615516,0.0,0.799,128.85,2021-09-06,dallas/ft. worth smm food,0,109.05351115560063,105.27715718131851,0.0,0.0,0.9043643748410728,1.0953268476230829,0.6328573977202493,0.0,1.1438053540977127,109.05351115560063 +0.989,0.994,0.667,0.591,0.0006264722016893046,0.0,0.504,53.33,2021-09-06,des moines/ames smm food,0,68.67551135886275,62.408297363785806,1.9108024108129813,1.6163265062676673,0.6989699165921154,1.2424916831962416,0.07712423106745854,0.0,0.7214992471404845,68.67551135886275 +0.878,0.0,0.744,0.9280000000000002,0.005834108557017056,0.9420000000000002,0.917,196.07,2021-09-06,detroit smm food,0,167.55494436687144,160.32292305294044,1.696344304038218,0.0,0.7796605966184915,1.950985248741307,0.7182300111812006,0.7740733564712111,1.312727796880604,167.55494436687147 +0.518,0.591,0.0,0.0,0.0024972585728351136,0.679,0.7000000000000001,123.78999999999999,2021-09-06,grand rapids smm food,0,113.84485995122347,110.01556630860257,1.0008044982822288,0.9610150555374157,0.0,0.0,0.30743446666456486,0.5579573344415629,1.0020822876951174,113.84485995122347 +0.0,0.0,0.9700000000000001,0.0,0.0028092690198428683,0.903,0.8230000000000001,131.37,2021-09-06,greensboro smm food,0,86.85177012600388,83.56924325587181,0.0,0.0,1.0164929821504527,0.0,0.3458456934446181,0.742025733432594,1.1781624611044024,86.85177012600388 +0.842,0.0,0.0,0.0,0.0034609931500790567,0.0,0.741,90.24,2021-09-06,harrisburg/lancaster smm food,0,88.13875235563752,85.02510769460987,1.626790323462619,0.0,0.0,0.0,0.42607865873347894,0.0,1.0607756788315457,88.13875235563752 +0.0,0.723,0.687,0.653,0.0039017182541094503,0.873,0.0,101.03,2021-09-06,hartford/new haven smm food,0,117.07686397451874,112.61073024106035,0.0,1.1756580121041482,0.7199285347807846,1.3728376804181825,0.48033579044469127,0.717373715710581,0.0,117.07686397451874 +0.0,0.0,0.863,0.0,0.0049060439659336244,0.759,0.507,150.75,2021-09-06,houston smm food,0,170.50427340447823,167.64644198801398,0.0,0.0,0.9043643748410728,0.0,0.6039771077399353,0.6236960483669312,0.7257938855163207,170.50427340447823 +0.0,0.603,0.9759999999999999,0.911,0.004337456726198595,0.0,0.967,72.11,2021-09-06,indianapolis smm food,0,94.85807293935052,89.02123497580452,0.0,0.980528051588937,1.0227805676070532,1.9152452172449683,0.5339790239605038,0.0,1.3843051031445408,94.85807293935052 +0.0,0.0,0.9280000000000002,0.616,0.0017283621828991652,0.0,0.0,83.62,2021-09-06,jacksonville smm food,0,88.78019699398907,86.29988999004563,0.0,0.0,0.9724798839542477,1.2950505530437983,0.21277656694539332,0.0,0.0,88.78019699398907 +0.784,0.722,0.0,0.541,0.001288264732244925,0.535,0.0,69.33,2021-09-06,kansas city smm food,0,84.91806187100138,80.49370051161102,1.5147311325352653,1.1740319290998549,0.0,1.1373739435011283,0.1585967048782006,0.43962764937590015,0.0,84.91806187100137 +0.988,0.0,0.834,0.8130000000000001,0.0018106737339214467,0.9540000000000001,0.0,99.65,2021-09-06,knoxville smm food,0,74.9019215736295,69.4030183864474,1.9088703557969924,0.0,0.8739743784675026,1.7092144474425457,0.22290984191504906,0.7839341635600163,0.0,74.90192157362951 +0.578,0.78,0.0,0.715,0.0015110310237154481,0.0,0.53,57.62,2021-09-06,las vegas smm food,0,77.90898132572622,73.0759844669223,1.1167277992415603,1.2683447433488737,0.0,1.503183677640123,0.18602119217561802,0.0,0.7587194463977318,77.90898132572622 +0.0,0.0,0.0,0.0,0.0017489289508114572,0.0,0.0,73.81,2021-09-06,little rock/pine bluff smm food,0,57.9188796727297,57.70357115599228,0.0,0.0,0.0,0.0,0.21530851673742107,0.0,0.0,57.9188796727297 +0.655,0.0,0.53,0.843,0.008754399327688641,0.0,0.974,110.02,2021-09-06,los angeles smm food,0,160.04183008682423,153.9765761946837,1.2654960354727025,0.0,0.5554033819997319,1.7722850912596138,1.0777434573869766,0.0,1.394325926021492,160.0418300868242 +0.0,0.0,0.9059999999999999,0.682,0.0007224846351685967,0.5,0.0,57.45,2021-09-06,madison wi smm food,0,55.30222781861166,52.419185278171575,0.0,0.0,0.9494254039467114,1.4338059694413483,0.08894420501847884,0.4108669620335515,0.0,55.30222781861166 +0.705,0.521,0.847,0.778,0.0028956553756575767,0.0,0.0,148.92,2021-09-06,miami/west palm beach smm food,0,189.21081249021643,184.12181433608328,1.3620987862721454,0.8471892452368759,0.8875974802901375,1.6356320296559663,0.35648061267800724,0.0,0.0,189.2108124902164 +0.0,0.0,0.0,0.5750000000000001,0.002203804673182562,0.0,0.546,84.02,2021-09-06,milwaukee smm food,0,70.41495838478951,68.15317248002567,0.0,0.0,0.0,1.2088540064938056,0.27130771386783886,0.0,0.7816241844021916,70.41495838478951 +0.0,0.0,0.912,0.852,0.001733862798707499,0.9520000000000001,0.9980000000000001,91.71,2021-09-06,minneapolis/st. paul smm food,0,90.92206919349903,85.75072244988117,0.0,0.0,0.9557129894033122,1.791206284404734,0.213453741069754,0.7822906957118821,1.428683033028182,90.92206919349903 +0.0,0.677,0.0,0.0,0.0013352263014854814,0.0,0.554,62.59,2021-09-06,mobile/pensacola smm food,0,69.52474771008576,67.46643487620449,0.0,1.1008581939066506,0.0,0.0,0.16437808657020964,0.0,0.7930765534044215,69.52474771008578 +0.0,0.837,0.0,0.0,0.0041157740016786355,0.9420000000000002,0.0,131.24,2021-09-06,nashville smm food,0,98.11396070307316,95.47216793873541,0.0,1.361031474593599,0.0,0.0,0.5066879332729392,0.7740733564712111,0.0,98.11396070307316 +0.0,0.0,0.894,0.0,0.0016282069900296345,0.652,0.739,68.88,2021-09-06,new orleans smm food,0,62.28059723731623,59.54961731628727,0.0,0.0,0.93685023303351,0.0,0.20044658292272408,0.5357705184917512,1.0579125865809882,62.28059723731624 +0.2485,0.0,0.0,0.0,0.01758958308125601,0.743,0.0,264.47,2021-09-06,new york smm food,0,293.41786174901887,290.1617655847399,0.4801156714732314,0.0,0.0,0.0,2.165432187223908,0.6105483055818575,0.0,293.41786174901887 +0.8320000000000001,0.546,0.884,0.0,0.0023933448729375165,0.9470000000000001,0.0,165.72,2021-09-06,norfolk/portsmouth/newport news smm food,0,106.8044450696739,102.30993924858487,1.6074697733027306,0.8878413203442116,0.9263709239391754,0.0,0.2946417774113688,0.7781820260915466,0.0,106.8044450696739 +0.771,0.0,0.0,0.768,0.0010649881635217417,0.0,0.0,95.73,2021-09-06,oklahoma city smm food,0,56.84457641698454,53.609244119971564,1.4896144173274102,0.0,0.0,1.6146084817169435,0.13110939796861765,0.0,0.0,56.84457641698454 +0.6970000000000001,0.0,0.0,0.5760000000000001,0.0009093054154729354,0.0,0.666,71.58,2021-09-06,omaha smm food,0,64.49918176102634,60.87622985001895,1.3466423461442347,0.0,0.0,1.2109563612877077,0.11194348413979012,0.0,0.9534097194356403,64.49918176102632 +0.988,0.627,0.0,0.797,0.003326056322973137,0.5760000000000001,0.516,81.67,2021-09-06,orlando/daytona beach/melborne smm food,0,138.84084662800615,132.61538216686213,1.9088703557969924,1.0195540436919792,0.0,1.6755767707401095,0.4094667500084564,0.47331874026265136,0.7386778006438294,138.84084662800615 +0.0,0.941,0.889,0.0,0.001178372263278027,0.0,0.0,65.82,2021-09-06,paducah ky/cape girardeau mo smm food,0,58.16608079499485,55.55925813283435,0.0,1.5301441070401154,0.9316105784863427,0.0,0.14506797663403845,0.0,0.0,58.16608079499485 +0.0,0.719,0.739,0.0,0.009015473479252918,0.0,0.0,235.21999999999997,2021-09-06,philadelphia smm food,0,202.79120623875798,199.7377476378349,0.0,1.1691536800869746,0.7744209420713243,0.0,1.1098839787647632,0.0,0.0,202.79120623875795 +0.782,0.811,0.0,0.0,0.004452770736532738,0.789,0.841,110.4,2021-09-06,phoenix/prescott smm food,0,122.21303500747157,116.98296111946722,1.5108670225032876,1.31875331648197,0.0,0.0,0.548175191570725,0.6483480660889442,1.2039302913594196,122.21303500747156 +0.0,0.625,0.0,0.9700000000000001,0.0019240640113684416,0.0,0.8210000000000001,131.74,2021-09-06,pittsburgh smm food,0,109.01998692657529,104.55223234884438,0.0,1.0163018776833923,0.0,2.0392841500852024,0.23686918110846208,0.0,1.175299368853845,109.01998692657529 +0.0,0.539,0.0,0.781,0.0027956682159753624,0.591,0.0,104.02,2021-09-06,portland or smm food,0,90.2445233767284,86.8963094792362,0.0,0.8764587393141576,0.0,1.641939094037673,0.34417131501672904,0.48564474912365785,0.0,90.24452337672841 +0.948,0.0,0.741,0.0,0.002432768423973526,0.893,0.9430000000000001,112.98,2021-09-06,providence ri/new bedford ma smm food,0,88.23966287002978,83.24830635780522,1.831588155157438,0.0,0.7765168038901912,0.0,0.2994951628471505,0.733808394191923,1.349947996137851,88.23966287002978 +0.8160000000000001,0.538,0.834,0.96,0.004132994932302301,0.9350000000000002,0.0,164.15,2021-09-06,raleigh/durham/fayetteville smm food,0,131.9509265061789,125.33017277610136,1.576556893046909,0.8748326563098642,0.8739743784675026,2.0182606021461793,0.5088079811043271,0.7683212190027414,0.0,131.9509265061789 +0.0,0.6980000000000001,0.9059999999999999,0.0,0.021303999930723874,0.0,0.873,321.9,2021-09-06,rem us east north central smm food,0,312.4105533399062,306.4536727021249,0.0,1.1350059369968126,0.9494254039467114,0.0,2.622709529469486,0.0,1.2497397673683392,312.41055333990624 +0.714,0.736,0.0,0.0,0.006745182027571242,0.0,0.0,148.58,2021-09-06,rem us middle atlantic smm food,0,134.20669879270568,130.80002326169728,1.379487281416045,1.1967970911599628,0.0,0.0,0.8303911584323924,0.0,0.0,134.20669879270568 +0.782,0.0,0.992,0.0,0.0073733172635997235,0.709,0.0,159.95,2021-09-06,rem us mountain smm food,0,177.9982554915215,173.95751153106124,1.5108670225032876,0.0,1.0395474621579888,0.0,0.9077201236353831,0.582609352163576,0.0,177.9982554915215 +0.0,0.0,0.8300000000000001,0.0,0.004359780429348859,0.9269999999999999,0.0,129.1,2021-09-06,rem us new england smm food,0,150.38988788340754,148.221630613054,0.0,0.0,0.8697826548297688,0.0,0.536727267913547,0.7617473476102045,0.0,150.3898878834075 +0.763,0.713,0.635,0.502,0.005317658555799563,0.598,0.797,137.35,2021-09-06,rem us pacific smm food,0,111.75500722318736,105.11364420201244,1.4741579771994993,1.159397182061214,0.6654361274902448,1.0553821065389397,0.654650479445743,0.49139688659212755,1.1409422618471552,111.75500722318736 +0.807,0.858,0.5,0.9910000000000001,0.02007686344805606,0.968,0.627,286.69,2021-09-06,rem us south atlantic smm food,0,293.40663313599725,283.6802303568146,1.559168397903009,1.395179217683761,0.5239654547167282,2.08343360075715,2.4716382490752795,0.7954384384969557,0.8975794205497695,293.40663313599725 +0.752,0.833,0.0,0.56,0.023671931019617898,0.0,0.0,393.95,2021-09-06,rem us south central smm food,0,406.33030320725777,399.4313293612464,1.4529053720236218,1.3545271425764254,0.0,1.1773186845852714,2.9142226468260533,0.0,0.0,406.33030320725777 +0.0,0.668,0.787,0.0,0.007035975813603995,0.6880000000000001,0.9899999999999999,126.06,2021-09-06,rem us west north central smm food,0,130.71424758677992,125.95452848252805,0.0,1.0862234468680099,0.8247216257241302,0.0,0.866190427875626,0.5653529397581669,1.4172306640259515,130.71424758677992 +0.0,0.0,0.0,0.911,0.0022587922981937686,0.0,0.901,97.92,2021-09-06,richmond/petersburg smm food,0,89.55123928771806,86.06809383806947,0.0,0.0,0.0,1.9152452172449683,0.2780771735274684,0.0,1.289823058876144,89.55123928771805 +0.508,0.738,0.551,0.0,0.0013493312049149375,0.0,0.771,78.77,2021-09-06,sacramento/stockton/modesto smm food,0,75.61586137103097,71.58708164797008,0.9814839481223403,1.2000492571685497,0.5774099310978345,0.0,0.16611452408227192,0.0,1.103722062589908,75.61586137103099 +0.0,0.88,0.0,0.636,0.0026556805089448087,0.0,0.0,75.2,2021-09-06,salt lake city smm food,0,86.81979736345643,83.72480907215119,0.0,1.4309530437782165,0.0,1.3370976489218438,0.32693759860518656,0.0,0.0,86.81979736345643 +0.75,0.0,0.9390000000000001,0.0,0.0014337085757106988,0.649,0.0,99.34,2021-09-06,san diego smm food,0,81.85716877299805,78.71431295071628,1.4490412619916442,0.0,0.9840071239580156,0.0,0.176502119612559,0.5333053167195498,0.0,81.85716877299805 +0.973,0.0,0.527,0.0,0.0016515376567656558,0.0,0.881,69.27,2021-09-06,san francisco/oakland/san jose smm food,0,92.77257309655718,88.87591304741949,1.8798895305571595,0.0,0.5522595892714315,0.0,0.20331879293851524,0.0,1.2611921363705692,92.77257309655717 +0.507,0.583,0.876,0.0,0.003614465520391765,0.644,0.77,56.06,2021-09-06,seattle/tacoma smm food,0,93.66676188628739,88.74475650580376,0.9795518931063514,0.9480063915030683,0.9179874766637077,0.0,0.44497245564665483,0.5291966470992143,1.1022905164646293,93.66676188628739 +0.0,0.0,0.0,0.78,0.0017378832398216764,0.545,0.0,138.48,2021-09-06,st. louis smm food,0,90.00572395090916,87.70409353036166,0.0,0.0,0.0,1.6398367392437707,0.21394869268715505,0.4478449886165712,0.0,90.00572395090916 +0.5680000000000001,0.715,0.9350000000000002,0.0,0.003472646745834718,0.0,0.785,115.05000000000001,2021-09-06,tampa/ft. myers smm food,0,178.04635264531743,173.25520362076367,1.097407249081672,1.1626493480698008,0.9798154003202818,0.0,0.42751331873818915,0.0,1.1237637083438103,178.04635264531743 +0.96,0.807,0.0,0.0,0.0009887369270861358,0.0,0.0,83.01,2021-09-06,tucson/sierra vista smm food,0,66.61099064519371,63.32224664442017,1.8547728153493044,1.3122489844647962,0.0,0.0,0.12172220095942674,0.0,0.0,66.6109906451937 +0.96,0.0,0.0,0.0,0.006244939815700946,0.799,0.0,205.78,2021-09-06,washington dc/hagerstown smm food,0,176.30152135227627,173.02137618365978,1.8547728153493044,0.0,0.0,0.0,0.7688069479375823,0.6565654053296154,0.0,176.3015213522763 +0.74,0.5750000000000001,0.0,0.925,0.00048042665114836027,0.9490000000000002,0.781,33.82,2021-09-06,yakima/pasco/richland/kennewick smm food,0,59.783346749258456,53.51694236690935,1.4297207118317554,0.9349977274687211,0.0,1.9446781843596,0.0591447409066483,0.7798254939396809,1.1180375238426954,59.78334674925845 +0.0,0.0,0.612,0.0,0.002210643376798718,0.0,0.0,103.09,2021-09-13,albany/schenectady/troy smm food,0,83.2703517757594,82.35686844083078,0.0,0.0,0.6413337165732753,0.0,0.27214961835533574,0.0,0.0,83.2703517757594 +0.8320000000000001,0.0,0.754,0.9570000000000001,0.0014782867918752725,0.0,0.0,70.06,2021-09-13,albuquerque/santa fe smm food,0,75.38368266809799,70.79212936171284,1.6074697733027306,0.0,0.7901399057128261,2.0119535377644726,0.18199008960513144,0.0,0.0,75.383682668098 +0.0,0.727,0.917,0.9339999999999999,0.006568676755214742,0.877,0.0,138.34,2021-09-13,atlanta smm food,0,170.88356766601922,165.2475308400832,0.0,1.182162344121322,0.9609526439504795,1.9635993775047202,0.808661808952655,0.7206606514068493,0.0,170.88356766601922 +0.0,0.849,0.7000000000000001,0.0,0.0036681249419002865,0.504,0.0,123.83000000000001,2021-09-13,baltimore smm food,0,108.2601895969823,105.28036119021601,0.0,1.3805444706451202,0.7335516366034195,0.0,0.451578401787936,0.4141538977298199,0.0,108.26018959698231 +0.804,0.536,0.795,0.9129999999999999,0.0006085260101762659,0.98,0.0,47.11,2021-09-13,baton rouge smm food,0,56.68596376926618,50.62824190344196,1.5533722328550426,0.8715804903012774,0.8331050729995978,1.9194499268327725,0.07491489724977243,0.8052992455857609,0.0,56.68596376926618 +0.6930000000000001,0.661,0.915,0.805,0.0015540759370457579,0.0,0.0,81.26,2021-09-13,birmingham/anniston/tuscaloosa smm food,0,67.53184468581662,62.27551690355495,1.3389141260802793,1.0748408658379558,0.9588567821316126,1.6923956090913277,0.19132039912049692,0.0,0.0,67.53184468581662 +0.541,0.0,0.885,0.786,0.007477251967645735,0.0,0.0,203.34,2021-09-13,boston/manchester smm food,0,187.88991825134593,183.34429136615643,1.0452417636499727,0.0,0.9274188548486089,1.6524508680071845,0.920515398683753,0.0,0.0,187.88991825134593 +0.751,0.0,0.864,0.0,0.0012308801632381725,0.55,0.0,60.00999999999999,2021-09-13,buffalo smm food,0,66.923064749136,63.96319330778341,1.4509733170076329,0.0,0.9054123057505062,0.0,0.1515321603575513,0.4519536582369067,0.0,66.92306474913602 +0.725,0.0,0.781,0.924,0.004358817945136215,0.0,0.0,129.78,2021-09-13,charlotte smm food,0,131.7992438001823,127.1008852661048,1.4007398865919225,0.0,0.8184340402675294,1.9425758295656979,0.5366087776523437,0.0,0.0,131.7992438001823 +0.633,0.561,0.0,0.751,0.006476384527081113,0.0,0.992,180.46,2021-09-13,chicago smm food,0,183.05434111983632,177.12285569785104,1.2229908251209476,0.9122325654086131,0.0,1.578868450220605,0.7972998249586091,0.0,1.4200937562765092,183.05434111983632 +0.0,0.0,0.925,0.509,0.0031156590038425125,0.807,0.964,91.97,2021-09-13,cleveland/akron/canton smm food,0,135.55722406490924,131.09107465023894,0.0,0.0,0.9693360912259472,1.0700985900962556,0.3835649918572597,0.6631392767221521,1.3800104647687046,135.55722406490926 +0.522,0.965,0.0,0.5,0.0043938195051618865,0.0,0.0,123.83000000000001,2021-09-13,columbus oh smm food,0,108.09053268123658,103.92073468964487,1.0085327183461843,1.5691700991431579,0.0,1.051177396951135,0.5409177771512237,0.0,0.0,108.09053268123658 +0.0,0.0,0.0,0.577,0.005527959502955109,0.807,0.0,86.49,2021-09-13,dallas/ft. worth smm food,0,107.83389554748253,105.27715718131851,0.0,0.0,0.0,1.2130587160816098,0.6805403733602594,0.6631392767221521,0.0,107.83389554748254 +0.8130000000000001,0.517,0.0,0.0,0.0006645107144680944,0.8320000000000001,0.0,38.14,2021-09-13,des moines/ames smm food,0,65.58523273595564,62.408297363785806,1.5707607279989422,0.8406849132197022,0.0,0.0,0.08180710612736233,0.6836826248238298,0.0,65.58523273595564 +0.752,0.863,0.0,0.0,0.005946449862581465,0.0,0.971,201.36,2021-09-13,detroit smm food,0,165.30122955803645,160.32292305294044,1.4529053720236218,1.4033096327052281,0.0,0.0,0.732060212721518,0.0,1.3900312876456558,165.30122955803645 +0.0,0.764,0.0,0.0,0.0026294030837400372,0.505,0.7030000000000001,90.29,2021-09-13,grand rapids smm food,0,113.00294889834464,110.01556630860257,0.0,1.2423274152801789,0.0,0.0,0.3237026167370593,0.414975631653887,1.0063769260709536,113.00294889834466 +0.8280000000000001,0.775,0.8220000000000001,0.847,0.002973055662565274,0.597,0.0,111.79,2021-09-13,greensboro smm food,0,89.92787727598935,83.56924325587181,1.599741553238775,1.2602143283274065,0.8613992075543012,1.7806945104352228,0.3660092678937695,0.49057515266806045,0.0,89.92787727598935 +0.93,0.0,0.0,0.802,0.003656733280230736,0.876,0.8260000000000001,96.91,2021-09-13,harrisburg/lancaster smm food,0,90.86047940932224,85.02510769460987,1.7968111648696388,0.0,0.0,1.6860885447096208,0.45017598817010007,0.7198389174827822,1.1824570994802386,90.86047940932225 +0.665,0.658,0.0,0.848,0.004078188931397973,0.8,0.0,83.35,2021-09-13,hartford/new haven smm food,0,117.9077543289685,112.61073024106035,1.284816585632591,1.0699626168250755,0.0,1.782796865229125,0.5020608809676715,0.6573871392536824,0.0,117.9077543289685 +0.716,0.0,0.973,0.877,0.005462070724916739,0.0,0.0,155.99,2021-09-13,houston smm food,0,172.56562419459843,167.64644198801398,1.3833513914480229,0.0,1.019636774878753,1.843765154252291,0.6724288860053841,0.0,0.0,172.56562419459843 +0.783,0.0,0.909,0.0,0.004485173959845711,0.0,0.507,97.64,2021-09-13,indianapolis smm food,0,92.76456144851116,89.02123497580452,1.5127990775192766,0.0,0.9525691966750118,0.0,0.5521643129960355,0.0,0.7257938855163207,92.76456144851116 +0.0,0.525,0.0,0.993,0.0018239149961896209,0.0,0.0,104.74,2021-09-13,jacksonville smm food,0,89.46576183525842,86.29988999004563,0.0,0.8536935772540496,0.0,2.0876383103449543,0.22453995761378512,0.0,0.0,89.46576183525842 +0.745,0.503,0.0,0.0,0.0013579614388370426,0.0,0.49900000000000005,85.52,2021-09-13,kansas city smm food,0,83.63251974788395,80.49370051161102,1.4393809869116998,0.8179197511595941,0.0,0.0,0.1671769816875413,0.0,0.714341516514091,83.63251974788395 +0.0,0.523,0.932,0.0,0.0019178789074294211,0.0,0.0,71.67,2021-09-13,knoxville smm food,0,71.46623914576739,69.4030183864474,0.0,0.8504414112454628,0.9766716075919814,0.0,0.2361077404825525,0.0,0.0,71.4662391457674 +0.582,0.904,0.978,0.922,0.0015814233382815306,0.0,0.0,90.26,2021-09-13,las vegas smm food,0,78.82835417594978,73.0759844669223,1.1244560193055158,1.4699790358812588,1.0248764294259203,1.9383711199778932,0.1946871044368938,0.0,0.0,78.82835417594978 +0.0,0.0,0.0,0.0,0.0018492978917795599,0.0,0.672,45.94,2021-09-13,little rock/pine bluff smm food,0,58.893234967208215,57.70357115599228,0.0,0.0,0.0,0.0,0.2276648150286246,0.0,0.9619989961873128,58.893234967208215 +0.0,0.0,0.8250000000000001,0.785,0.009723559152914254,0.0,0.749,179.13,2021-09-13,los angeles smm food,0,158.7607513011521,153.9765761946837,0.0,0.0,0.8645430002826016,1.6503485132132822,1.1970555451387452,0.0,1.0722280478337756,158.7607513011521 +0.0,0.8220000000000001,0.59,0.5,0.0007581014931890004,0.0,0.9570000000000001,38.46,2021-09-13,madison wi smm food,0,56.88860073621479,52.419185278171575,0.0,1.3366402295291977,0.6182792365657392,1.051177396951135,0.09332895310539366,0.0,1.3699896418917534,56.8886007362148 +0.0,0.0,0.775,0.0,0.0031523915528051723,0.5720000000000001,0.9540000000000001,127.71,2021-09-13,miami/west palm beach smm food,0,187.1577746902761,184.12181433608328,0.0,0.0,0.8121464548109287,0.0,0.38808709129958724,0.47003180456638294,1.3656950035159172,187.15777469027609 +0.0,0.986,0.0,0.0,0.0022667318662944773,0.0,0.0,97.31,2021-09-13,milwaukee smm food,0,70.03554492636219,68.15317248002567,0.0,1.6033178422333199,0.0,0.0,0.2790546041031966,0.0,0.0,70.03554492636219 +0.0,0.0,0.0,0.0,0.0017890864115038343,0.0,0.777,83.8,2021-09-13,minneapolis/st. paul smm food,0,87.08328604212144,85.75072244988117,0.0,0.0,0.0,0.0,0.22025225289869016,0.0,1.1123113393415804,87.08328604212144 +0.804,0.0,0.645,0.0,0.0013791916907316066,0.0,0.0,107.23,2021-09-13,mobile/pensacola smm food,0,69.86551315783005,67.46643487620449,1.5533722328550426,0.0,0.6759154365845793,0.0,0.16979061218594407,0.0,0.0,69.86551315783005 +0.979,0.0,0.0,0.0,0.004464656613459101,0.0,0.0,119.38999999999999,2021-09-13,nashville smm food,0,97.91328824681645,95.47216793873541,1.8914818606530928,0.0,0.0,0.0,0.5496384474279464,0.0,0.0,97.91328824681645 +0.638,0.0,0.0,0.5670000000000001,0.0015765923841461792,0.0,0.847,99.59,2021-09-13,new orleans smm food,0,63.38091552428874,59.54961731628727,1.232651100200892,0.0,0.0,1.1920351681425874,0.1940923715469005,0.0,1.212519568111092,63.38091552428874 +0.0,0.0,0.72,0.542,0.018476579620036387,0.0,0.0,292.56,2021-09-13,new york smm food,0,294.33038139050484,290.1617655847399,0.0,0.0,0.7545102547920886,1.1394762982950306,2.2746292526778364,0.0,0.0,294.33038139050484 +0.0,0.0,0.581,0.0,0.0025821771093370856,0.792,0.0,102.41,2021-09-13,norfolk/portsmouth/newport news smm food,0,103.88748905927382,102.30993924858487,0.0,0.0,0.6088478583808381,0.0,0.31788868444697904,0.6508132678611456,0.0,103.88748905927383 +0.0,0.672,0.862,0.0,0.0010904019475652317,0.844,0.0,70.39,2021-09-13,oklahoma city smm food,0,56.43306983272444,53.609244119971564,0.0,1.0927277788851835,0.9033164439316393,0.0,0.13423805802341873,0.6935434319126349,0.0,56.43306983272444 +0.0,0.0,0.8270000000000001,0.0,0.0009542641773852553,0.0,0.0,43.58,2021-09-13,omaha smm food,0,61.86034701477711,60.87622985001895,0.0,0.0,0.8666388621014685,0.0,0.11747830265668939,0.0,0.0,61.86034701477711 +0.0,0.0,0.978,0.9450000000000001,0.003508714575276964,0.0,0.0,124.33,2021-09-13,orlando/daytona beach/melborne smm food,0,136.05893746189423,132.61538216686213,0.0,0.0,1.0248764294259203,1.9867252802376454,0.4319535853685432,0.0,0.0,136.05893746189423 +0.915,0.757,0.846,0.0,0.001218553199195103,0.982,0.0,46.34,2021-09-13,paducah ky/cape girardeau mo smm food,0,60.40154017233056,55.55925813283435,1.7678303396298058,1.2309448342501248,0.8865495493807041,0.0,0.15001460280167836,0.8069427134338951,0.0,60.401540172330556 +0.0,0.0,0.0,0.594,0.009221189344363376,0.0,0.8240000000000001,203.31,2021-09-13,philadelphia smm food,0,203.3013498014459,199.7377476378349,0.0,0.0,0.0,1.2487987475779485,1.1352094088033804,0.0,1.179594007229681,203.30134980144592 +0.747,0.9269999999999999,0.0,0.0,0.004634665426264788,0.682,0.0,99.85,2021-09-13,phoenix/prescott smm food,0,121.06457572327562,116.98296111946722,1.4432450969436774,1.5073789449800075,0.0,0.0,0.5705680256709612,0.5604225362137643,0.0,121.06457572327562 +0.0,0.742,0.0,0.0,0.001982890453386947,0.9460000000000001,0.0,119.05,2021-09-13,pittsburgh smm food,0,106.78025746306011,104.55223234884438,0.0,1.2065535891857233,0.0,0.0,0.2441112328625186,0.7773602921674795,0.0,106.78025746306011 +0.798,0.0,0.0,0.558,0.0030454236026204685,0.856,0.0,76.77,2021-09-13,portland or smm food,0,90.6895259930012,86.8963094792362,1.5417799027591095,0.0,0.0,1.1731139749974668,0.3749183970069888,0.7034042390014401,0.0,90.6895259930012 +0.8150000000000001,0.799,0.593,0.5060000000000001,0.002535257548393358,0.0,0.616,86.38,2021-09-13,providence ri/new bedford ma smm food,0,89.0013309587922,83.24830635780522,1.57462483803092,1.2992403204304488,0.6214230292940396,1.063791525714549,0.31211247434531775,0.0,0.8818324131717034,89.0013309587922 +0.0,0.0,0.51,0.0,0.004370420883828053,0.0,0.0,159.38,2021-09-13,raleigh/durham/fayetteville smm food,0,126.40265474123994,125.33017277610136,0.0,0.0,0.5344447638110628,0.0,0.538037201327517,0.0,0.0,126.40265474123994 +0.0,0.0,0.0,0.613,0.02233892374463551,0.756,0.534,290.85,2021-09-13,rem us east north central smm food,0,311.87821041019123,306.4536727021249,0.0,0.0,0.0,1.2887434886620917,2.750117741910685,0.6212308465947298,0.7644456308988468,311.87821041019123 +0.81,0.84,0.972,0.0,0.007200282617884197,0.876,0.5680000000000001,136.3,2021-09-13,rem us middle atlantic smm food,0,137.1688615476469,130.80002326169728,1.5649645629509756,1.3659097236064792,1.0185888439693196,0.0,0.8864180387817305,0.7198389174827822,0.813118199158324,137.16886154764688 +0.837,0.0,0.0,0.0,0.007886710543453825,0.0,0.0,163.35,2021-09-13,rem us mountain smm food,0,176.54556492556418,173.95751153106124,1.6171300483826747,0.0,0.0,0.0,0.9709233461202414,0.0,0.0,176.54556492556415 +0.73,0.8280000000000001,0.74,0.0,0.004589683189127769,0.0,0.0,116.53,2021-09-13,rem us new england smm food,0,152.3189266924093,148.221630613054,1.4104001616718669,1.3463967275549582,0.7754688729807577,0.0,0.5650303171476911,0.0,0.0,152.31892669240926 +0.0,0.5690000000000001,0.0,0.8160000000000001,0.00563886264212219,0.0,0.0,126.26999999999998,2021-09-13,rem us pacific smm food,0,108.44860046726362,105.11364420201244,0.0,0.9252412294429605,0.0,1.7155215118242526,0.6941935239839649,0.0,0.0,108.44860046726362 +0.803,0.0,0.941,0.0,0.02139551376982802,0.994,0.0,305.31,2021-09-13,rem us south atlantic smm food,0,289.66855272788973,283.6802303568146,1.5514401778390536,0.0,0.9861029857768824,0.0,2.633975686936499,0.8168035205227003,0.0,289.66855272788973 +0.529,0.9560000000000002,0.494,0.932,0.025102702721164983,0.0,0.9460000000000001,401.87,2021-09-13,rem us south central smm food,0,408.92960019993086,399.4313293612464,1.0220571034581063,1.5545353521045173,0.5176778692601274,1.9593946679169159,3.090363211431064,0.0,1.3542426345136873,408.9296001999308 +0.685,0.0,0.993,0.5060000000000001,0.007306267079707843,0.75,0.0,147.76,2021-09-13,rem us west north central smm food,0,130.89813918733066,125.95452848252805,1.3234576859523683,0.0,1.040595393067422,1.063791525714549,0.8994656570179519,0.6163004430503273,0.0,130.89813918733066 +0.731,0.0,0.0,0.0,0.0023358416922691287,0.722,0.0,48.7,2021-09-13,richmond/petersburg smm food,0,88.36128057868704,86.06809383806947,1.4123322166878558,0.0,0.0,0.0,0.287562630753267,0.5932918931764484,0.0,88.36128057868704 +0.6910000000000001,0.0,0.0,0.0,0.0014284933692131749,0.86,0.0,63.599999999999994,2021-09-13,sacramento/stockton/modesto smm food,0,73.80468292059754,71.58708164797008,1.3350500160483014,0.0,0.0,0.0,0.17586008188144348,0.7066911746977086,0.0,73.80468292059753 +0.794,0.0,0.0,0.0,0.003052981389435288,0.0,0.0,103.86,2021-09-13,salt lake city smm food,0,85.63470958179913,83.72480907215119,1.534051682695154,0.0,0.0,0.0,0.3758488269527916,0.0,0.0,85.63470958179913 +0.0,0.673,0.504,0.0,0.0015714043594877798,0.0,0.0,100.1,2021-09-13,san diego smm food,0,80.53027767109916,78.71431295071628,0.0,1.094353861889477,0.528157178354462,0.0,0.19345368013895115,0.0,0.0,80.53027767109917 +0.0,0.806,0.0,0.0,0.0017717839353627955,0.844,0.744,122.85000000000001,2021-09-13,san francisco/oakland/san jose smm food,0,92.16327186409782,88.87591304741949,0.0,1.3106229014605029,0.0,0.0,0.21812216609780372,0.6935434319126349,1.0650703172073819,92.16327186409781 +0.0,0.755,0.0,0.0,0.0038828157560744777,0.834,0.0,77.15,2021-09-13,seattle/tacoma smm food,0,91.13578399361106,88.74475650580376,0.0,1.2276926682415379,0.0,0.0,0.47800872689379426,0.6853260926719639,0.0,91.13578399361106 +0.0,0.9630000000000002,0.0,0.0,0.00178818446866015,0.0,0.0,113.09999999999998,2021-09-13,st. louis smm food,0,89.49015267930804,87.70409353036166,0.0,1.5659179331345712,0.0,0.0,0.22014121581181165,0.0,0.0,89.49015267930804 +0.0,0.5760000000000001,0.775,0.0,0.0036646098358862006,0.607,0.96,125.03,2021-09-13,tampa/ft. myers smm food,0,177.3281963195842,173.25520362076367,0.0,0.9366238104730145,0.8121464548109287,0.0,0.4511456613603066,0.4987924919087315,1.3742842802675894,177.32819631958424 +0.0,0.597,0.596,0.6880000000000001,0.0009792479941553175,0.0,0.0,88.74,2021-09-13,tucson/sierra vista smm food,0,66.48455914817367,63.32224664442017,0.0,0.9707715535631763,0.6245668220223399,1.446420098204762,0.12055402996322506,0.0,0.0,66.48455914817367 +0.98,0.0,0.0,0.0,0.006698550347014608,0.511,0.0,189.92,2021-09-13,washington dc/hagerstown smm food,0,176.15934652346232,173.02137618365978,1.8934139156690815,0.0,0.0,0.0,0.8246503889351732,0.4199060351982896,0.0,176.15934652346232 +0.975,0.644,0.0,0.0,0.000522762365585143,0.798,0.862,87.56,2021-09-13,yakima/pasco/richland/kennewick smm food,0,58.40198653289728,53.51694236690935,1.8837536405891373,1.0471974547649676,0.0,0.0,0.06435663923800902,0.6557436714055482,1.2339927599902731,58.40198653289728 +0.0,0.536,0.0,0.5730000000000001,0.0020884362991701708,0.0,0.6980000000000001,88.41,2021-09-20,albany/schenectady/troy smm food,0,85.68942227709391,82.35686844083078,0.0,0.8715804903012774,0.0,1.204649296906001,0.25710485361128527,0.0,0.9992191954445601,85.68942227709391 +0.905,0.0,0.751,0.684,0.0014084690025452356,0.861,0.0,67.33,2021-09-20,albuquerque/santa fe smm food,0,75.64655375826536,70.79212936171284,1.7485097894699173,0.0,0.7869961129845258,1.438010679029153,0.1733949064471413,0.7075129086217756,0.0,75.64655375826536 +0.642,0.9630000000000002,0.0,0.0,0.006334221037382438,0.0,0.973,172.12,2021-09-20,atlanta smm food,0,170.22652072396698,165.2475308400832,1.2403793202648474,1.5659179331345712,0.0,0.0,0.779798250588172,0.0,1.3928943798962132,170.22652072396698 +0.842,0.6940000000000001,0.0,0.0,0.0035068946275937487,0.0,0.985,123.13,2021-09-20,baltimore smm food,0,109.87745558587983,105.28036119021601,1.626790323462619,1.128501604979639,0.0,0.0,0.43172953382200613,0.0,1.410072933399558,109.87745558587983 +0.9470000000000001,0.706,0.0,0.727,0.0005807103399846627,0.679,0.0,79.78,2021-09-20,baton rouge smm food,0,55.763772418134636,50.62824190344196,1.8296561001414493,1.14801460103116,0.0,1.5284119351669503,0.07149054391155782,0.5579573344415629,0.0,55.76377241813464 +0.504,0.903,0.9420000000000002,0.0,0.0015459843977535797,0.0,0.0,69.11,2021-09-20,birmingham/anniston/tuscaloosa smm food,0,65.89510076073279,62.27551690355495,0.9737557280583848,1.4683529528769654,0.987150916686316,0.0,0.19032425955615775,0.0,0.0,65.89510076073277 +0.525,0.0,0.0,0.59,0.006997214511012115,0.728,0.642,136.01,2021-09-20,boston/manchester smm food,0,187.97770305814333,183.34429136615643,1.0143288833941508,0.0,0.0,1.2403893284023393,0.8614185710406208,0.5982222967208509,0.9190526124289505,187.97770305814333 +0.8180000000000001,0.801,0.0,0.721,0.0011695554630964749,0.8989999999999999,0.528,44.73,2021-09-20,buffalo smm food,0,70.00048230667178,63.96319330778341,1.5804210030788866,1.3024924864390357,0.0,1.5157978064035367,0.14398255108340105,0.7387387977363256,0.7558563541471743,70.00048230667177 +0.0,0.0,0.0,0.51,0.004243875831782826,0.88,0.737,150.23,2021-09-20,charlotte smm food,0,130.4737199523317,127.1008852661048,0.0,0.0,0.0,1.0722009448901577,0.5224583938272602,0.7231258531790506,1.0550494943304307,130.4737199523317 +0.663,0.0,0.763,0.0,0.006080986375329366,0.519,0.0,183.4,2021-09-20,chicago smm food,0,180.37848220317284,177.12285569785104,1.2809524756006134,0.0,0.7995712838977272,0.0,0.7486228392326383,0.42647990659082646,0.0,180.37848220317284 +0.0,0.0,0.0,0.0,0.003066398098119631,0.0,0.0,157.6,2021-09-20,cleveland/akron/canton smm food,0,131.46857519188544,131.09107465023894,0.0,0.0,0.0,0.0,0.37750054164650954,0.0,0.0,131.46857519188544 +0.534,0.807,0.6980000000000001,0.0,0.004345476604278536,0.792,0.635,99.21,2021-09-20,columbus oh smm food,0,109.09096822624555,103.92073468964487,1.0317173785380507,1.3122489844647962,0.7314557747845526,0.0,0.5349663414001321,0.6508132678611456,0.9090317895519994,109.09096822624555 +0.801,0.0,0.639,0.0,0.005215388121630871,0.802,0.51,122.11000000000001,2021-09-20,dallas/ft. worth smm food,0,109.52554032188604,105.27715718131851,1.547576067807076,0.0,0.6696278511279786,0.0,0.6420600906385037,0.6590306071018166,0.730088523892157,109.52554032188604 +0.904,0.812,0.0,0.0,0.0006480669373357687,0.0,0.521,39.07,2021-09-20,des moines/ames smm food,0,66.30087276171362,62.408297363785806,1.7465777344539284,1.3203793994862634,0.0,0.0,0.07978273271740816,0.0,0.7458355312702232,66.30087276171363 +0.0,0.6900000000000001,0.786,0.795,0.005824567731484273,0.9759999999999999,0.0,116.82,2021-09-20,detroit smm food,0,165.45903384350925,160.32292305294044,0.0,1.1219972729624652,0.8236736948146968,1.6713720611523049,0.7170554517498635,0.8020123098894925,0.0,165.45903384350927 +0.8200000000000001,0.866,0.0,0.73,0.0025913571577323956,0.0,0.0,75.27,2021-09-20,grand rapids smm food,0,114.86177713202376,110.01556630860257,1.5842851131108644,1.4081878817181084,0.0,1.5347189995486572,0.31901882904356477,0.0,0.0,114.86177713202378 +0.988,0.0,0.0,0.687,0.003017169316388443,0.955,0.0,86.23,2021-09-20,greensboro smm food,0,88.07862729874506,83.56924325587181,1.9088703557969924,0.0,0.0,1.4443177434108598,0.37144004618131954,0.7847558974840834,0.0,88.07862729874506 +0.73,0.618,0.642,0.0,0.003673390805461634,0.0,0.9450000000000001,66.15,2021-09-20,harrisburg/lancaster smm food,0,89.91823656102835,85.02510769460987,1.4104001616718669,1.0049192966533385,0.672771643856279,0.0,0.45222667584858856,0.0,1.3528110883884086,89.91823656102835 +0.941,0.0,0.711,0.883,0.0039041621485543933,0.843,0.764,131.4,2021-09-20,hartford/new haven smm food,0,119.29731176374874,112.61073024106035,1.818063770045516,0.0,0.7450788766071874,1.8563792830157047,0.4806366553184527,0.6927216979885678,1.0937012397129566,119.29731176374874 +0.521,0.838,0.0,0.0,0.005005615984800115,0.629,0.8170000000000001,174.19,2021-09-20,houston smm food,0,172.31837932945314,167.64644198801398,1.0066006633301954,1.3626575575978925,0.0,0.0,0.6162352979201297,0.5168706382382078,1.16957318435273,172.31837932945314 +0.0,0.732,0.0,0.0,0.004455635949484113,0.723,0.0,91.84,2021-09-20,indianapolis smm food,0,91.35416928650139,89.02123497580452,0.0,1.1902927591427892,0.0,0.0,0.5485279244535625,0.5941136271005154,0.0,91.35416928650139 +0.0,0.0,0.0,0.0,0.0017521092259890519,0.975,0.631,48.25,2021-09-20,jacksonville smm food,0,88.2200862076098,86.29988999004563,0.0,0.0,0.0,0.0,0.2157000365478668,0.8011905759654254,0.9033056050508844,88.22008620760981 +0.635,0.0,0.516,0.0,0.0013812068534412635,0.674,0.806,79.01,2021-09-20,kansas city smm food,0,84.13900133424454,80.49370051161102,1.2268549351529254,0.0,0.5407323492676634,0.0,0.17003869641703848,0.5538486648212274,1.1538261769746638,84.13900133424454 +0.0,0.0,0.0,0.994,0.001909786132599101,0.9980000000000001,0.9580000000000001,100.66,2021-09-20,knoxville smm food,0,73.91938214463485,69.4030183864474,0.0,0.0,0.0,2.0897406651388564,0.23511144881261492,0.8200904562189689,1.3714211880170322,73.91938214463487 +0.722,0.889,0.531,0.0,0.0015251235717634838,0.0,0.0,45.75,2021-09-20,las vegas smm food,0,76.66072340082397,73.0759844669223,1.394943721543956,1.4455877908168573,0.5564513129091654,0.0,0.18775610863169565,0.0,0.0,76.66072340082398 +0.0,0.0,0.526,0.782,0.0018224669454871576,0.594,0.0,58.94,2021-09-20,little rock/pine bluff smm food,0,60.61129590393409,57.70357115599228,0.0,0.0,0.551211658361998,1.6440414488315753,0.2243616898523856,0.4881099508958592,0.0,60.6112959039341 +0.9630000000000002,0.733,0.0,0.0,0.009104203650923064,0.756,0.0,112.75,2021-09-20,los angeles smm food,0,158.77110230614124,153.9765761946837,1.8605689803972714,1.1919188421470825,0.0,0.0,1.120807442318438,0.6212308465947298,0.0,158.77110230614122 +0.0,0.864,0.0,0.0,0.0007446452472841121,0.9540000000000001,0.0,31.769999999999996,2021-09-20,madison wi smm food,0,54.69972752847364,52.419185278171575,0.0,1.4049357157095217,0.0,0.0,0.09167237103252485,0.7839341635600163,0.0,54.69972752847364 +0.0,0.67,0.937,0.0,0.0029491615904364854,0.885,0.844,144.71,2021-09-20,miami/west palm beach smm food,0,188.49172836135875,184.12181433608328,0.0,1.0894756128765968,0.9819112621391487,0.0,0.3630676977250788,0.7272345227993862,1.2082249297352559,188.49172836135875 +0.786,0.0,0.98,0.792,0.002211599683320652,0.0,0.768,35.8,2021-09-20,milwaukee smm food,0,73.73549978291092,68.15317248002567,1.518595242567243,0.0,1.0269722912447872,1.6650649967705982,0.2722673480885467,0.0,1.0994274242140716,73.73549978291092 +0.975,0.885,0.0,0.592,0.0017599536576528233,0.0,0.0,90.3,2021-09-20,minneapolis/st. paul smm food,0,90.53481934225265,85.75072244988117,1.8837536405891373,1.4390834587996837,0.0,1.244594037990144,0.2166657549925132,0.0,0.0,90.53481934225265 +0.8,0.523,0.0,0.0,0.0013635040629422052,0.748,0.0,73.52,2021-09-20,mobile/pensacola smm food,0,70.64503660284548,67.46643487620449,1.545644012791087,0.8504414112454628,0.0,0.0,0.16785932740224968,0.6146569752021931,0.0,70.64503660284548 +0.5710000000000001,0.982,0.614,0.731,0.004357867816304992,0.6920000000000001,0.869,80.47,2021-09-20,nashville smm food,0,102.7015810625847,95.47216793873541,1.1032034141296385,1.596813510216146,0.6434295783921422,1.5368213543425595,0.5364918084471252,0.5686398754544353,1.2440135828672243,102.70158106258468 +0.0,0.723,0.0,0.0,0.0014858977068301998,0.652,0.0,76.6,2021-09-20,new orleans smm food,0,61.443972906974835,59.54961731628727,0.0,1.1756580121041482,0.0,0.0,0.1829270600916682,0.5357705184917512,0.0,61.443972906974835 +0.0,0.0,0.684,0.917,0.016991772893385604,0.0,0.0,324.52,2021-09-20,new york smm food,0,294.89824617463034,290.1617655847399,0.0,0.0,0.7167847420524842,1.927859346008382,2.091836501829612,0.0,0.0,294.8982461746304 +0.0,0.0,0.87,0.724,0.0025156989796049655,0.79,0.591,100.05,2021-09-20,norfolk/portsmouth/newport news smm food,0,106.5486622133516,102.30993924858487,0.0,0.0,0.911699891207107,1.5221048707852436,0.30970464272163645,0.6491698000130114,0.8460437600397348,106.5486622133516 +0.0,0.6910000000000001,0.0,0.0,0.001107262101051423,0.0,0.529,53.57,2021-09-20,oklahoma city smm food,0,55.62646906723083,53.609244119971564,0.0,1.1236233559667588,0.0,0.0,0.13631369102005522,0.0,0.7572879002724531,55.62646906723083 +0.0,0.543,0.9510000000000001,0.781,0.0009165567888285307,0.0,0.0,80.7,2021-09-20,omaha smm food,0,64.51055050215635,60.87622985001895,0.0,0.8829630713313313,0.9965822948712171,1.641939094037673,0.11283619189717391,0.0,0.0,64.51055050215635 +0.0,0.0,0.91,0.0,0.003338332629952383,0.8140000000000001,0.746,99.43,2021-09-20,orlando/daytona beach/melborne smm food,0,135.71680218932994,132.61538216686213,0.0,0.0,0.9536171275844453,0.0,0.4109780712347923,0.6688914141906219,1.0679334094579394,135.71680218932994 +0.604,0.0,0.0,0.0,0.001233762673723537,0.778,0.61,46.96,2021-09-20,paducah ky/cape girardeau mo smm food,0,58.39065851455462,55.55925813283435,1.1669612296572707,0.0,0.0,0.0,0.15188702271876725,0.6393089929242062,0.8732431364200308,58.39065851455462 +0.982,0.0,0.652,0.761,0.008991164266308407,0.0,0.911,184.36,2021-09-20,philadelphia smm food,0,206.32919843589013,199.7377476378349,1.8972780257010593,0.0,0.6832509529506136,1.5998919981596276,1.1068913011149888,0.0,1.3041385201289315,206.32919843589013 +0.9619999999999999,0.0,0.6890000000000001,0.9759999999999999,0.004474356823412207,0.0,0.0,87.8,2021-09-20,phoenix/prescott smm food,0,122.16635334877824,116.98296111946722,1.8586369253812818,0.0,0.7220243965996515,2.0518982788486153,0.5508326284814854,0.0,0.0,122.16635334877826 +0.807,0.522,0.732,0.607,0.0020575268414709156,0.791,0.0,139.13,2021-09-20,pittsburgh smm food,0,109.90672202238412,104.55223234884438,1.559168397903009,0.8488153282411693,0.76708542570529,1.276129359898678,0.25329962785451743,0.6499915339370785,0.0,109.90672202238413 +0.869,0.634,0.0,0.0,0.0028606822330091725,0.747,0.0,112.01,2021-09-20,portland or smm food,0,90.57221226573856,86.8963094792362,1.6789558088943182,1.0309366247220333,0.0,0.0,0.35217511160789206,0.6138352412781259,0.0,90.57221226573856 +0.8200000000000001,0.0,0.8160000000000001,0.592,0.002413114718748197,0.0,0.0,66.3,2021-09-20,providence ri/new bedford ma smm food,0,87.22937275009632,83.24830635780522,1.5842851131108644,0.0,0.8551116220977004,1.244594037990144,0.29707561909238744,0.0,0.0,87.22937275009632 +0.909,0.8210000000000001,0.0,0.657,0.004258938277272357,0.0,0.521,103.84,2021-09-20,raleigh/durham/fayetteville smm food,0,131.0728202762023,125.33017277610136,1.7562380095338728,1.3350141465249044,0.0,1.3812470995937915,0.5243127131781319,0.0,0.7458355312702232,131.0728202762023 +0.554,0.791,0.772,0.9129999999999999,0.022379444453541644,0.8240000000000001,0.604,248.31,2021-09-20,rem us east north central smm food,0,315.83558423651175,306.4536727021249,1.0703584788578278,1.2862316563961014,0.8090026620826283,1.9194499268327725,2.755106197117902,0.677108753431293,0.8646538596683584,315.83558423651175 +0.0,0.642,0.764,0.88,0.007189550733582491,0.541,0.0,109.92,2021-09-20,rem us middle atlantic smm food,0,135.8243148863686,130.80002326169728,0.0,1.0439452887563807,0.8006192148071607,1.8500722186339977,0.8850968495534741,0.44455805292030276,0.0,135.8243148863686 +0.547,0.505,0.584,0.0,0.0075746679724543785,0.56,0.8280000000000001,205.18,2021-09-20,rem us mountain smm food,0,179.0255085468875,173.95751153106124,1.0568340937459058,0.821171917168181,0.6119916511091384,0.0,0.9325081645946283,0.4601709974775777,1.185320191730796,179.02550854688747 +0.9420000000000002,0.884,0.0,0.9470000000000001,0.004454505432084153,0.529,0.589,174.79,2021-09-20,rem us new england smm food,0,155.296280465188,148.221630613054,1.8199958250615054,1.4374573757953901,0.0,1.99092998982545,0.5483887478309682,0.4346972458314975,0.8431806677891773,155.29628046518798 +0.0,0.0,0.0,0.0,0.0055032524467288615,0.0,0.0,94.9,2021-09-20,rem us pacific smm food,0,105.79114291972022,105.11364420201244,0.0,0.0,0.0,0.0,0.6774987177077796,0.0,0.0,105.79114291972022 +0.93,0.9700000000000001,0.937,0.865,0.021344348899828263,0.0,0.61,262.02,2021-09-20,rem us south atlantic smm food,0,293.355710173132,283.6802303568146,1.7968111648696388,1.577300514164625,0.9819112621391487,1.8185368967254638,2.6276768419985164,0.0,0.8732431364200308,293.355710173132 +0.0,0.965,0.0,0.722,0.025005266947746067,0.896,0.965,401.07,2021-09-20,rem us south central smm food,0,407.71448324027574,399.4313293612464,0.0,1.5691700991431579,0.0,1.517900161197439,3.0783680118306136,0.7362735959641243,1.3814420108939833,407.71448324027574 +0.0,0.0,0.722,0.0,0.007379949632346161,0.708,0.968,122.79,2021-09-20,rem us west north central smm food,0,129.58719549313625,125.95452848252805,0.0,0.0,0.7566061166109554,0.0,0.9085366264879366,0.5817876182395089,1.3857366492698195,129.58719549313628 +0.989,0.9770000000000001,0.8290000000000001,0.0,0.002288730622913386,0.49900000000000005,0.0,88.39,2021-09-20,richmond/petersburg smm food,0,91.1281221403908,86.06809383806947,1.9108024108129813,1.588683095194679,0.8687347239203353,0.0,0.2817628442838438,0.41004522810948446,0.0,91.1281221403908 +0.875,0.774,0.0,0.0,0.0013750637577990721,0.0,0.0,70.59,2021-09-20,sacramento/stockton/modesto smm food,0,74.70550045966493,71.58708164797008,1.6905481389902515,1.2585882453231132,0.0,0.0,0.16928242738147664,0.0,0.0,74.70550045966492 +0.0,0.0,0.601,0.5760000000000001,0.002955354107604358,0.0,0.0,95.02,2021-09-20,salt lake city smm food,0,85.92940196099299,83.72480907215119,0.0,0.0,0.6298064765695073,1.2109563612877077,0.36383005098457916,0.0,0.0,85.92940196099298 +0.0,0.0,0.872,0.0,0.0014932281546268854,0.0,0.0,43.06,2021-09-20,san diego smm food,0,79.8119382063496,78.71431295071628,0.0,0.0,0.9137957530259739,0.0,0.1838295026073537,0.0,0.0,79.81193820634961 +0.58,0.0,0.653,0.0,0.0016938684290498701,0.0,0.795,67.43,2021-09-20,san francisco/oakland/san jose smm food,0,92.02741309299716,88.87591304741949,1.120591909273538,0.0,0.684298883860047,0.0,0.2085300828474821,0.0,1.1380791695965977,92.02741309299715 +0.0,0.0,0.5630000000000001,0.0,0.0036999326358288,0.9470000000000001,0.806,98.46,2021-09-20,seattle/tacoma smm food,0,91.72224401919578,88.74475650580376,0.0,0.0,0.5899851020110359,0.0,0.455494208314787,0.7781820260915466,1.1538261769746638,91.7222440191958 +0.554,0.0,0.726,0.0,0.0017995847790966942,0.0,0.0,53.27,2021-09-20,st. louis smm food,0,89.75679454363701,87.70409353036166,1.0703584788578278,0.0,0.7607978402486892,0.0,0.22154469416883674,0.0,0.0,89.75679454363701 +0.541,0.0,0.0,0.578,0.003633675667424104,0.749,0.0,119.43,2021-09-20,tampa/ft. myers smm food,0,176.57842255790698,173.25520362076367,1.0452417636499727,0.0,0.0,1.215161070875512,0.44733739349156937,0.6154787091262601,0.0,176.57842255790698 +0.0,0.847,0.502,0.878,0.000984437254351859,0.751,0.0,62.19,2021-09-20,tucson/sierra vista smm food,0,67.80978282508966,63.32224664442017,0.0,1.3772923046365333,0.5260613165355951,1.8458675090461933,0.12119287347677288,0.6171221769743943,0.0,67.80978282508966 +0.561,0.0,0.9490000000000002,0.621,0.006478093276331545,0.779,0.0,138.3,2021-09-20,washington dc/hagerstown smm food,0,177.84294872154473,173.02137618365978,1.08388286396975,0.0,0.9944864330523503,1.3055623270133099,0.7975101870012844,0.6401307268482732,0.0,177.84294872154476 +0.0,0.0,0.562,0.717,0.000499036326643671,0.719,0.931,39.79,2021-09-20,yakima/pasco/richland/kennewick smm food,0,57.59829981470834,53.51694236690935,0.0,0.0,0.5889371711016025,1.5073883872279277,0.061435755430709456,0.590826691404247,1.3327694426345063,57.59829981470834 +0.774,0.609,0.885,0.879,0.0019924139813857424,0.622,0.0,111.38,2021-09-27,albany/schenectady/troy smm food,0,88.37435445509477,82.35686844083078,1.4954105823753767,0.9902845496146975,0.9274188548486089,1.8479698638400954,0.24528366281547725,0.5111185007697381,0.0,88.37435445509477 +0.0,0.785,0.0,0.527,0.0013511313839878805,0.0,0.0,72.53,2021-09-27,albuquerque/santa fe smm food,0,73.34288163840893,70.79212936171284,0.0,1.2764751583703409,0.0,1.1079409763864965,0.16633614193923363,0.0,0.0,73.34288163840891 +0.0,0.9470000000000001,0.9070000000000001,0.0,0.005760699058308128,0.734,0.0,178.95,2021-09-27,atlanta smm food,0,169.05025013731893,165.2475308400832,0.0,1.5399006050658761,0.950473334856145,0.0,0.7091926570484763,0.6031527002652536,0.0,169.05025013731893 +0.0,0.671,0.712,0.0,0.0032325569740747416,0.0,0.9630000000000002,76.74,2021-09-27,baltimore smm food,0,108.89412477110166,105.28036119021601,0.0,1.0911016958808901,0.7461268075166209,0.0,0.3979561588447114,0.0,1.378578918643426,108.89412477110166 +0.5640000000000001,0.0,0.0,0.0,0.0005224633653547709,0.539,0.586,37.77,2021-09-27,baton rouge smm food,0,53.06404137662837,50.62824190344196,1.0896790290177165,0.0,0.0,0.0,0.06431982968318081,0.4429145850721685,0.8388860294133411,53.06404137662837 +0.0,0.714,0.617,0.834,0.0013737120790716874,0.0,0.0,76.86,2021-09-27,birmingham/anniston/tuscaloosa smm food,0,66.00559346171215,62.27551690355495,0.0,1.1610232650655075,0.6465733711204426,1.7533638981144932,0.1691160238567573,0.0,0.0,66.00559346171215 +0.518,0.638,0.8290000000000001,0.685,0.006542648908714661,0.0,0.0,197.71,2021-09-27,boston/manchester smm food,0,188.49684213133668,183.34429136615643,1.0008044982822288,1.0374409567392069,0.8687347239203353,1.4401130338230552,0.8054575524154174,0.0,0.0,188.49684213133668 +0.902,0.922,0.742,0.559,0.00105177284755455,0.0,0.0,82.54,2021-09-27,buffalo smm food,0,69.28741900324233,63.96319330778341,1.7427136244219505,1.4992485299585405,0.7775647347996246,1.1752163297913691,0.1294824764874493,0.0,0.0,69.28741900324235 +0.752,0.7000000000000001,0.0,0.0,0.00393037656131392,0.881,0.0,96.06,2021-09-27,charlotte smm food,0,130.89986020803798,127.1008852661048,1.4529053720236218,1.1382581030053995,0.0,0.0,0.4838638798010581,0.7239475871031178,0.0,130.899860208038 +0.853,0.0,0.0,0.779,0.005520472141814385,0.0,0.0,175.8,2021-09-27,chicago smm food,0,181.08825162437296,177.12285569785104,1.6480429286384966,0.0,0.0,1.6377343844498686,0.6796186134335691,0.0,0.0,181.08825162437296 +0.929,0.909,0.0,0.513,0.0027562421938630687,0.632,0.0,142.13,2021-09-27,cleveland/akron/canton smm food,0,136.30122468564733,131.09107465023894,1.7948791098536498,1.478109450902726,0.0,1.0785080092718646,0.3393176253697504,0.5193358400104091,0.0,136.30122468564733 +0.0,0.8270000000000001,0.0,0.0,0.004125057835277877,0.5700000000000001,0.0,84.12,2021-09-27,columbus oh smm food,0,106.24172452565358,103.92073468964487,0.0,1.3447706445506649,0.0,0.0,0.5078308547397958,0.46838833671824875,0.0,106.24172452565358 +0.0,0.0,0.552,0.0,0.00481229627386868,0.0,0.0,71.68,2021-09-27,dallas/ft. worth smm food,0,106.44805098667668,105.27715718131851,0.0,0.0,0.5784578620072679,0.0,0.5924359433508991,0.0,0.0,106.44805098667668 +0.809,0.514,0.9280000000000002,0.0,0.0006100716683919501,0.786,0.866,59.46,2021-09-27,des moines/ames smm food,0,67.74032341004344,62.408297363785806,1.563032507934987,0.8358066642068219,0.9724798839542477,0.0,0.07510518135345061,0.645882864316743,1.239718944491388,67.74032341004344 +0.0,0.931,0.0,0.903,0.005411962240028423,0.0,0.856,152.96,2021-09-27,detroit smm food,0,165.62689628342403,160.32292305294044,0.0,1.5138832769971813,0.0,1.89842637889375,0.6662600913540878,0.0,1.2254034832386007,165.62689628342406 +0.7030000000000001,0.0,0.0,0.0,0.0024521107735870624,0.0,0.919,122.6,2021-09-27,grand rapids smm food,0,112.991268249965,110.01556630860257,1.3582346762401678,0.0,0.0,0.0,0.3018763759911006,0.0,1.3155908891311614,112.991268249965 +0.0,0.833,0.0,0.0,0.0028084856886608192,0.647,0.909,96.95,2021-09-27,greensboro smm food,0,87.10245693369322,83.56924325587181,0.0,1.3545271425764254,0.0,0.0,0.34574925849519206,0.5316618488714157,1.301275427878374,87.10245693369322 +0.916,0.614,0.866,0.0,0.00348872974582957,0.968,0.893,66.36,2021-09-27,harrisburg/lancaster smm food,0,91.20409562714548,85.02510769460987,1.7697623946457948,0.9984149646361646,0.9075081675693731,0.0,0.4294932773133919,0.7954384384969557,1.278370689873914,91.20409562714546 +0.801,0.0,0.9400000000000001,0.779,0.0036555496346906678,0.0,0.0,95.08,2021-09-27,hartford/new haven smm food,0,117.23112601919152,112.61073024106035,1.547576067807076,0.0,0.985055054867449,1.6377343844498686,0.4500302710067718,0.0,0.0,117.23112601919152 +0.0,0.993,0.0,0.0,0.00469910368252441,0.756,0.596,129.54,2021-09-27,houston smm food,0,171.31407568959145,167.64644198801398,0.0,1.6147004232633737,0.0,0.0,0.5785009410532401,0.6212308465947298,0.8532014906661285,171.31407568959145 +0.728,0.0,0.0,0.59,0.004363296770901087,0.0,0.0,128.81,2021-09-27,indianapolis smm food,0,92.20532051629353,89.02123497580452,1.406536051639889,0.0,0.0,1.2403893284023393,0.5371601604467748,0.0,0.0,92.20532051629353 +0.0,0.753,0.0,0.0,0.001672892698012565,0.0,0.9380000000000001,93.18,2021-09-27,jacksonville smm food,0,89.0730685438924,86.29988999004563,0.0,1.2244405022329512,0.0,0.0,0.20594778610236286,0.0,1.3427902655114574,89.0730685438924 +0.8130000000000001,0.0,0.0,0.592,0.0012573268571684027,0.0,0.0,99.09,2021-09-27,kansas city smm food,0,83.46384325829277,80.49370051161102,1.5707607279989422,0.0,0.0,1.244594037990144,0.15478798069266808,0.0,0.0,83.46384325829278 +0.0,0.0,0.6880000000000001,0.0,0.0018066038712815872,0.9630000000000002,0.614,76.97,2021-09-27,knoxville smm food,0,72.0167027480091,69.4030183864474,0.0,0.0,0.720976465690218,0.0,0.22240880607370933,0.7913297688766203,0.8789693209211458,72.0167027480091 +0.0,0.541,0.0,0.0,0.0014090151104040145,0.0,0.0,37.27,2021-09-27,las vegas smm food,0,74.1291575093667,73.0759844669223,0.0,0.8797109053227445,0.0,0.0,0.1734621371216623,0.0,0.0,74.12915750936672 +0.788,0.0,0.555,0.0,0.0017379956737926013,0.803,0.0,78.39,2021-09-27,little rock/pine bluff smm food,0,60.681447038649566,57.70357115599228,1.5224593525992207,0.0,0.5816016547355684,0.0,0.21396253429661524,0.6598523410258837,0.0,60.681447038649566 +0.724,0.9759999999999999,0.606,0.754,0.007944853732879786,0.712,0.859,150.55,2021-09-27,los angeles smm food,0,161.97551664319758,153.9765761946837,1.3988078315759338,1.5870570121903853,0.6350461311166745,1.5851755146023117,0.9780812834783476,0.5850745539357773,1.229698121614437,161.97551664319758 +0.0,0.883,0.591,0.532,0.0006781485844798616,0.679,0.0,55.61,2021-09-27,madison wi smm food,0,56.234239870958625,52.419185278171575,0.0,1.4358312927910968,0.6193271674751727,1.1184527503560078,0.0834860477232053,0.5579573344415629,0.0,56.23423987095862 +0.719,0.555,0.5690000000000001,0.647,0.0025378114057329417,0.742,0.532,192.81,2021-09-27,miami/west palm beach smm food,0,190.05367018600793,184.12181433608328,1.3891475564959894,0.9024760673828525,0.5962726874676367,1.360223551654769,0.31242687661734236,0.6097265716577904,0.7615825386482893,190.05367018600793 +0.986,0.743,0.8250000000000001,0.0,0.002080364528488265,0.0,0.8190000000000001,104.82,2021-09-27,milwaukee smm food,0,73.55944882260312,68.15317248002567,1.9050062457650148,1.2081796721900169,0.8645430002826016,0.0,0.25611114773652155,0.0,1.1724362766032874,73.55944882260312 +0.0,0.0,0.0,0.0,0.0015687182995669986,0.508,0.0,78.05,2021-09-27,minneapolis/st. paul smm food,0,86.36128628587514,85.75072244988117,0.0,0.0,0.0,0.0,0.19312300256789094,0.41744083342608834,0.0,86.36128628587515 +0.6930000000000001,0.0,0.648,0.0,0.001267117261405877,0.986,0.0,83.59,2021-09-27,mobile/pensacola smm food,0,70.4506311461827,67.46643487620449,1.3389141260802793,0.0,0.6790592293128798,0.0,0.1559932654548949,0.8102296491301635,0.0,70.4506311461827 +0.512,0.0,0.0,0.912,0.004024304641947601,0.655,0.0,85.45,2021-09-27,nashville smm food,0,99.412390650832,95.47216793873541,0.9892121681862958,0.0,0.0,1.9173475720388704,0.49542725160747003,0.5382357202639525,0.0,99.412390650832 +0.842,0.0,0.0,0.0,0.00133854866354941,0.0,0.0,66.36,2021-09-27,new orleans smm food,0,61.34119473827437,59.54961731628727,1.626790323462619,0.0,0.0,0.0,0.1647870985244787,0.0,0.0,61.34119473827437 +0.0,0.0,0.919,0.0,0.014608486536462384,0.986,0.609,292.6,2021-09-27,new york smm food,0,294.60528834602945,290.1617655847399,0.0,0.0,0.9630485057693464,0.0,1.7984330160953366,0.8102296491301635,0.8718115902947521,294.6052883460295 +0.0,0.0,0.964,0.636,0.002367256485068476,0.526,0.51,114.22999999999999,2021-09-27,norfolk/portsmouth/newport news smm food,0,106.11099292985182,102.30993924858487,0.0,0.0,1.0102053966938518,1.3370976489218438,0.2914300676998065,0.4322320440592962,0.730088523892157,106.11099292985182 +0.0,0.602,0.0,0.728,0.0009873728929773306,0.74,0.9140000000000001,54.06,2021-09-27,oklahoma city smm food,0,58.1567309172102,53.609244119971564,0.0,0.9789019685846435,0.0,1.5305142899608526,0.12155427637872274,0.6080831038096562,1.3084331585047677,58.156730917210204 +0.0,0.0,0.5720000000000001,0.609,0.0008696372278848032,0.724,0.968,51.01,2021-09-27,omaha smm food,0,64.84371239179129,60.87622985001895,0.0,0.0,0.5994164801959371,1.2803340694864824,0.10705998179551263,0.5949353610245826,1.3857366492698195,64.84371239179129 +0.9520000000000001,0.0,0.861,0.0,0.0029913020898468265,0.0,0.769,109.32,2021-09-27,orlando/daytona beach/melborne smm food,0,136.82608158881695,132.61538216686213,1.8393163752213937,0.0,0.9022685130222059,0.0,0.36825556337188226,0.0,1.1008589703393503,136.82608158881698 +0.537,0.0,0.0,0.747,0.001213003161861088,0.608,0.0,70.68,2021-09-27,paducah ky/cape girardeau mo smm food,0,58.816176277751545,55.55925813283435,1.0375135435860172,0.0,0.0,1.5704590310449957,0.14933134445337917,0.49961422583279863,0.0,58.816176277751545 +0.735,0.518,0.587,0.0,0.008121583873178136,0.725,0.803,206.78,2021-09-27,philadelphia smm food,0,205.3603814643726,199.7377476378349,1.4200604367518113,0.8423109962239956,0.6151354438374388,0.0,0.9998383161770051,0.5957570949486497,1.1495315385988276,205.36038146437264 +0.0,0.549,0.792,0.509,0.004254958608916867,0.964,0.0,113.24000000000001,2021-09-27,phoenix/prescott smm food,0,121.09171484303802,116.98296111946722,0.0,0.892719569357092,0.8299612802712975,1.0700985900962556,0.5238227810454801,0.7921515028006872,0.0,121.09171484303803 +0.0,0.996,0.0,0.545,0.0018380433748437753,0.0,0.0,125.15,2021-09-27,pittsburgh smm food,0,107.54387366892959,104.55223234884438,0.0,1.619578672276254,0.0,1.1457833626767373,0.22627928513221818,0.0,0.0,107.54387366892959 +0.91,0.0,0.8250000000000001,0.948,0.0026427382469070065,0.0,0.652,103.18,2021-09-27,portland or smm food,0,92.77076725483103,86.8963094792362,1.7581700645498615,0.0,0.8645430002826016,1.993032344619352,0.3253442924612787,0.0,0.9333680736817379,92.77076725483103 +0.0,0.782,0.9380000000000001,0.0,0.002275166885190141,0.0,0.5640000000000001,60.83,2021-09-27,providence ri/new bedford ma smm food,0,86.59034750389237,83.24830635780522,0.0,1.2715969093574606,0.9829591930485821,0.0,0.2800930290239087,0.0,0.807392014657209,86.59034750389237 +0.805,0.763,0.0,0.0,0.004027211863195807,0.0,0.715,109.26,2021-09-27,raleigh/durham/fayetteville smm food,0,129.64551903190323,125.33017277610136,1.5553042878710315,1.2407013322758853,0.0,0.0,0.4957851560806553,0.0,1.0235554795742985,129.64551903190323 +0.0,0.735,0.0,0.0,0.021328066978192544,0.0,0.0,213.22,2021-09-27,rem us east north central smm food,0,310.27451610470246,306.4536727021249,0.0,1.1951710081556695,0.0,0.0,2.625672394421961,0.0,0.0,310.2745161047025 +0.0,0.677,0.609,0.0,0.006726148562493213,0.8130000000000001,0.592,150.73,2021-09-27,rem us middle atlantic smm food,0,134.88266433756854,130.80002326169728,0.0,1.1008581939066506,0.6381899238449749,0.0,0.8280479716880581,0.6680696802665548,0.8474753061650135,134.88266433756854 +0.606,0.5750000000000001,0.0,0.764,0.007228562850417203,0.0,0.0,161.8,2021-09-27,rem us mountain smm food,0,178.55943324458553,173.95751153106124,1.1708253396892483,0.9349977274687211,0.0,1.6061990625413345,0.8898995838249674,0.0,0.0,178.5594332445855 +0.68,0.543,0.849,0.0,0.004308530307217304,0.0,0.0,151.61,2021-09-27,rem us new england smm food,0,151.83850236505606,148.221630613054,1.313797410872424,0.8829630713313313,0.8896933421090044,0.0,0.5304179276892703,0.0,0.0,151.83850236505603 +0.999,0.807,0.806,0.971,0.005110067143789497,0.0,0.889,107.06,2021-09-27,rem us pacific smm food,0,113.14377362381403,105.11364420201244,1.9301229609728698,1.3122489844647962,0.8446323130033658,2.0413865048791044,0.6290941531086575,0.0,1.272644505372799,113.14377362381403 +0.9619999999999999,0.503,0.0,0.6980000000000001,0.01987775647646734,0.0,0.677,283.23,2021-09-27,rem us south atlantic smm food,0,291.2405138381958,283.6802303568146,1.8586369253812818,0.8179197511595941,0.0,1.4674436461437848,2.447126431882845,0.0,0.9691567268137065,291.2405138381958 +0.88,0.0,0.651,0.667,0.023553439205182446,0.0,0.747,344.35,2021-09-27,rem us south central smm food,0,407.18501166409044,399.4313293612464,1.7002084140701956,0.0,0.6822030220411801,1.4022706475328144,2.8996352636165836,0.0,1.069364955583218,407.1850116640904 +0.734,0.772,0.0,0.905,0.006966028292769044,0.0,0.679,127.10999999999999,2021-09-27,rem us west north central smm food,0,132.36022312475401,125.95452848252805,1.4181283817358223,1.2553360793145263,0.0,1.9026310884815545,0.857579273629797,0.0,0.9720198190642639,132.36022312475401 +0.9059999999999999,0.622,0.9390000000000001,0.0,0.0021335939827233585,0.729,0.0,44.42,2021-09-27,richmond/petersburg smm food,0,90.67567462695837,86.06809383806947,1.7504418444859058,1.011423628670512,0.9840071239580156,0.0,0.2626641611295372,0.5990440306449181,0.0,90.67567462695835 +0.0,0.636,0.0,0.0,0.0012030509021270068,0.941,1.0,76.37,2021-09-27,sacramento/stockton/modesto smm food,0,74.97417432038435,71.58708164797008,0.0,1.03418879073062,0.0,0.0,0.14810613385775356,0.7732516225471439,1.4315461252787391,74.97417432038434 +0.0,0.0,0.0,0.865,0.002655831244598137,0.0,0.0,78.71,2021-09-27,salt lake city smm food,0,85.87030212436485,83.72480907215119,0.0,0.0,0.0,1.8185368967254638,0.3269561554881992,0.0,0.0,85.87030212436485 +0.836,0.0,0.0,0.648,0.0013436415517708727,0.0,0.804,69.9,2021-09-27,san diego smm food,0,83.00821401305708,78.71431295071628,1.6151979933666858,0.0,0.0,1.3623259064486712,0.16541407780134632,0.0,1.1509630847241064,83.00821401305708 +0.0,0.0,0.0,0.0,0.0014713628361273162,0.0,0.883,84.5,2021-09-27,san francisco/oakland/san jose smm food,0,90.32110596587196,88.87591304741949,0.0,0.0,0.0,0.0,0.18113768983134057,0.0,1.2640552286211266,90.32110596587195 +0.512,0.0,0.833,0.791,0.0035001152298084095,0.0,0.0,109.67,2021-09-27,seattle/tacoma smm food,0,92.70075269392805,88.74475650580376,0.9892121681862958,0.0,0.8729264475580691,1.6629626419766959,0.4308949304032354,0.0,0.0,92.70075269392807 +0.0,0.0,0.0,0.618,0.0016855223689004328,0.9430000000000001,0.0,117.31,2021-09-27,st. louis smm food,0,89.9857464929184,87.70409353036166,0.0,0.0,0.0,1.299255262631603,0.20750260952985938,0.7748950903952782,0.0,89.9857464929184 +0.0,0.0,0.0,0.645,0.0032982072932516986,0.75,0.78,122.53,2021-09-27,tampa/ft. myers smm food,0,176.75016717341742,173.25520362076367,0.0,0.0,0.0,1.3560188420669643,0.40603828981908324,0.6163004430503273,1.1166059777174167,176.75016717341745 +0.644,0.583,0.0,0.809,0.0009490551485784416,0.707,0.858,54.59,2021-09-27,tucson/sierra vista smm food,0,69.14137097974518,63.32224664442017,1.244243430296825,0.9480063915030683,0.0,1.7008050282669367,0.1168370254535662,0.5809658843154418,1.2282665754891582,69.14137097974516 +0.0,0.996,0.0,0.0,0.005813900095165954,0.0,0.516,157.84,2021-09-27,washington dc/hagerstown smm food,0,176.09537482859258,173.02137618365978,0.0,1.619578672276254,0.0,0.0,0.7157421720127274,0.0,0.7386778006438294,176.09537482859258 +0.578,0.669,0.0,0.0,0.0004919937592340793,0.7010000000000001,0.0,90.21,2021-09-27,yakima/pasco/richland/kennewick smm food,0,56.35812393031371,53.51694236690935,1.1167277992415603,1.0878495298723032,0.0,0.0,0.06056875351946603,0.5760354807710393,0.0,56.35812393031372 +0.0,0.782,0.0,0.0,0.0034517587380054975,0.9560000000000002,0.55,99.71,2021-10-04,albany/schenectady/troy smm food,0,85.62633517199026,82.35686844083078,0.0,1.2715969093574606,0.0,0.0,0.42494182149056087,0.7855776314081506,0.7873503689033066,85.62633517199026 +0.654,0.79,0.578,0.0,0.0018506965209563418,0.547,0.0,88.31,2021-10-04,albuquerque/santa fe smm food,0,74.62332843624468,70.79212936171284,1.2635639804567136,1.284605573391808,0.6057040656525378,0.0,0.22783699856608555,0.44948845646470537,0.0,74.62332843624469 +0.627,0.786,0.0,0.775,0.009006905022237914,0.612,0.9420000000000002,243.44,2021-10-04,atlanta smm food,0,172.32660227973815,165.2475308400832,1.2113984950250145,1.2781012413746342,0.0,1.6293249652742594,1.1088291264394168,0.502901161529067,1.3485164500125726,172.32660227973815 +0.0,0.661,0.833,0.0,0.005589111227756922,0.536,0.9899999999999999,128.52,2021-10-04,baltimore smm food,0,109.77387723878857,105.28036119021601,0.0,1.0748408658379558,0.8729264475580691,0.0,0.6880686878506248,0.44044938329996725,1.4172306640259515,109.77387723878859 +0.0,0.0,0.557,0.0,0.000749382300520669,0.0,0.5060000000000001,62.6,2021-10-04,baton rouge smm food,0,52.02855730328447,50.62824190344196,0.0,0.0,0.5836975165544352,0.0,0.0922555438970349,0.0,0.7243623393910422,52.02855730328447 +0.0,0.0,0.665,0.5750000000000001,0.0017431157438531888,0.74,0.0,104.97,2021-10-04,birmingham/anniston/tuscaloosa smm food,0,65.00392092852832,62.27551690355495,0.0,0.0,0.6968740547732485,1.2088540064938056,0.21459285989664909,0.6080831038096562,0.0,65.00392092852832 +0.733,0.8,0.741,0.0,0.012831877824654945,0.645,0.0,147.08,2021-10-04,boston/manchester smm food,0,188.94760615886,183.34429136615643,1.4161963267198334,1.3008664034347424,0.7765168038901912,0.0,1.5797168776355317,0.5300183810232815,0.0,188.94760615886 +0.0,0.0,0.0,0.502,0.001187887142509828,0.891,0.0,56.9,2021-10-04,buffalo smm food,0,65.89697968251394,63.96319330778341,0.0,0.0,0.0,1.0553821065389397,0.14623934184780785,0.7321649263437888,0.0,65.89697968251394 +0.0,0.0,0.786,0.872,0.005962396953380693,0.0,0.771,120.73,2021-10-04,charlotte smm food,0,131.59555784347307,127.1008852661048,0.0,0.0,0.8236736948146968,1.8332533802827795,0.7340234396808897,0.0,1.103722062589908,131.59555784347307 +0.912,0.0,0.679,0.621,0.008927573589214218,0.893,0.0,153.53,2021-10-04,chicago smm food,0,182.73486841131668,177.12285569785104,1.7620341745818393,0.0,0.7115450875053169,1.3055623270133099,1.0990627301732558,0.733808394191923,0.0,182.73486841131668 +0.511,0.0,0.845,0.912,0.0030373938402353915,0.0,0.555,97.55,2021-10-04,cleveland/akron/canton smm food,0,136.04964191617165,131.09107465023894,0.9872801131703068,0.0,0.8855016184712706,1.9173475720388704,0.3739298627225728,0.0,0.7945080995297003,136.04964191617165 +0.622,0.8250000000000001,0.535,0.732,0.006358297969156248,0.796,0.0,102.9,2021-10-04,columbus oh smm food,0,110.00042066975823,103.92073468964487,1.2017382199450701,1.341518478542078,0.5606430365468992,1.5389237091364618,0.7827623323854352,0.654100203557414,0.0,110.00042066975823 +0.0,0.798,0.0,0.528,0.007762846609176812,0.0,0.802,90.1,2021-10-04,dallas/ft. worth smm food,0,109.78858935016727,105.27715718131851,0.0,1.2976142374261554,0.0,1.1100433311803988,0.9556746077686512,0.0,1.1480999924735489,109.78858935016727 +0.515,0.0,0.835,0.8190000000000001,0.0004962328905993967,0.879,0.0,70.67,2021-10-04,des moines/ames smm food,0,66.78355132968575,62.408297363785806,0.9950083332342623,0.0,0.875022309376936,1.7218285762059595,0.06109062782779519,0.7223041192549835,0.0,66.78355132968574 +0.0,0.502,0.0,0.0,0.008931727468447734,0.538,0.9570000000000001,125.87,2021-10-04,detroit smm food,0,164.05087332333085,160.32292305294044,0.0,0.8162936681553008,0.0,0.0,1.0995741091952909,0.44209285114810143,1.3699896418917534,164.05087332333088 +0.841,0.0,0.0,0.0,0.0037755772230366677,0.8210000000000001,0.635,110.4,2021-10-04,grand rapids smm food,0,113.68890663973542,110.01556630860257,1.6248582684466302,0.0,0.0,0.0,0.4648067214751322,0.6746435516590916,0.9090317895519994,113.68890663973542 +0.0,0.975,0.0,0.728,0.004475885184093902,0.0,0.0,126.2,2021-10-04,greensboro smm food,0,87.23620925812551,83.56924325587181,0.0,1.585430929186092,0.0,1.5305142899608526,0.5510207831067849,0.0,0.0,87.23620925812554 +0.0,0.0,0.0,0.0,0.00562897710144778,0.0,0.0,86.81,2021-10-04,harrisburg/lancaster smm food,0,85.71808422170052,85.02510769460987,0.0,0.0,0.0,0.0,0.6929765270906566,0.0,0.0,85.71808422170052 +0.742,0.9470000000000001,0.0,0.0,0.006542986210627436,0.0,0.0,110.34,2021-10-04,hartford/new haven smm food,0,116.38971474523376,112.61073024106035,1.4335848218637333,1.5399006050658761,0.0,0.0,0.8054990772437981,0.0,0.0,116.38971474523376 +0.596,0.645,0.0,0.0,0.007437739457863499,0.526,0.644,147.44,2021-10-04,houston smm food,0,172.1165691256963,167.64644198801398,1.1515047895293598,1.048823537769261,0.0,0.0,0.915651061644882,0.4322320440592962,0.921915704679508,172.1165691256963 +0.9540000000000001,0.0,0.879,0.0,0.006866815815501885,0.535,0.0,85.59,2021-10-04,indianapolis smm food,0,93.07053972600454,89.02123497580452,1.8431804852533713,0.0,0.9211312693920082,0.0,0.8453653461787556,0.43962764937590015,0.0,93.07053972600455 +0.948,0.0,0.0,0.716,0.002360741492445533,0.988,0.5750000000000001,150.85,2021-10-04,jacksonville smm food,0,91.56240433152978,86.29988999004563,1.831588155157438,0.0,0.0,1.5052860324340254,0.29062801487910717,0.8118731169782978,0.8231390220352751,91.56240433152978 +0.8270000000000001,0.669,0.681,0.0,0.001089050268837847,0.596,0.776,89.24,2021-10-04,kansas city smm food,0,85.6277053554893,80.49370051161102,1.5978094982227864,1.0878495298723032,0.7136409493241839,0.0,0.13407165449869937,0.48975341874399336,1.1108797932163017,85.6277053554893 +0.0,0.5750000000000001,0.897,0.0,0.0025582521487547464,0.594,0.0,110.2,2021-10-04,knoxville smm food,0,72.0810634022121,69.4030183864474,0.0,0.9349977274687211,0.9399940257618103,0.0,0.31494331163832684,0.4881099508958592,0.0,72.08106340221212 +0.0,0.9400000000000001,0.917,0.967,0.0019206094467233157,0.0,0.986,50.87,2021-10-04,las vegas smm food,0,79.24638059399209,73.0759844669223,0.0,1.5285180240358223,0.9609526439504795,2.0329770857034952,0.23644389385515743,0.0,1.4115044795248368,79.2463805939921 +0.64,0.769,0.0,0.0,0.002458638121591426,0.0,0.9540000000000001,75.39,2021-10-04,little rock/pine bluff smm food,0,61.85891914991049,57.70357115599228,1.2365152102328696,1.250457830301646,0.0,0.0,0.3026799498677847,0.0,1.3656950035159172,61.8589191499105 +0.514,0.753,0.0,0.9759999999999999,0.013174797729361955,0.0,0.0,177.25,2021-10-04,los angeles smm food,0,159.8679245841559,153.9765761946837,0.9930762782182734,1.2244405022329512,0.0,2.0518982788486153,1.6219333301723526,0.0,0.0,159.8679245841559 +0.0,0.627,0.791,0.601,0.0010341145364286054,0.0,0.948,18.12,2021-10-04,madison wi smm food,0,57.01558221239913,52.419185278171575,0.0,1.0195540436919792,0.828913349361864,1.2635152311352644,0.12730858327420524,0.0,1.3571057267642446,57.01558221239913 +0.0,0.897,0.0,0.0,0.003949191336140809,0.8170000000000001,0.9630000000000002,415.83,2021-10-04,miami/west palm beach smm food,0,188.1165264693952,184.12181433608328,0.0,1.4585964548512047,0.0,0.0,0.48618014385446434,0.6713566159628231,1.378578918643426,188.11652646939518 +0.714,0.609,0.8250000000000001,0.675,0.003420161085561129,0.9470000000000001,0.0,83.88,2021-10-04,milwaukee smm food,0,74.00581069623004,68.15317248002567,1.379487281416045,0.9902845496146975,0.8645430002826016,1.4190894858840324,0.42105187291544866,0.7781820260915466,0.0,74.00581069623004 +0.72,0.6970000000000001,0.987,0.0,0.0013107292867433806,0.549,0.681,64.66,2021-10-04,minneapolis/st. paul smm food,0,90.89686684749361,85.75072244988117,1.3910796115119783,1.1333798539925193,1.0343078076108214,0.0,0.16136228886946868,0.4511319243128396,0.9748829113148214,90.89686684749361 +0.522,0.25,0.971,0.9210000000000002,0.0015695794696519963,0.731,0.5750000000000001,95.88,2021-10-04,mobile/pensacola smm food,0,73.45235356456625,67.46643487620449,1.0085327183461843,0.40652075107335695,1.017540913059886,1.9362687651839912,0.19322902017002022,0.6006874984930523,0.8231390220352751,73.45235356456625 +0.804,0.652,0.0,0.0,0.0065710526950618735,0.808,0.0,109.44,2021-10-04,nashville smm food,0,99.55866160905448,95.47216793873541,1.5533722328550426,1.060206118799315,0.0,0.0,0.808954308018501,0.6639610106462193,0.0,99.55866160905448 +0.877,0.0,0.675,0.75,0.002262495206005444,0.968,0.0,90.91,2021-10-04,new orleans smm food,0,64.60212049710681,59.54961731628727,1.694412249022229,0.0,0.7073533638675831,1.5767660954267027,0.27853303400606433,0.7954384384969557,0.0,64.6021204971068 +0.0,0.0,0.0,0.629,0.02645510300282473,0.0,0.853,285.59,2021-10-04,new york smm food,0,295.9621111607871,290.1617655847399,0.0,0.0,0.0,1.3223811653645279,3.2568555658199196,0.0,1.2211088448627645,295.9621111607871 +0.7000000000000001,0.0,0.0,0.0,0.003528459710324804,0.9470000000000001,0.893,127.44,2021-10-04,norfolk/portsmouth/newport news smm food,0,106.15331486068011,102.30993924858487,1.3524385111922013,0.0,0.0,0.0,0.4343843849375926,0.7781820260915466,1.278370689873914,106.15331486068013 +0.0,0.729,0.547,0.0,0.0008382323193905922,0.0,0.0,33.85,2021-10-04,oklahoma city smm food,0,55.47107059925533,53.609244119971564,0.0,1.1854145101299087,0.5732182074601007,0.0,0.1031937616937608,0.0,0.0,55.471070599255334 +0.0,0.0,0.858,0.0,0.0011962900374137989,0.6900000000000001,0.904,75.79,2021-10-04,omaha smm food,0,63.7837424871941,60.87622985001895,0.0,0.0,0.8991247202939056,0.0,0.1472738120229599,0.5669964076063011,1.2941176972519801,63.7837424871941 +0.0,0.0,0.0,0.673,0.003471290124954765,0.0,0.894,301.65,2021-10-04,orlando/daytona beach/melborne smm food,0,135.73741548594862,132.61538216686213,0.0,0.0,0.0,1.414884776296228,0.42734630679107594,0.0,1.2798022359991927,135.73741548594862 +0.0,0.838,0.89,0.684,0.0015391098635313045,0.654,0.0,13.29,2021-10-04,paducah ky/cape girardeau mo smm food,0,60.01947680920336,55.55925813283435,0.0,1.3626575575978925,0.9326585093957762,1.438010679029153,0.1894779440063054,0.5374139863398854,0.0,60.01947680920336 +0.0,0.0,0.548,0.863,0.013450362272256003,0.0,0.598,220.24,2021-10-04,philadelphia smm food,0,204.6382682922677,199.7377476378349,0.0,0.0,0.5742661383695341,1.8143321871376592,1.655857746008922,0.0,0.856064582916686,204.6382682922677 +0.0,0.0,0.0,0.0,0.006559570839107955,0.659,0.0,110.06,2021-10-04,phoenix/prescott smm food,0,118.33202456611941,116.98296111946722,0.0,0.0,0.0,0.0,0.8075407906919773,0.5415226559602209,0.0,118.33202456611941 +0.9630000000000002,0.0,0.713,0.852,0.0017514432709304956,0.59,0.507,72.32,2021-10-04,pittsburgh smm food,0,110.37741730441866,104.55223234884438,1.8605689803972714,0.0,0.7471747384260543,1.791206284404734,0.21561805163029482,0.48482301519959076,0.7257938855163207,110.37741730441866 +0.0,0.0,0.918,0.857,0.004112022907879423,0.6930000000000001,0.0,93.94,2021-10-04,portland or smm food,0,90.73571586252487,86.8963094792362,0.0,0.0,0.962000574859913,1.8017180583742456,0.5062261406760032,0.5694616093785024,0.0,90.73571586252486 +0.725,0.769,0.0,0.717,0.004302162343633263,0.669,0.994,43.97,2021-10-04,providence ri/new bedford ma smm food,0,89.90922328108947,83.24830635780522,1.4007398865919225,1.250457830301646,0.0,1.5073883872279277,0.5296339754347882,0.5497399952008919,1.4229568485270667,89.90922328108947 +0.989,0.533,0.0,0.0,0.006607158826186522,0.748,0.609,84.55,2021-10-04,raleigh/durham/fayetteville smm food,0,130.4075452836221,125.33017277610136,1.9108024108129813,0.866702241288397,0.0,0.0,0.8133992899224074,0.6146569752021931,0.8718115902947521,130.40754528362208 +0.639,0.791,0.643,0.0,0.0303972122343354,0.0,0.0,288.47,2021-10-04,rem us east north central smm food,0,313.39047092888757,306.4536727021249,1.2345831552168807,1.2862316563961014,0.6738195747657124,0.0,3.7421638403839896,0.0,0.0,313.39047092888757 +0.9339999999999999,0.0,0.5060000000000001,0.756,0.009419723026254193,0.755,0.79,151.35,2021-10-04,rem us middle atlantic smm food,0,137.6351771116333,130.80002326169728,1.804539384933594,0.0,0.5302530401733291,1.5893802241901163,1.1596506489981282,0.6204091126706628,1.130921438970204,137.6351771116333 +0.0,0.0,0.0,0.0,0.009942277821431476,0.628,0.0,171.53,2021-10-04,rem us mountain smm food,0,175.69754216987099,173.95751153106124,0.0,0.0,0.0,0.0,1.2239817344955954,0.5160489043141406,0.0,175.69754216987099 +0.599,0.0,0.812,0.859,0.006379082191781538,0.0,0.0,118.11,2021-10-04,rem us new england smm food,0,152.82109528681616,148.221630613054,1.1573009545773263,0.0,0.8509198984599666,1.80592276796205,0.7853210527627926,0.0,0.0,152.82109528681613 +0.0,0.0,0.503,0.0,0.006243385508718268,0.0,0.0,106.3,2021-10-04,rem us pacific smm food,0,106.40936904855218,105.11364420201244,0.0,0.0,0.5271092474450285,0.0,0.7686155990947149,0.0,0.0,106.40936904855218 +0.624,0.787,0.605,0.0,0.027768136568203004,0.904,0.0,390.4,2021-10-04,rem us south atlantic smm food,0,290.960907210365,283.6802303568146,1.205602329977048,1.2797273243789278,0.6339982002072411,0.0,3.4185015316305236,0.7428474673566611,0.0,290.960907210365 +0.0,0.0,0.0,0.0,0.03117199225690372,0.908,0.772,408.76,2021-10-04,rem us south central smm food,0,405.12016343997755,399.4313293612464,0.0,0.0,0.0,0.0,3.8375460669630463,0.7461344030529296,1.1051536087151868,405.12016343997755 +0.0,0.0,0.0,0.0,0.0075456773054897,0.617,0.0,144.39,2021-10-04,rem us west north central smm food,0,127.39047747250973,125.95452848252805,0.0,0.0,0.0,0.0,0.9289391588322745,0.5070098311494026,0.0,127.39047747250973 +0.0,0.5700000000000001,0.0,0.0,0.003234394219291945,0.0,0.0,98.47,2021-10-04,richmond/petersburg smm food,0,87.39314349038635,86.06809383806947,0.0,0.926867312447254,0.0,0.0,0.398182339869627,0.0,0.0,87.39314349038635 +0.0,0.0,0.0,0.732,0.0010312369680958089,0.611,0.0,36.14,2021-10-04,sacramento/stockton/modesto smm food,0,73.75503911404692,71.58708164797008,0.0,0.0,0.0,1.5389237091364618,0.12695432933538314,0.5020794276049999,0.0,73.75503911404692 +0.0,0.0,0.0,0.781,0.004606209747315611,0.0,0.0,86.52,2021-10-04,salt lake city smm food,0,85.9338130478216,83.72480907215119,0.0,0.0,0.0,1.641939094037673,0.5670648816327425,0.0,0.0,85.9338130478216 +0.0,0.0,0.5740000000000001,0.761,0.0020647732726739422,0.0,0.713,83.22,2021-10-04,san diego smm food,0,82.19060140540395,78.71431295071628,0.0,0.0,0.601512342014804,1.5998919981596276,0.25419172718950733,0.0,1.020692387323741,82.19060140540395 +0.836,0.0,0.8,0.0,0.0015910148208781378,0.973,0.0,61.62,2021-10-04,san francisco/oakland/san jose smm food,0,92.324870776648,88.87591304741949,1.6151979933666858,0.0,0.8383447275467651,0.0,0.19586790019776795,0.7995471081172912,0.0,92.324870776648 +0.0,0.0,0.0,0.553,0.00577571949550083,0.0,0.0,98.01,2021-10-04,seattle/tacoma smm food,0,90.61840051164071,88.74475650580376,0.0,0.0,0.0,1.1626022010279555,0.7110418048090001,0.0,0.0,90.61840051164071 +0.0,0.52,0.72,0.0,0.001562000678688762,0.0,0.0,80.77,2021-10-04,st. louis smm food,0,89.49646295181537,87.70409353036166,0.0,0.8455631622325824,0.7545102547920886,0.0,0.1922960044290435,0.0,0.0,89.49646295181537 +0.679,0.0,0.654,0.0,0.003899904484116945,0.0,0.764,324.42,2021-10-04,tampa/ft. myers smm food,0,176.82622953052868,173.25520362076367,1.3118653558564353,0.0,0.6853468147694805,0.0,0.4801124994261465,0.0,1.0937012397129566,176.82622953052868 +0.0,0.0,0.801,0.656,0.0012932822526397236,0.727,0.0,99.07,2021-10-04,tucson/sierra vista smm food,0,66.2973990161866,63.32224664442017,0.0,0.0,0.8393926584561986,1.3791447447998892,0.15921440571356194,0.5974005627967839,0.0,66.2973990161866 +0.6960000000000001,0.543,0.0,0.746,0.009995110667922977,0.6940000000000001,0.712,133.51,2021-10-04,washington dc/hagerstown smm food,0,179.63743632886298,173.02137618365978,1.3447102911282458,0.8829630713313313,0.0,1.5683566762510937,1.2304859219915043,0.5702833433025696,1.0192608411984623,179.63743632886298 +0.0,0.0,0.658,0.896,0.0006905558585021634,0.0,0.736,25.98,2021-10-04,yakima/pasco/richland/kennewick smm food,0,57.228822241001126,53.51694236690935,0.0,0.0,0.6895385384072144,1.8837098953364342,0.08501349214297838,0.0,1.053617948205152,57.228822241001126 +0.0,0.579,0.0,0.884,0.010214408803828812,0.893,0.941,85.96,2021-10-11,albany/schenectady/troy smm food,0,88.49522888507954,82.35686844083078,0.0,0.9415020594858946,0.0,1.858481637809607,1.257483448874034,0.733808394191923,1.3470849038872934,88.49522888507953 +0.0,0.518,0.0,0.0,0.0074548454834399555,0.0,0.9969999999999999,78.01,2021-10-11,albuquerque/santa fe smm food,0,73.97944880849535,70.79212936171284,0.0,0.8423109962239956,0.0,0.0,0.9177569636556128,0.0,1.4272514869029027,73.97944880849535 +0.616,0.833,0.0,0.0,0.037264695240433986,0.0,0.0,152.71,2021-10-11,atlanta smm food,0,172.37981519609465,165.2475308400832,1.190145889849137,1.3545271425764254,0.0,0.0,4.587611323585916,0.0,0.0,172.37981519609465 +0.646,0.756,0.0,0.7000000000000001,0.01886171909859483,0.0,0.0,160.8,2021-10-11,baltimore smm food,0,111.55147914314199,105.28036119021601,1.248107540328803,1.2293187512458315,0.0,1.4716483557315894,2.3220433056197627,0.0,0.0,111.551479143142 +0.0,0.0,0.0,0.0,0.0038586894027749868,0.0,0.965,40.27,2021-10-11,baton rouge smm food,0,52.48472247520854,50.62824190344196,0.0,0.0,0.0,0.0,0.4750385608725924,0.0,1.3814420108939833,52.484722475208535 +0.0,0.931,0.781,0.9840000000000001,0.009090229714536662,0.0,0.0,57.02,2021-10-11,birmingham/anniston/tuscaloosa smm food,0,67.79563846601931,62.27551690355495,0.0,1.5138832769971813,0.8184340402675294,2.068717117199834,1.1190871279998127,0.0,0.0,67.79563846601931 +0.0,0.0,0.661,0.556,0.04263561043230777,0.0,0.543,186.28,2021-10-11,boston/manchester smm food,0,191.2320306714758,183.34429136615643,0.0,0.0,0.6926823311355147,1.1689092654096624,5.248818162747841,0.0,0.7773295460263554,191.2320306714758 +0.758,0.0,0.89,0.0,0.005481065888312364,0.521,0.5740000000000001,92.75,2021-10-11,buffalo smm food,0,68.28494772712386,63.96319330778341,1.4644977021195549,0.0,0.9326585093957762,0.0,0.6747673574761659,0.4281233744389607,0.8217074759099964,68.28494772712386 +0.664,0.865,0.0,0.0,0.02072645009730653,0.0,0.0,140.43,2021-10-11,charlotte smm food,0,132.341939667114,127.1008852661048,1.2828845306166023,1.406561798713815,0.0,0.0,2.5516080716787983,0.0,0.0,132.34193966711402 +0.643,0.0,0.5680000000000001,0.0,0.04454218663681387,0.802,0.779,185.82,2021-10-11,chicago smm food,0,186.21813130959967,177.12285569785104,1.2423113752808361,0.0,0.5952247565582033,0.0,5.483534441215648,0.6590306071018166,1.115174431592138,186.21813130959967 +0.901,0.606,0.9580000000000001,0.0,0.01629857668987391,0.635,0.509,128.19,2021-10-11,cleveland/akron/canton smm food,0,138.07813631105617,131.09107465023894,1.7407815694059618,0.9854063006018172,1.0039178112372513,0.0,2.006497960022716,0.5218010417826104,0.7286569777668782,138.07813631105617 +0.785,0.0,0.668,0.836,0.020624152481298716,0.0,0.0,96.39,2021-10-11,columbus oh smm food,0,110.43399866894836,103.92073468964487,1.5166631875512542,0.0,0.7000178475015488,1.7575686077022978,2.539014336548393,0.0,0.0,110.43399866894836 +0.0,0.0,0.54,0.999,0.03898777426223782,0.714,0.0,78.3,2021-10-11,dallas/ft. worth smm food,0,113.32974782029714,105.27715718131851,0.0,0.0,0.5658826910940664,2.100252439108368,4.799737486992279,0.5867180217839115,0.0,113.32974782029714 +0.579,0.6,0.0,0.785,0.0038271065767883227,0.59,0.9490000000000002,68.06,2021-10-11,des moines/ames smm food,0,68.46746625948649,62.408297363785806,1.1186598542575492,0.9756498025760566,0.0,1.6503485132132822,0.47115043756466174,0.48482301519959076,1.3585372728895238,68.46746625948647 +0.76,0.0,0.0,0.0,0.03193046564707347,0.866,0.0,165.04,2021-10-11,detroit smm food,0,166.43382724718765,160.32292305294044,1.4683618121515327,0.0,0.0,0.0,3.930920803853577,0.7116215782421111,0.0,166.43382724718765 +0.767,0.0,0.0,0.861,0.013414934451571329,0.0,0.8210000000000001,122.13,2021-10-11,grand rapids smm food,0,116.1343756223483,110.01556630860257,1.4818861972634547,0.0,0.0,1.8101274775498546,1.651496270078572,0.0,1.175299368853845,116.1343756223483 +0.0,0.0,0.0,0.5740000000000001,0.013804342714410497,0.978,0.9400000000000001,74.8,2021-10-11,greensboro smm food,0,88.62473989093453,83.56924325587181,0.0,0.0,0.0,1.2067516516999033,1.6994358478631906,0.8036557777376268,1.345653357762015,88.62473989093455 +0.0,0.531,0.0,0.0,0.01640798235681285,0.0,0.0,84.64,2021-10-11,harrisburg/lancaster smm food,0,87.90852452855077,85.02510769460987,0.0,0.8634500752798102,0.0,0.0,2.019966758661084,0.0,0.0,87.90852452855077 +0.0,0.8290000000000001,0.665,0.756,0.02009811099748461,0.629,0.0,109.59,2021-10-11,hartford/new haven smm food,0,119.23613197787324,112.61073024106035,0.0,1.3480228105592518,0.6968740547732485,1.5893802241901163,2.4742540090520606,0.5168706382382078,0.0,119.23613197787324 +0.509,0.736,0.0,0.0,0.03625134021586783,0.0,0.0,140.59,2021-10-11,houston smm food,0,174.28951350088937,167.64644198801398,0.9834160031383291,1.1967970911599628,0.0,0.0,4.462858418577099,0.0,0.0,174.28951350088937 +0.0,0.0,0.0,0.0,0.02287794949878424,0.0,0.5650000000000001,102.35,2021-10-11,indianapolis smm food,0,92.64653508372828,89.02123497580452,0.0,0.0,0.0,0.0,2.816476547141272,0.0,0.8088235607824877,92.64653508372828 +0.0,0.744,0.543,0.854,0.009704995192330198,0.0,0.85,93.21,2021-10-11,jacksonville smm food,0,92.28571758806359,86.29988999004563,0.0,1.2098057551943102,0.5690264838223669,1.7954109939925387,1.194770158521827,0.0,1.2168142064869283,92.2857175880636 +0.859,0.0,0.9590000000000001,0.542,0.008312037135620055,0.0,0.0,68.69,2021-10-11,kansas city smm food,0,85.32106259654498,80.49370051161102,1.6596352587344296,0.0,1.0049657421466847,1.1394762982950306,1.0232847857578,0.0,0.0,85.32106259654498 +0.793,0.0,0.577,0.546,0.00916621531027173,0.0,0.519,35.23,2021-10-11,knoxville smm food,0,74.55909392766532,69.4030183864474,1.532119627679165,0.0,0.6046561347431043,1.1478857174706396,1.1284416223053337,0.0,0.7429724390196656,74.55909392766532 +0.9580000000000001,0.0,0.0,0.0,0.009070866360774713,0.0,0.0,68.03,2021-10-11,las vegas smm food,0,76.04359650130033,73.0759844669223,1.8509087053173268,0.0,0.0,0.0,1.116703329060689,0.0,0.0,76.04359650130033 +0.795,0.8280000000000001,0.0,0.897,0.00928924278522659,0.0,0.0,96.63,2021-10-11,little rock/pine bluff smm food,0,63.615351256555485,57.70357115599228,1.5359837377111427,1.3463967275549582,0.0,1.8858122501303365,1.1435873851667644,0.0,0.0,63.61535125655548 +0.0,0.879,0.0,0.638,0.07165867197153106,0.8220000000000001,0.0,166.49,2021-10-11,los angeles smm food,0,166.24448278133806,153.9765761946837,0.0,1.429326960773923,0.0,1.3413023585096484,8.821811981787619,0.6754652855831587,0.0,166.24448278133804 +0.0,0.0,0.0,0.0,0.004601869301822647,0.0,0.881,56.1,2021-10-11,madison wi smm food,0,54.24690794920749,52.419185278171575,0.0,0.0,0.0,0.0,0.5665305346653393,0.0,1.2611921363705692,54.24690794920748 +0.0,0.0,0.0,0.0,0.018596660336522495,0.9420000000000002,0.751,136.08,2021-10-11,miami/west palm beach smm food,0,188.26039107632576,184.12181433608328,0.0,0.0,0.0,0.0,2.289412243686931,0.7740733564712111,1.075091140084333,188.26039107632576 +0.0,0.0,0.0,0.917,0.01326696516814324,0.968,0.0,76.28,2021-10-11,milwaukee smm food,0,72.50975021603196,68.15317248002567,0.0,0.0,0.0,1.927859346008382,1.633279951500954,0.7954384384969557,0.0,72.50975021603196 +0.0,0.0,0.0,0.8270000000000001,0.012536919039545397,0.773,0.908,61.78,2021-10-11,minneapolis/st. paul smm food,0,90.9678189297152,85.75072244988117,0.0,0.0,0.0,1.7386474145571775,1.5434048602198769,0.6352003233038707,1.2998438817530953,90.9678189297152 +0.0,0.6890000000000001,0.0,0.739,0.00743320750395852,0.891,0.659,45.63,2021-10-11,mobile/pensacola smm food,0,72.73109322006863,67.46643487620449,0.0,1.1203711899581719,0.0,1.5536401926937777,0.915093138309717,0.7321649263437888,0.9433888965586892,72.73109322006863 +0.0,0.0,0.787,0.0,0.0222612145731923,0.848,0.742,95.32,2021-10-11,nashville smm food,0,100.79647821732057,95.47216793873541,0.0,0.0,0.8247216257241302,0.0,2.740551060295306,0.6968303676089033,1.0622072249568244,100.79647821732057 +0.504,0.0,0.0,0.0,0.008946001640602651,0.6890000000000001,0.0,97.73,2021-10-11,new orleans smm food,0,62.190879103202235,59.54961731628727,0.9737557280583848,0.0,0.0,0.0,1.101331385174343,0.5661746736822341,0.0,62.19087910320223 +0.72,0.0,0.0,0.55,0.09802655092368079,0.63,0.995,320.8,2021-10-11,new york smm food,0,306.7191506004911,290.1617655847399,1.3910796115119783,0.0,0.0,1.1562951366462486,12.06792950077839,0.5176923721622749,1.4243883946523455,306.71915060049116 +0.0,0.0,0.761,0.0,0.012259509838205293,0.866,0.6930000000000001,108.37,2021-10-11,norfolk/portsmouth/newport news smm food,0,106.32035106444881,102.30993924858487,0.0,0.0,0.7974754220788602,0.0,1.5092533507248012,0.7116215782421111,0.9920614648181663,106.3203510644488 +0.834,0.5060000000000001,0.595,0.0,0.006625565873426539,0.922,0.0,45.39,2021-10-11,oklahoma city smm food,0,58.24019893170984,53.609244119971564,1.6113338833347082,0.8227980001724746,0.6235188911129065,0.0,0.8156653591283205,0.757638677989869,0.0,58.24019893170984 +0.0,0.0,0.0,0.54,0.005330842983313204,0.9199999999999999,0.73,75.49,2021-10-11,omaha smm food,0,64.46879891860834,60.87622985001895,0.0,0.0,0.0,1.135271588707226,0.6562735982869498,0.7559952101417347,1.0450286714534796,64.46879891860834 +0.0,0.0,0.668,0.619,0.017092086235137312,0.0,0.648,103.44,2021-10-11,orlando/daytona beach/melborne smm food,0,137.6485854763387,132.61538216686213,0.0,0.0,0.7000178475015488,1.3013576174255053,2.104185955368884,0.0,0.927641889180623,137.6485854763387 +0.0,0.0,0.67,0.0,0.005894673401201403,0.659,0.748,44.33,2021-10-11,paducah ky/cape girardeau mo smm food,0,58.59937707533579,55.55925813283435,0.0,0.0,0.7021137093204158,0.0,0.7256860755122957,0.5415226559602209,1.0707965017084968,58.59937707533578 +0.5630000000000001,0.9520000000000001,0.987,0.758,0.04720818883139722,0.0,0.0,209.3,2021-10-11,philadelphia smm food,0,210.81316110330312,199.7377476378349,1.0877469740017276,1.5480310200873433,1.0343078076108214,1.5935849337779209,5.811742729990399,0.0,0.0,210.81316110330312 +0.0,0.0,0.0,0.838,0.0252683327867953,0.79,0.9700000000000001,80.45,2021-10-11,phoenix/prescott smm food,0,123.89325770572384,116.98296111946722,0.0,0.0,0.0,1.7617733172901024,3.110753727433123,0.6491698000130114,1.388599741520377,123.89325770572384 +0.0,0.811,0.0,0.919,0.010116753104620615,0.0,0.0,117.66999999999999,2021-10-11,pittsburgh smm food,0,109.0485108953996,104.55223234884438,0.0,1.31875331648197,0.0,1.9320640555961863,1.245461174477057,0.0,0.0,109.0485108953996 +0.985,0.729,0.0,0.0,0.015809191151657666,0.0,0.637,54.43,2021-10-11,portland or smm food,0,92.84294336333929,86.8963094792362,1.9030741907490258,1.1854145101299087,0.0,0.0,1.946250301421607,0.0,0.9118948818025568,92.84294336333929 +0.0,0.7010000000000001,0.891,0.0,0.012955825775525618,0.0,0.669,87.27,2021-10-11,providence ri/new bedford ma smm food,0,87.87457730109942,83.24830635780522,0.0,1.1398841860096929,0.9337064403052097,0.0,1.5949759591678176,0.0,0.9577043578114766,87.87457730109942 +0.964,0.796,0.0,0.0,0.02163976854066479,0.6950000000000001,0.839,72.3,2021-10-11,raleigh/durham/fayetteville smm food,0,132.9232537540701,125.33017277610136,1.8625010354132598,1.2943620714175685,0.0,0.0,2.6640455948023987,0.5711050772266366,1.2010671991088622,132.9232537540701 +0.5630000000000001,0.0,0.5700000000000001,0.0,0.1069279076290592,0.728,0.0,333.7,2021-10-11,rem us east north central smm food,0,321.90072729348236,306.4536727021249,1.0877469740017276,0.0,0.5973206183770702,0.0,13.163764702257845,0.5982222967208509,0.0,321.90072729348236 +0.0,0.0,0.916,0.9840000000000001,0.031875269216116255,0.802,0.851,129.59,2021-10-11,rem us middle atlantic smm food,0,139.63004709,130.80002326169728,0.0,0.0,0.9599047130410461,2.068717117199834,3.9241256383478067,0.6590306071018166,1.218245752612207,139.63004708999998 +0.686,0.0,0.0,0.0,0.0457934124066369,0.685,0.0,199.37,2021-10-11,rem us mountain smm food,0,181.48336033447868,173.95751153106124,1.3253897409683573,0.0,0.0,0.0,5.6375713244631,0.5628877379859656,0.0,181.48336033447868 +0.0,0.0,0.5750000000000001,0.837,0.02060464827618857,0.76,0.0,186.72,2021-10-11,rem us new england smm food,0,153.74499282833648,148.221630613054,0.0,0.0,0.6025602729242374,1.7596709624962001,2.536613197571044,0.6245177822909983,0.0,153.74499282833648 +0.0,0.0,0.909,0.8140000000000001,0.035317663810543284,0.518,0.628,97.8,2021-10-11,rem us pacific smm food,0,113.45011399177332,105.11364420201244,0.0,0.0,0.9525691966750118,1.711316802236448,4.347914651507612,0.42565817266675937,0.8990109666750482,113.45011399177332 +0.0,0.51,0.54,0.0,0.10012077201243197,0.0,0.0,272.08,2021-10-11,rem us south atlantic smm food,0,297.40116189289995,283.6802303568146,0.0,0.8293023321896482,0.5658826910940664,0.0,12.325746512801684,0.0,0.0,297.4011618929 +0.746,0.0,0.0,0.0,0.14178595495738042,0.0,0.773,359.48,2021-10-11,rem us south central smm food,0,419.4343240854683,399.4313293612464,1.4413130419276887,0.0,0.0,0.0,17.455096527453737,0.0,1.1065851548404655,419.4343240854683 +0.0,0.745,0.687,0.889,0.04252943446207211,0.968,0.0,125.77,2021-10-11,rem us west north central smm food,0,135.78606767392736,125.95452848252805,0.0,1.2114318381986038,0.7199285347807846,1.8689934117791183,5.235746968143857,0.7954384384969557,0.0,135.78606767392736 +0.0,0.877,0.5,0.881,0.01073361405510304,0.742,0.601,105.6,2021-10-11,richmond/petersburg smm food,0,92.66179663002382,86.06809383806947,0.0,1.4260747947653363,0.5239654547167282,1.8521745734279,1.3214021760940657,0.6097265716577904,0.8603592212925222,92.66179663002382 +0.53,0.0,0.0,0.56,0.011311256553881032,0.0,0.73,89.31,2021-10-11,sacramento/stockton/modesto smm food,0,76.22593320428757,71.58708164797008,1.0239891584740952,0.0,0.0,1.1773186845852714,1.392515041804638,0.0,1.0450286714534796,76.22593320428757 +0.0,0.0,0.705,0.771,0.0164884294807788,0.49900000000000005,0.0,101.56,2021-10-11,salt lake city smm food,0,88.52443164379255,83.72480907215119,0.0,0.0,0.7387912911505867,1.6209155460986504,2.0298705062826574,0.41004522810948446,0.0,88.52443164379257 +0.862,0.0,0.0,0.992,0.01110038108148944,0.741,0.0,92.96,2021-10-11,san diego smm food,0,84.44073958657026,78.71431295071628,1.6654314237823962,0.0,0.0,2.085535955551052,1.3665544187868357,0.6089048377337233,0.0,84.44073958657029 +0.0,0.0,0.552,0.784,0.014877747363755772,0.602,0.0,70.13,2021-10-11,san francisco/oakland/san jose smm food,0,93.42888227930308,88.87591304741949,0.0,0.0,0.5784578620072679,1.64824615841938,1.8315813891685435,0.49468382228839597,0.0,93.42888227930308 +0.89,0.0,0.507,0.79,0.02325813446939313,0.996,0.637,94.1,2021-10-11,seattle/tacoma smm food,0,97.25006925510615,88.74475650580376,1.7195289642300844,0.0,0.5313009710827624,1.6608602871827935,2.863280656633359,0.8184469883708346,0.9118948818025568,97.25006925510615 +0.0,0.645,0.0,0.964,0.011678876101585437,0.812,0.633,101.02,2021-10-11,st. louis smm food,0,93.79077597045699,87.70409353036166,0.0,1.048823537769261,0.0,2.0266700213217885,1.437772237360348,0.6672479463424876,0.9061686973014419,93.79077597045699 +0.0,0.885,0.9129999999999999,0.883,0.018640963027681395,0.787,0.0,125.05,2021-10-11,tampa/ft. myers smm food,0,180.44899817526363,173.25520362076367,0.0,1.4390834587996837,0.9567609203127455,1.8563792830157047,2.294866294131046,0.6467045982408101,0.0,180.44899817526365 +0.0,0.0,0.0,0.0,0.0051500788109811145,0.0,0.0,82.56,2021-10-11,tucson/sierra vista smm food,0,63.95626658522948,63.32224664442017,0.0,0.0,0.0,0.0,0.6340199408093078,0.0,0.0,63.95626658522948 +0.836,0.582,0.0,0.528,0.03514767600188601,0.757,0.507,199.63,2021-10-11,washington dc/hagerstown smm food,0,182.36783194180052,173.02137618365978,1.6151979933666858,0.9463803084987749,0.0,1.1100433311803988,4.32698765905977,0.622052580518797,0.7257938855163207,182.36783194180052 +0.512,0.747,0.0,0.0,0.0031773308902021216,0.9490000000000002,0.8210000000000001,55.26,2021-10-11,yakima/pasco/richland/kennewick smm food,0,58.06712074490093,53.51694236690935,0.9892121681862958,1.2146840042071905,0.0,0.0,0.3911573428045782,0.7798254939396809,1.175299368853845,58.06712074490094 +0.0,0.753,0.9129999999999999,0.0,0.013730233901113179,0.8300000000000001,0.0,111.99,2021-10-18,albany/schenectady/troy smm food,0,86.9104214223139,82.35686844083078,0.0,1.2244405022329512,0.9567609203127455,0.0,1.690312401961736,0.6820391569756955,0.0,86.9104214223139 +0.765,0.0,0.0,0.862,0.009524056809120083,0.613,0.941,81.35,2021-10-18,albuquerque/santa fe smm food,0,77.1056841347833,70.79212936171284,1.4780220872314769,0.0,0.0,1.812229832343757,1.172495054154802,0.5037228954531341,1.3470849038872934,77.1056841347833 +0.893,0.0,0.0,0.715,0.0491256019409471,0.592,0.0,181.84,2021-10-18,atlanta smm food,0,175.01029925671142,165.2475308400832,1.725325129278051,0.0,0.0,1.503183677640123,6.047793126662332,0.48646648304772494,0.0,175.01029925671142 +0.0,0.0,0.9700000000000001,0.0,0.025106846716093364,0.0,0.782,77.29,2021-10-18,baltimore smm food,0,110.50719661594275,105.28036119021601,0.0,0.0,1.0164929821504527,0.0,3.0908733736083116,0.0,1.1194690699679741,110.50719661594275 +0.0,0.713,0.0,0.0,0.00404951085558323,0.0,0.0,34.06,2021-10-18,baton rouge smm food,0,52.286169443424896,50.62824190344196,0.0,1.159397182061214,0.0,0.0,0.4985303579217293,0.0,0.0,52.2861694434249 +0.883,0.919,0.0,0.0,0.009402187033404312,0.595,0.9619999999999999,56.8,2021-10-18,birmingham/anniston/tuscaloosa smm food,0,68.49946263519598,62.27551690355495,1.7060045791181624,1.4943702809456603,0.0,0.0,1.1574918142391322,0.48893168481992627,1.377147372518147,68.49946263519598 +0.795,0.0,0.709,0.762,0.05785582425827243,0.0,0.0,171.93,2021-10-18,boston/manchester smm food,0,194.34781265330798,183.34429136615643,1.5359837377111427,0.0,0.7429830147883205,1.6019943529535299,7.12256018169857,0.0,0.0,194.34781265330798 +0.627,0.884,0.5730000000000001,0.0,0.006602126479334019,0.0,0.588,93.77,2021-10-18,buffalo smm food,0,68.86704247519295,63.96319330778341,1.2113984950250145,1.4374573757953901,0.6004644111053705,0.0,0.8127797638198645,0.0,0.8417491216638986,68.86704247519295 +0.0,0.0,0.0,0.0,0.02759428646731374,0.549,0.512,154.75,2021-10-18,charlotte smm food,0,131.68206786364223,127.1008852661048,0.0,0.0,0.0,0.0,3.3970990570818853,0.4511319243128396,0.7329516161427144,131.68206786364223 +0.0,0.0,0.704,0.0,0.055276141700444106,0.0,0.0,181.83,2021-10-18,chicago smm food,0,184.66557765654707,177.12285569785104,0.0,0.0,0.7377433602411533,0.0,6.8049785984548885,0.0,0.0,184.66557765654707 +0.0,0.964,0.843,0.59,0.01899137770675798,0.539,0.792,125.07,2021-10-18,cleveland/akron/canton smm food,0,138.6971182869536,131.09107465023894,0.0,1.5675440161388643,0.8834057566524036,1.2403893284023393,2.3380054192281476,0.4429145850721685,1.1337845312207615,138.6971182869536 +0.0,0.0,0.0,0.549,0.029330201494875155,0.0,0.645,99.21,2021-10-18,columbus oh smm food,0,109.6090801678527,103.92073468964487,0.0,0.0,0.0,1.1541927818523465,3.6108054455506875,0.0,0.9233472508047867,109.6090801678527 +0.975,0.0,0.515,0.0,0.04648527546449334,0.5720000000000001,0.591,119.69,2021-10-18,dallas/ft. worth smm food,0,114.73941654920127,105.27715718131851,1.8837536405891373,0.0,0.53968441835823,0.0,5.722745744329254,0.47003180456638294,0.8460437600397348,114.73941654920125 +0.675,0.0,0.625,0.52,0.004049106834610785,0.0,0.0,50.01,2021-10-18,des moines/ames smm food,0,65.9590964301944,62.408297363785806,1.3041371357924798,0.0,0.6549568183959102,1.0932244928291805,0.49848061939103167,0.0,0.0,65.9590964301944 +0.84,0.0,0.982,0.764,0.0454882876136947,0.0,0.0,148.5,2021-10-18,detroit smm food,0,170.18112426415934,160.32292305294044,1.6229262134306413,0.0,1.029068153063654,1.6061990625413345,5.600007782183286,0.0,0.0,170.18112426415937 +0.611,0.968,0.0,0.0,0.017885661263922242,0.0,0.0,145.14,2021-10-18,grand rapids smm food,0,114.97198228383958,110.01556630860257,1.1804856147691927,1.5740483481560381,0.0,0.0,2.201882012311771,0.0,0.0,114.97198228383958 +0.895,0.0,0.643,0.0,0.018340554283827335,0.5690000000000001,0.84,60.78,2021-10-18,greensboro smm food,0,89.90020075689642,83.56924325587181,1.7291892393100285,0.0,0.6738195747657124,0.0,2.2578833389205673,0.46756660279418166,1.202498745234141,89.90020075689644 +0.0,0.0,0.706,0.67,0.022981120640258475,0.584,0.718,87.51,2021-10-18,harrisburg/lancaster smm food,0,91.51044517911953,85.02510769460987,0.0,0.0,0.7398392220600202,1.408577711914521,2.8291778209297913,0.4798926116551881,1.0278501179501347,91.51044517911953 +0.9430000000000001,0.797,0.6900000000000001,0.0,0.02683483947308806,0.801,0.0,129.11,2021-10-18,hartford/new haven smm food,0,120.4135319372263,112.61073024106035,1.8219278800774938,1.295988154421862,0.7230723275090849,0.0,3.303604460979764,0.6582088731777496,0.0,120.41353193722631 +0.0,0.619,0.0,0.0,0.04416888237811797,0.0,0.9590000000000001,162.23,2021-10-18,houston smm food,0,175.4634175096153,167.64644198801398,0.0,1.0065453796576318,0.0,0.0,5.437577407801405,0.0,1.372852734142311,175.4634175096153 +0.0,0.67,0.0,0.0,0.03208997979890072,0.973,0.0,87.66,2021-10-18,indianapolis smm food,0,94.86081609394165,89.02123497580452,0.0,1.0894756128765968,0.0,0.0,3.9505583971432405,0.7995471081172912,0.0,94.86081609394165 +0.9430000000000001,0.0,0.0,0.0,0.012042712431498934,0.6930000000000001,0.518,56.97,2021-10-18,jacksonville smm food,0,90.91538405796958,86.29988999004563,1.8219278800774938,0.0,0.0,0.0,1.4825636855735622,0.5694616093785024,0.7415408928943868,90.91538405796958 +0.0,0.968,0.733,0.5680000000000001,0.00932867374949145,0.0,0.8320000000000001,42.54,2021-10-18,kansas city smm food,0,86.36950779878632,80.49370051161102,0.0,1.5740483481560381,0.7681333566147235,1.1941375229364897,1.1484416832361368,0.0,1.191046376231911,86.36950779878632 +0.646,0.0,0.0,0.808,0.011997342235385318,0.526,0.0,60.650000000000006,2021-10-18,knoxville smm food,0,74.25903886020089,69.4030183864474,1.248107540328803,0.0,0.0,1.6987026734730344,1.4769782158923745,0.4322320440592962,0.0,74.2590388602009 +0.0,0.0,0.0,0.911,0.011548340261341442,0.6900000000000001,0.9530000000000001,108.4,2021-10-18,las vegas smm food,0,78.34419167794127,73.0759844669223,0.0,0.0,0.0,1.9152452172449683,1.4217021287770537,0.5669964076063011,1.3642634573906385,78.34419167794127 +0.0,0.762,0.871,0.0,0.01178841397110557,0.0,0.0,93.44,2021-10-18,little rock/pine bluff smm food,0,61.30665153867817,57.70357115599228,0.0,1.239075249271592,0.9127478221165405,0.0,1.4512573112977512,0.0,0.0,61.30665153867816 +0.0,0.0,0.0,0.513,0.08064203628554882,0.81,0.929,132.06,2021-10-18,los angeles smm food,0,166.9783380730934,153.9765761946837,0.0,0.0,0.0,1.0785080092718646,9.927743040259507,0.6656044784943534,1.3299063503839488,166.97833807309337 +0.0,0.522,0.0,0.9339999999999999,0.006284873643989615,0.0,0.519,80.97,2021-10-18,madison wi smm food,0,56.74829557592266,52.419185278171575,0.0,0.8488153282411693,0.0,1.9635993775047202,0.7737231529855294,0.0,0.7429724390196656,56.74829557592266 +0.0,0.0,0.706,0.0,0.022956051571356613,0.925,0.8270000000000001,154.24,2021-10-18,miami/west palm beach smm food,0,189.63173768184788,184.12181433608328,0.0,0.0,0.7398392220600202,0.0,2.8260915983369617,0.7601038797620703,1.1838886456055173,189.63173768184785 +0.0,0.552,0.597,0.0,0.01922238133102144,0.0,0.0,95.3,2021-10-18,milwaukee smm food,0,72.04282904587795,68.15317248002567,0.0,0.8975978183699722,0.6256147529317734,0.0,2.366443994550523,0.0,0.0,72.04282904587794 +0.0,0.0,0.0,0.0,0.0142792798695938,0.986,0.744,84.95,2021-10-18,minneapolis/st. paul smm food,0,89.38392719981458,85.75072244988117,0.0,0.0,0.0,0.0,1.7579047835958643,0.8102296491301635,1.0650703172073819,89.38392719981458 +0.64,0.0,0.744,0.9899999999999999,0.008428238262340175,0.0,0.0,64.29,2021-10-18,mobile/pensacola smm food,0,72.6015320942068,67.46643487620449,1.2365152102328696,0.0,0.7796605966184915,2.081331245963247,1.037590165187718,0.0,0.0,72.60153209420682 +0.512,0.807,0.0,0.9689999999999999,0.029423249872351703,0.652,0.0,93.53,2021-10-18,nashville smm food,0,103.96884192334055,95.47216793873541,0.9892121681862958,1.3122489844647962,0.0,2.0371817952912994,3.6222605181709926,0.5357705184917512,0.0,103.96884192334055 +0.8250000000000001,0.587,0.0,0.0,0.010053665291550235,0.0,0.0,31.02,2021-10-18,new orleans smm food,0,63.33576793851222,59.54961731628727,1.5939453881908086,0.954510723520242,0.0,0.0,1.2376945105138988,0.0,0.0,63.33576793851222 +0.843,0.0,0.753,0.508,0.12972954782111515,0.0,0.0,254.49,2021-10-18,new york smm food,0,309.618423076751,290.1617655847399,1.6287223784786078,0.0,0.7890919748033927,1.0679962353023533,15.970846903426798,0.0,0.0,309.61842307675107 +0.6880000000000001,0.5,0.644,0.0,0.016554553011064156,0.0,0.721,89.37,2021-10-18,norfolk/portsmouth/newport news smm food,0,108.19725775743427,102.30993924858487,1.3292538510003349,0.8130415021467139,0.6748675056751459,0.0,2.038010893701241,0.0,1.032144756325971,108.19725775743427 +0.855,0.0,0.8160000000000001,0.877,0.006566261278147066,0.0,0.0,50.16,2021-10-18,oklahoma city smm food,0,58.768392377499694,53.609244119971564,1.6519070386704742,0.0,0.8551116220977004,1.843765154252291,0.8083644425076583,0.0,0.0,58.76839237749969 +0.0,0.0,0.513,0.606,0.006604894084772174,0.0,0.0,97.7,2021-10-18,omaha smm food,0,63.50096589202351,60.87622985001895,0.0,0.0,0.5375885565393631,1.2740270051047757,0.8131204803604232,0.0,0.0,63.500965892023515 +0.5660000000000001,0.66,0.992,0.0,0.02089891763101486,0.0,0.896,141.95,2021-10-18,orlando/daytona beach/melborne smm food,0,139.67719321921598,132.61538216686213,1.0935431390496941,1.0732147828336625,1.0395474621579888,0.0,2.5728403400627555,0.0,1.2826653282497502,139.67719321921598 +0.757,0.0,0.75,0.9210000000000002,0.007159854574338714,0.0,0.978,52.37,2021-10-18,paducah ky/cape girardeau mo smm food,0,62.025533829214005,55.55925813283435,1.4625656471035662,0.0,0.7859481820750922,1.9362687651839912,0.8814409914943979,0.0,1.400052110522607,62.025533829214005 +0.581,0.554,0.578,0.0,0.06343047598315314,0.884,0.0,237.91,2021-10-18,philadelphia smm food,0,210.9020872187612,199.7377476378349,1.1225239642895268,0.9008499843785591,0.6057040656525378,0.0,7.808848777730375,0.726412788875319,0.0,210.9020872187612 +0.0,0.0,0.789,0.0,0.03518231925585049,0.0,0.0,92.09,2021-10-18,phoenix/prescott smm food,0,122.14103115494531,116.98296111946722,0.0,0.0,0.8268174875429971,0.0,4.331252547935096,0.0,0.0,122.14103115494531 +0.864,0.0,0.753,0.929,0.011678453547540862,0.0,0.0,98.35,2021-10-18,pittsburgh smm food,0,110.40142767824304,104.55223234884438,1.669295533814374,0.0,0.7890919748033927,1.9530876035352092,1.4377202172456736,0.0,0.0,110.40142767824304 +0.685,0.0,0.741,0.0,0.02301674367596959,0.0,0.0,84.12,2021-10-18,portland or smm food,0,91.82984729862345,86.8963094792362,1.3234576859523683,0.0,0.7765168038901912,0.0,2.8335633295446985,0.0,0.0,91.82984729862345 +0.533,0.0,0.503,0.0,0.017371191830346428,0.0,0.0,50.1,2021-10-18,providence ri/new bedford ma smm food,0,86.94374723462296,83.24830635780522,1.0297853235220618,0.0,0.5271092474450285,0.0,2.138546305850651,0.0,0.0,86.94374723462296 +0.0,0.8250000000000001,0.0,0.0,0.029300974840125348,0.0,0.0,124.08,2021-10-18,raleigh/durham/fayetteville smm food,0,130.27889864226248,125.33017277610136,0.0,1.341518478542078,0.0,0.0,3.607207387619027,0.0,0.0,130.27889864226248 +0.606,0.544,0.0,0.588,0.14320513113346447,0.882,0.0,331.44,2021-10-18,rem us east north central smm food,0,328.0998507170086,306.4536727021249,1.1708253396892483,0.8845891543356248,0.0,1.236184618814535,17.62980958101716,0.7247693210271848,0.0,328.0998507170086 +0.883,0.0,0.0,0.854,0.040580788183829763,0.766,0.724,114.19000000000001,2021-10-18,rem us middle atlantic smm food,0,140.96317790939355,130.80002326169728,1.7060045791181624,0.0,0.0,1.7954109939925387,4.9958514940483605,0.6294481858354009,1.0364393947018071,140.96317790939355 +0.978,0.0,0.0,0.854,0.060834358296959476,0.653,0.0,155.49,2021-10-18,rem us mountain smm food,0,185.66830846892262,173.95751153106124,1.8895498056371038,0.0,0.0,1.7954109939925387,7.489243885815927,0.5365922524158183,0.0,185.66830846892265 +0.595,0.9910000000000001,0.0,0.0,0.02926124364009197,0.0,0.79,181.47,2021-10-18,rem us new england smm food,0,155.71588917168162,148.221630613054,1.1495727345133708,1.611448257254787,0.0,0.0,3.6023161278892273,0.0,1.130921438970204,155.7158891716816 +0.933,0.756,0.718,0.647,0.040675736818968765,0.557,0.877,139.0,2021-10-18,rem us pacific smm food,0,116.97892048045779,105.11364420201244,1.8026073299176053,1.2293187512458315,0.7524143929732217,1.360223551654769,5.0075405050791035,0.4577057957053764,1.2554659518694542,116.9789204804578 +0.54,0.0,0.0,0.9689999999999999,0.12674752709379128,0.783,0.881,259.74,2021-10-18,rem us south atlantic smm food,0,304.2690656169656,283.6802303568146,1.0433097086339838,0.0,0.0,2.0371817952912994,15.603733957310576,0.6434176625445417,1.2611921363705692,304.2690656169656 +0.725,0.804,0.0,0.0,0.1604657892505483,0.797,0.0,362.01,2021-10-18,rem us south central smm food,0,422.5491101365898,399.4313293612464,1.4007398865919225,1.307370735451916,0.0,0.0,19.754748215818047,0.6549219374814811,0.0,422.5491101365898 +0.0,0.0,0.0,0.0,0.04786992823381274,0.0,0.0,96.72,2021-10-18,rem us west north central smm food,0,131.84773714578844,125.95452848252805,0.0,0.0,0.0,0.0,5.893208663260408,0.0,0.0,131.84773714578844 +0.0,0.648,0.0,0.0,0.015220848892569664,0.0,0.6920000000000001,69.07,2021-10-18,richmond/petersburg smm food,0,89.98624574477284,86.06809383806947,0.0,1.0537017867821412,0.0,0.0,1.8738202012283391,0.0,0.9906299186928875,89.98624574477284 +0.5700000000000001,0.0,0.752,0.755,0.010986602845065847,0.837,0.661,74.02,2021-10-18,sacramento/stockton/modesto smm food,0,78.05026552206283,71.58708164797008,1.1012713591136496,0.0,0.7880440438939592,1.587277869396214,1.3525473184355052,0.6877912944441652,0.9462519888092467,78.05026552206282 +0.0,0.879,0.0,0.601,0.023437297384293142,0.0,0.0,89.26,2021-10-18,salt lake city smm food,0,89.30298844931576,83.72480907215119,0.0,1.429326960773923,0.0,1.2635152311352644,2.8853371852553917,0.0,0.0,89.30298844931576 +0.791,0.722,0.0,0.704,0.01308594029726318,0.961,0.0,61.60000000000001,2021-10-18,san diego smm food,0,85.29733867314101,78.71431295071628,1.5282555176471873,1.1740319290998549,0.0,1.4800577749071981,1.610994199742036,0.7896863010284859,0.0,85.29733867314104 +0.884,0.0,0.527,0.0,0.0163986070933911,0.583,0.0,98.72,2021-10-18,san francisco/oakland/san jose smm food,0,93.63399272993612,88.87591304741949,1.707936634134151,0.0,0.5522595892714315,0.0,2.0188125813799407,0.479070877731121,0.0,93.63399272993612 +0.0,0.0,0.9520000000000001,0.931,0.0342895787002478,0.0,0.723,94.34,2021-10-18,seattle/tacoma smm food,0,96.95603523683786,88.74475650580376,0.0,0.0,0.9976302257806505,1.9572923131230138,4.221348343553909,0.0,1.0350078485765284,96.95603523683786 +0.0,0.0,0.0,0.0,0.012772795626241038,0.717,0.0,132.92,2021-10-18,st. louis smm food,0,89.86572009394037,87.70409353036166,0.0,0.0,0.0,0.0,1.5724433400225932,0.5891832235561129,0.0,89.86572009394037 +0.0,0.6940000000000001,0.0,0.0,0.02289335789495354,0.0,0.0,143.25,2021-10-18,tampa/ft. myers smm food,0,177.20207868180302,173.25520362076367,0.0,1.128501604979639,0.0,0.0,2.818373456059714,0.0,0.0,177.20207868180302 +0.0,0.877,0.0,0.612,0.0072519132857634975,0.0,0.654,57.69,2021-10-18,tucson/sierra vista smm food,0,67.86396796651633,63.32224664442017,0.0,1.4260747947653363,0.0,1.2866411338681893,0.8927742275303341,0.0,0.9362311659322954,67.86396796651633 +0.0,0.0,0.0,0.0,0.04792839636977005,0.6890000000000001,0.964,125.72,2021-10-18,washington dc/hagerstown smm food,0,180.86796792650162,173.02137618365978,0.0,0.0,0.0,0.0,5.90040660439091,0.5661746736822341,1.3800104647687046,180.86796792650162 +0.0,0.0,0.0,0.793,0.003995465946174395,0.588,0.742,51.95,2021-10-18,yakima/pasco/richland/kennewick smm food,0,57.22137344561585,53.51694236690935,0.0,0.0,0.0,1.6671673515645002,0.49187695483372756,0.4831795473514565,1.0622072249568244,57.22137344561585 +0.636,0.0,0.0,0.608,0.011234929949618761,0.9540000000000001,0.553,76.25,2021-10-25,albany/schenectady/troy smm food,0,87.82258488288538,82.35686844083078,1.2287869901689141,0.0,0.0,1.2782317146925803,1.3831185663539407,0.7839341635600163,0.7916450072791428,87.82258488288538 +0.649,0.0,0.0,0.0,0.008050967926208345,0.0,0.0,55.61,2021-10-25,albuquerque/santa fe smm food,0,73.03717793989202,70.79212936171284,1.2539037053767694,0.0,0.0,0.0,0.9911448728024075,0.0,0.0,73.03717793989202 +0.866,0.528,0.0,0.508,0.03941973692976491,0.0,0.0,143.32,2021-10-25,atlanta smm food,0,173.700174431298,165.2475308400832,1.6731596438463516,0.85857182626693,0.0,1.0679962353023533,4.852915885799185,0.0,0.0,173.700174431298 +0.0,0.0,0.0,0.975,0.020522504758353606,0.0,0.531,101.79,2021-10-25,baltimore smm food,0,110.61680871575652,105.28036119021601,0.0,0.0,0.0,2.0497959240547132,2.5265006089627793,0.0,0.7601509925230105,110.61680871575652 +0.929,0.0,0.878,0.0,0.0034356831512394976,0.0,0.637,64.11,2021-10-25,baton rouge smm food,0,54.67806200912969,50.62824190344196,1.7948791098536498,0.0,0.9200833384825747,0.0,0.42296277554894884,0.0,0.9118948818025568,54.67806200912969 +0.0,0.0,0.859,0.0,0.007704311754159826,0.886,0.713,72.61,2021-10-25,birmingham/anniston/tuscaloosa smm food,0,65.87290665174132,62.27551690355495,0.0,0.0,0.900172651203339,0.0,0.948468452935832,0.7280562567234533,1.020692387323741,65.87290665174132 +0.0,0.985,0.87,0.867,0.04640981991462121,0.75,0.5760000000000001,196.65,2021-10-25,boston/manchester smm food,0,194.8347521374422,183.34429136615643,0.0,1.6016917592290263,0.911699891207107,1.8227416063132682,5.7134565033254745,0.6163004430503273,0.8245705681605539,194.8347521374422 +0.744,0.0,0.514,0.626,0.005575313973324832,0.0,0.988,35.2,2021-10-25,buffalo smm food,0,69.3560905245187,63.96319330778341,1.4374489318957109,0.0,0.5386364874487966,1.3160741009828212,0.68637012463258,0.0,1.4143675717753943,69.35609052451872 +0.713,0.0,0.674,0.535,0.022540087887230716,0.845,0.704,125.74,2021-10-25,charlotte smm food,0,134.7865621931582,127.1008852661048,1.3775552264000563,0.0,0.7063054329581496,1.1247598147377147,2.774882814924562,0.694365165836702,1.0078084721962324,134.7865621931582 +0.0,0.8130000000000001,0.585,0.9339999999999999,0.04301147966818653,0.0,0.0,161.27,2021-10-25,chicago smm food,0,186.31659110724937,177.12285569785104,0.0,1.322005482490557,0.6130395820185719,1.9635993775047202,5.2950909673844935,0.0,0.0,186.3165911072494 +0.0,0.798,0.0,0.0,0.01485460449881734,0.6910000000000001,0.0,137.89,2021-10-25,cleveland/akron/canton smm food,0,134.78523932839917,131.09107465023894,0.0,1.2976142374261554,0.0,0.0,1.8287322992037187,0.5678181415303682,0.0,134.78523932839917 +0.0,0.775,0.0,0.0,0.023975309997165406,0.0,0.867,100.38,2021-10-25,columbus oh smm food,0,109.37367077248419,103.92073468964487,0.0,1.2602143283274065,0.0,0.0,2.951571263895239,0.0,1.2411504906166668,109.37367077248419 +0.0,0.0,0.948,0.9770000000000001,0.036552733683621094,0.0,0.9420000000000002,117.63000000000001,2021-10-25,dallas/ft. worth smm food,0,114.17307536906607,105.27715718131851,0.0,0.0,0.9934385021429166,2.0540006336425183,4.499962601949553,0.0,1.3485164500125726,114.17307536906608 +0.651,0.0,0.0,0.8,0.003144429745017908,0.0,0.0,65.71,2021-10-25,des moines/ames smm food,0,65.73505593713946,62.408297363785806,1.257767815408747,0.0,0.0,1.6818838351218162,0.3871069228230868,0.0,0.0,65.73505593713945 +0.786,0.89,0.732,0.0,0.03690713915089645,0.532,0.5720000000000001,144.56,2021-10-25,detroit smm food,0,169.85541745442694,160.32292305294044,1.518595242567243,1.4472138738211509,0.76708542570529,0.0,4.543593028129694,0.4371624476036988,0.8188443836594389,169.85541745442694 +0.971,0.0,0.9619999999999999,0.511,0.014564605163809915,0.668,0.716,120.13999999999999,2021-10-25,grand rapids smm food,0,117.3409406843235,110.01556630860257,1.8760254205251818,0.0,1.008109534874985,1.07430329968406,1.7930308336602974,0.5489182612768249,1.0249870256995772,117.3409406843235 +0.0,0.0,0.0,0.982,0.015217735336451736,0.666,0.922,57.29,2021-10-25,greensboro smm food,0,89.37435287953971,83.56924325587181,0.0,0.0,0.0,2.064512407612029,1.8734368951202098,0.5472747934286907,1.3198855275069976,89.37435287953974 +0.0,0.721,0.0,0.8190000000000001,0.01927398605259976,0.0,0.89,89.97,2021-10-25,harrisburg/lancaster smm food,0,91.56621515749103,85.02510769460987,0.0,1.1724058460955613,0.0,1.7218285762059595,2.3727969890815594,0.0,1.2740760514980778,91.56621515749103 +0.9570000000000001,0.561,0.589,0.0,0.021401981812001567,0.833,0.7030000000000001,116.65999999999998,2021-10-25,hartford/new haven smm food,0,120.31482400698992,112.61073024106035,1.848976650301338,0.9122325654086131,0.6172313056563058,0.0,2.6347719597444574,0.6845043587478967,1.0063769260709536,120.31482400698992 +0.0,0.9520000000000001,0.0,0.81,0.03550850750303808,0.806,0.651,127.04,2021-10-25,houston smm food,0,176.86304364797422,167.64644198801398,0.0,1.5480310200873433,0.0,1.702907383060839,4.3714091864575195,0.6623175427980851,0.9319365275564592,176.86304364797422 +0.852,0.0,0.605,0.677,0.026041423828723455,0.0,0.0,104.33,2021-10-25,indianapolis smm food,0,95.93056627076518,89.02123497580452,1.6461108736225076,0.0,0.6339982002072411,1.423294195471837,3.2059280256590794,0.0,0.0,95.93056627076518 +0.0,0.0,0.987,0.0,0.009609490565027282,0.851,0.0,75.81,2021-10-25,jacksonville smm food,0,89.21650606700933,86.29988999004563,0.0,0.0,1.0343078076108214,0.0,1.1830126999717754,0.6992955693811046,0.0,89.21650606700933 +0.785,0.0,0.9380000000000001,0.0,0.0073287971177278255,0.534,0.59,100.98,2021-10-25,kansas city smm food,0,85.17898032418309,80.49370051161102,1.5166631875512542,0.0,0.9829591930485821,0.0,0.9022393026059385,0.438805915451833,0.8446122139144561,85.17898032418309 +0.9490000000000002,0.0,0.0,0.9390000000000001,0.009718503330837052,0.0,0.809,69.19,2021-10-25,knoxville smm food,0,75.5652036924754,69.4030183864474,1.8335202101734274,0.0,0.0,1.9741111514742318,1.1964331290298313,0.0,1.1581208153505,75.5652036924754 +0.517,0.716,0.752,0.0,0.009535600441981104,0.546,0.842,59.05,2021-10-25,las vegas smm food,0,78.8551211219432,73.0759844669223,0.99887244326624,1.1642754310740941,0.7880440438939592,0.0,1.1739161767612492,0.4486667225406383,1.2053618374846984,78.85512112194318 +0.65,0.989,0.0,0.523,0.009878097792643538,0.0,0.0,54.32,2021-10-25,little rock/pine bluff smm food,0,62.88321517402551,57.70357115599228,1.2558357603927581,1.6081960912462,0.0,1.0995315572108875,1.2160806091833953,0.0,0.0,62.88321517402552 +0.0,0.617,0.847,0.0,0.06407444587600991,0.558,0.0,153.44,2021-10-25,los angeles smm food,0,164.2141215465356,153.9765761946837,0.0,1.003293213649045,0.8875974802901375,0.0,7.888127128283275,0.4585275296294435,0.0,164.2141215465356 +0.0,0.0,0.741,0.785,0.005240537500511965,0.548,0.755,36.31,2021-10-25,madison wi smm food,0,57.02233431034451,52.419185278171575,0.0,0.0,0.7765168038901912,1.6503485132132822,0.6451562000952334,0.45031019038877246,1.080817324585448,57.022334310344505 +0.0,0.9460000000000001,0.0,0.502,0.017721156773539314,0.538,0.74,143.99,2021-10-25,miami/west palm beach smm food,0,190.3985380130481,184.12181433608328,0.0,1.5382745220615828,0.0,1.0553821065389397,2.1816300645099123,0.44209285114810143,1.059344132706267,190.39853801304807 +0.0,0.772,0.0,0.0,0.016099950342622443,0.0,0.0,54.22,2021-10-25,milwaukee smm food,0,71.39055387124829,68.15317248002567,0.0,1.2553360793145263,0.0,0.0,1.9820453119080839,0.0,0.0,71.39055387124829 +0.0,0.852,0.765,0.0,0.010810255721591527,0.763,0.0,45.88,2021-10-25,minneapolis/st. paul smm food,0,89.89563273779133,85.75072244988117,0.0,1.3854227196580005,0.8016671457165941,0.0,1.3308374384723711,0.6269829840631996,0.0,89.89563273779133 +0.974,0.734,0.0,0.586,0.006859670698426504,0.966,0.776,83.41,2021-10-25,mobile/pensacola smm food,0,74.5229417795237,67.46643487620449,1.8818215855731484,1.193544925151376,0.0,1.2319799092267303,0.8444857195028397,0.7937949706488214,1.1108797932163017,74.5229417795237 +0.772,0.0,0.746,0.726,0.02406658537740814,0.0,0.802,79.09,2021-10-25,nashville smm food,0,103.38268850734453,95.47216793873541,1.491546472343399,0.0,0.7817564584373584,1.5263095803730482,2.962808064981749,0.0,1.1480999924735489,103.38268850734451 +0.774,0.634,0.583,0.656,0.008009691067959287,0.6890000000000001,0.0,65.26,2021-10-25,new orleans smm food,0,65.61829099103544,59.54961731628727,1.4954105823753767,1.0309366247220333,0.610943720199705,1.3791447447998892,0.9860633289689303,0.5661746736822341,0.0,65.61829099103544 +0.0,0.0,0.618,0.0,0.10098520021150996,0.0,0.0,360.08,2021-10-25,new york smm food,0,303.2415521041638,290.1617655847399,0.0,0.0,0.647621302029876,0.0,12.432165217394074,0.0,0.0,303.2415521041639 +0.0,0.846,0.727,0.903,0.013425052273416444,0.804,0.0,90.54,2021-10-25,norfolk/portsmouth/newport news smm food,0,108.65929355804333,102.30993924858487,0.0,1.37566622163224,0.7618457711581228,1.89842637889375,1.652741862824392,0.6606740749499509,0.0,108.65929355804332 +0.716,0.0,0.948,0.0,0.005535649492351127,0.841,0.0,76.38,2021-10-25,oklahoma city smm food,0,57.35859932230804,53.609244119971564,1.3833513914480229,0.0,0.9934385021429166,0.0,0.681487078605098,0.6910782301404336,0.0,57.35859932230804 +0.9059999999999999,0.0,0.0,0.925,0.00525927690751219,0.0,0.682,46.97,2021-10-25,omaha smm food,0,66.19512752201169,60.87622985001895,1.7504418444859058,0.0,0.0,1.9446781843596,0.6474631857071333,0.0,0.9763144574401001,66.19512752201169 +0.0,0.0,0.794,0.0,0.01657340114542088,0.0,0.0,95.93,2021-10-25,orlando/daytona beach/melborne smm food,0,135.4877705735581,132.61538216686213,0.0,0.0,0.8320571420901643,0.0,2.040331264605806,0.0,0.0,135.4877705735581 +0.912,0.0,0.501,0.9380000000000001,0.005900280273289951,0.0,0.707,88.83,2021-10-25,paducah ky/cape girardeau mo smm food,0,61.55679393101287,55.55925813283435,1.7620341745818393,0.0,0.5250133856261616,1.9720087966803295,0.7263763307181241,0.0,1.0121031105720686,61.556793931012876 +0.0,0.0,0.805,0.9619999999999999,0.050601048230633834,0.0,0.0,192.24,2021-10-25,philadelphia smm food,0,208.8332308571594,199.7377476378349,0.0,0.0,0.8435843820939324,2.0224653117339835,6.229433525496595,0.0,0.0,208.8332308571594 +0.761,0.634,0.84,0.0,0.02824701632559754,0.9770000000000001,0.922,87.08,2021-10-25,phoenix/prescott smm food,0,125.96462898292933,116.98296111946722,1.4702938671675216,1.0309366247220333,0.8802619639241033,0.0,3.477455836327895,0.8028340438135597,1.3198855275069976,125.96462898292933 +0.0,0.0,0.0,0.811,0.009163453882524287,0.968,0.785,98.99,2021-10-25,pittsburgh smm food,0,109.30454589983266,104.55223234884438,0.0,0.0,0.0,1.7050097378547413,1.1281016662927674,0.7954384384969557,1.1237637083438103,109.30454589983266 +0.802,0.0,0.0,0.0,0.0189179842700449,0.0,0.0,101.85,2021-10-25,portland or smm food,0,90.77478764452746,86.8963094792362,1.5495081228230647,0.0,0.0,0.0,2.328970042468204,0.0,0.0,90.77478764452746 +0.0,0.0,0.751,0.622,0.014385363174468811,0.0,0.79,133.03,2021-10-25,providence ri/new bedford ma smm food,0,88.24485316184712,83.24830635780522,0.0,0.0,0.7869961129845258,1.307664681807212,1.770964570279963,0.0,1.130921438970204,88.24485316184712 +0.0,0.0,0.0,0.804,0.023860608813749712,0.0,0.593,110.11,2021-10-25,raleigh/durham/fayetteville smm food,0,130.80682342335095,125.33017277610136,0.0,0.0,0.0,1.6902932542974254,2.9374505406618554,0.0,0.8489068522902923,130.80682342335095 +0.0,0.0,0.866,0.851,0.11720405998045985,0.9700000000000001,0.0,231.77999999999997,2021-10-25,rem us east north central smm food,0,324.37621602985405,306.4536727021249,0.0,0.0,0.9075081675693731,1.789103929610832,14.428849324203908,0.79708190634509,0.0,324.3762160298541 +0.0,0.78,0.968,0.747,0.03337014928523904,0.891,0.0,137.77,2021-10-25,rem us middle atlantic smm food,0,139.49354758890684,130.80002326169728,0.0,1.2683447433488737,1.0143971203315858,1.5704590310449957,4.108158506140307,0.7321649263437888,0.0,139.49354758890684 +0.0,0.0,0.0,0.909,0.05015024113536445,0.0,0.804,176.16,2021-10-25,rem us mountain smm food,0,183.19345033554444,173.95751153106124,0.0,0.0,0.0,1.9110405076571637,6.173935212101918,0.0,1.1509630847241064,183.19345033554444 +0.964,0.0,0.0,0.8300000000000001,0.024080250429259032,0.668,0.748,153.52,2021-10-25,rem us new england smm food,0,156.41329124329224,148.221630613054,1.8625010354132598,0.0,0.0,1.7449544789388844,2.964490352900758,0.5489182612768249,1.0707965017084968,156.41329124329224 +0.783,0.608,0.0,0.5,0.034215791126867415,0.0,0.0,104.15,2021-10-25,rem us pacific smm food,0,112.87854358820131,105.11364420201244,1.5127990775192766,0.988658466610404,0.0,1.051177396951135,4.2122644451080555,0.0,0.0,112.87854358820131 +0.0,0.0,0.806,0.0,0.10373145431503282,0.717,0.757,275.87,2021-10-25,rem us south atlantic smm food,0,298.9679795313159,283.6802303568146,0.0,0.0,0.8446323130033658,0.0,12.770253221105843,0.5891832235561129,1.0836804168360055,298.9679795313159 +0.523,0.0,0.909,0.937,0.13209742825294535,0.0,0.644,353.57,2021-10-25,rem us south central smm food,0,420.5485392623034,399.4313293612464,1.0104647733621732,0.0,0.9525691966750118,1.9699064418864274,16.26235378445383,0.0,0.921915704679508,420.5485392623034 +0.0,0.0,0.0,0.0,0.039234581654876026,0.0,0.754,117.21,2021-10-25,rem us west north central smm food,0,131.86403590601282,125.95452848252805,0.0,0.0,0.0,0.0,4.830121645024603,0.0,1.0793857784601693,131.86403590601282 +0.505,0.515,0.0,0.0,0.012299468377256805,0.619,0.8989999999999999,103.84,2021-10-25,richmond/petersburg smm food,0,91.1910002318628,86.06809383806947,0.9756877830743736,0.8374327472111154,0.0,0.0,1.5141725978847178,0.5086532989975368,1.2869599666255864,91.1910002318628 +0.774,0.0,0.583,0.0,0.008599839683810943,0.6960000000000001,0.0,104.38,2021-10-25,sacramento/stockton/modesto smm food,0,75.32407856924303,71.58708164797008,1.4954105823753767,0.0,0.610943720199705,0.0,1.0587158075471528,0.5719268111507038,0.0,75.32407856924301 +0.771,0.0,0.981,0.63,0.01942455490827869,0.0,0.5720000000000001,47.81,2021-10-25,salt lake city smm food,0,90.77710495328903,83.72480907215119,1.4896144173274102,0.0,1.0280202221542207,1.3244835201584302,2.3913333378383452,0.0,0.8188443836594389,90.77710495328904 +0.0,0.887,0.577,0.0,0.010566243116230594,0.785,0.657,66.95,2021-10-25,san diego smm food,0,83.64768898827222,78.71431295071628,0.0,1.4423356248082704,0.6046561347431043,0.0,1.300797343303771,0.6450611303926759,0.9405258043081317,83.64768898827224 +0.968,0.8320000000000001,0.536,0.523,0.012451087440356461,0.0,0.599,91.64,2021-10-25,san francisco/oakland/san jose smm food,0,96.15060025257822,88.87591304741949,1.8702292554772153,1.352901059572132,0.5616909674563326,1.0995315572108875,1.5328382364001978,0.0,0.8574961290419647,96.15060025257822 +0.611,0.8290000000000001,0.955,0.0,0.0281290038999612,0.0,0.865,94.56,2021-10-25,seattle/tacoma smm food,0,96.97525381809788,88.74475650580376,1.1804856147691927,1.3480228105592518,1.0007740185089509,0.0,3.4629274700906296,0.0,1.2382873983661093,96.9752538180979 +0.0,0.0,0.5690000000000001,0.777,0.009603375886762357,0.0,0.732,96.2,2021-10-25,st. louis smm food,0,92.16404758576037,87.70409353036166,0.0,0.0,0.5962726874676367,1.633529674862064,1.1822599293649783,0.0,1.047891763704037,92.16404758576037 +0.622,0.642,0.5750000000000001,0.8240000000000001,0.017799929743322812,0.51,0.0,172.34,2021-10-25,tampa/ft. myers smm food,0,180.4461997628846,173.25520362076367,1.2017382199450701,1.0439452887563807,0.6025602729242374,1.7323403501754708,2.191327709045568,0.4190843012742225,0.0,180.44619976288462 +0.0,0.0,0.6890000000000001,0.0,0.0059019050059467264,0.971,0.0,66.68,2021-10-25,tucson/sierra vista smm food,0,65.56875103086907,63.32224664442017,0.0,0.0,0.7220243965996515,0.0,0.7265763495801041,0.7979036402691569,0.0,65.56875103086908 +0.9339999999999999,0.0,0.6990000000000001,0.0,0.038609280743345374,0.0,0.0,135.3,2021-10-25,washington dc/hagerstown smm food,0,180.31156088435185,173.02137618365978,1.804539384933594,0.0,0.732503705693986,0.0,4.753141610064489,0.0,0.0,180.31156088435185 +0.0,0.971,0.0,0.0,0.0032925065202643556,0.0,0.93,50.77,2021-10-25,yakima/pasco/richland/kennewick smm food,0,56.83254333517526,53.51694236690935,0.0,1.5789265971689184,0.0,0.0,0.40533647458777144,0.0,1.3313378965092275,56.83254333517527 +0.77,0.0,0.648,0.0,0.011081099351083765,0.668,0.0,94.03,2021-11-01,albany/schenectady/troy smm food,0,86.43670896213177,82.35686844083078,1.4876823623114213,0.0,0.6790592293128798,0.0,1.364180668399863,0.5489182612768249,0.0,86.43670896213177 +0.0,0.0,0.0,0.0,0.01278996163719429,0.669,0.533,101.33,2021-11-01,albuquerque/santa fe smm food,0,73.67944006844743,70.79212936171284,0.0,0.0,0.0,0.0,1.5745566267601292,0.5497399952008919,0.763014084773568,73.67944006844743 +0.0,0.0,0.966,0.808,0.06857120807164357,0.0,0.52,156.39,2021-11-01,atlanta smm food,0,177.14465681211175,165.2475308400832,0.0,0.0,1.012301258512719,1.6987026734730344,8.441718054897862,0.0,0.7444039851449444,177.14465681211175 +0.0,0.0,0.527,0.857,0.022190974427503795,0.0,0.979,120.54000000000002,2021-11-01,baltimore smm food,0,111.76772637586912,105.28036119021601,0.0,0.0,0.5522595892714315,1.8017180583742456,2.7319038813595378,0.0,1.4014836566478857,111.76772637586912 +0.736,0.0,0.0,0.892,0.005715891989591195,0.861,0.851,80.02,2021-11-01,baton rouge smm food,0,56.554970045901,50.62824190344196,1.4219924917678,0.0,0.0,1.875300476160825,0.7036765132964284,0.7075129086217756,1.218245752612207,56.554970045900994 +0.687,0.797,0.9510000000000001,0.629,0.013939613556897735,0.8260000000000001,0.0,47.1,2021-11-01,birmingham/anniston/tuscaloosa smm food,0,69.61263141229205,62.27551690355495,1.327321795984346,1.295988154421862,0.9965822948712171,1.3223811653645279,1.7160888768157019,0.6787522212794271,0.0,69.61263141229203 +0.0,0.0,0.0,0.0,0.051060171313054285,0.763,0.0,216.14,2021-11-01,boston/manchester smm food,0,190.25722996017828,183.34429136615643,0.0,0.0,0.0,0.0,6.285955609958628,0.6269829840631996,0.0,190.25722996017825 +0.0,0.582,0.9910000000000001,0.0,0.009632455638498153,0.0,0.609,83.56,2021-11-01,buffalo smm food,0,68.00572464007068,63.96319330778341,0.0,0.9463803084987749,1.0384995312485554,0.0,1.1858399022451926,0.0,0.8718115902947521,68.00572464007068 +0.844,0.0,0.0,0.651,0.0320645104403516,0.8220000000000001,0.8250000000000001,119.91,2021-11-01,charlotte smm food,0,135.9040864047465,127.1008852661048,1.6306544334945967,0.0,0.0,1.368632970830378,3.9474228953786206,0.6754652855831587,1.1810255533549598,135.90408640474652 +0.0,0.89,0.0,0.987,0.07234541598482358,0.51,0.0,196.52,2021-11-01,chicago smm food,0,189.97053425682935,177.12285569785104,0.0,1.4472138738211509,0.0,2.0750241815815405,8.906356202301387,0.4190843012742225,0.0,189.97053425682932 +0.0,0.93,0.988,0.643,0.026265965724413275,0.0,0.0,140.34,2021-11-01,cleveland/akron/canton smm food,0,138.22407282066436,131.09107465023894,0.0,1.512257193992888,1.0353557385202548,1.3518141324791597,3.233571105433105,0.0,0.0,138.22407282066433 +0.855,0.0,0.0,0.781,0.02962320129719436,0.787,0.596,82.0,2021-11-01,columbus oh smm food,0,112.36136320623677,103.92073468964487,1.6519070386704742,0.0,0.0,1.641939094037673,3.6468762949768094,0.6467045982408101,0.8532014906661285,112.36136320623677 +0.8190000000000001,0.594,0.922,0.8130000000000001,0.06480979182075725,0.802,0.0,76.42,2021-11-01,dallas/ft. worth smm food,0,119.13849557049257,105.27715718131851,1.5823530580948755,0.9658933045502961,0.9661922984976468,1.7092144474425457,7.97865467348685,0.6590306071018166,0.0,119.13849557049255 +0.0,0.0,0.0,0.798,0.0077522844977001275,0.0,0.799,59.93,2021-11-01,des moines/ames smm food,0,66.184156162484,62.408297363785806,0.0,0.0,0.0,1.6776791255340118,0.9543743190664686,0.0,1.1438053540977127,66.184156162484 +0.792,0.745,0.0,0.734,0.04100809445405021,0.0,0.516,148.15,2021-11-01,detroit smm food,0,170.3948053326145,160.32292305294044,1.5301875726631762,1.2114318381986038,0.0,1.5431284187242662,5.048456649444225,0.0,0.7386778006438294,170.39480533261454 +0.941,0.0,0.0,0.0,0.016652105654035926,0.0,0.601,84.97,2021-11-01,grand rapids smm food,0,114.74400978091086,110.01556630860257,1.818063770045516,0.0,0.0,0.0,2.0500204809702502,0.0,0.8603592212925222,114.74400978091086 +0.735,0.0,0.0,0.639,0.01616825076756025,0.8170000000000001,0.711,86.25,2021-11-01,greensboro smm food,0,90.01234801114379,83.56924325587181,1.4200604367518113,0.0,0.0,1.3434047133035507,1.9904536941806008,0.6713566159628231,1.0178292950731835,90.01234801114379 +0.49499999999999994,0.0,0.0,0.0,0.01738607541933452,0.0,0.603,93.01,2021-11-01,harrisburg/lancaster smm food,0,88.98507584746253,85.02510769460987,0.956367232914485,0.0,0.0,0.0,2.140378606395089,0.0,0.8632223135430797,88.98507584746253 +0.9420000000000002,0.0,0.538,0.988,0.021668767436313494,0.9630000000000002,0.9759999999999999,128.09,2021-11-01,hartford/new haven smm food,0,121.92777383250922,112.61073024106035,1.8199958250615054,0.0,0.5637868292751995,2.077126536375443,2.667615613588038,0.7913297688766203,1.3971890182720492,121.9277738325092 +0.855,0.772,0.955,0.0,0.055357221457004925,0.0,0.0,182.71,2021-11-01,houston smm food,0,178.36941935321397,167.64644198801398,1.6519070386704742,1.2553360793145263,1.0007740185089509,0.0,6.8149602287060445,0.0,0.0,178.36941935321397 +0.769,0.797,0.889,0.616,0.028779086741329504,0.532,0.0,80.32,2021-11-01,indianapolis smm food,0,98.00975539495813,89.02123497580452,1.4857503072954323,1.295988154421862,0.9316105784863427,1.2950505530437983,3.5429583783024903,0.4371624476036988,0.0,98.00975539495815 +0.833,0.0,0.503,0.9570000000000001,0.014072389230107134,0.0,0.0,57.62,2021-11-01,jacksonville smm food,0,92.18078933208596,86.29988999004563,1.6094018283187193,0.0,0.5271092474450285,2.0119535377644726,1.7324347285121156,0.0,0.0,92.18078933208596 +0.0,0.56,0.8220000000000001,0.0,0.01750442784035679,0.0,0.0,94.14,2021-11-01,kansas city smm food,0,84.42065503062058,80.49370051161102,0.0,0.9106064824043196,0.8613992075543012,0.0,2.1549488290509404,0.0,0.0,84.42065503062058 +0.0,0.0,0.0,0.0,0.011737955035707572,0.662,0.8310000000000001,52.07,2021-11-01,knoxville smm food,0,72.58166644739674,69.4030183864474,0.0,0.0,0.0,0.0,1.4450453731102955,0.5439878577324222,1.1896148301066323,72.58166644739676 +0.0,0.509,0.6,0.0,0.017705614679787665,0.931,0.5650000000000001,83.79,2021-11-01,las vegas smm food,0,78.28599380210133,73.0759844669223,0.0,0.8276762491853548,0.6287585456600738,0.0,2.179716696244661,0.7650342833064729,0.8088235607824877,78.28599380210136 +0.604,0.0,0.538,0.648,0.011987257763185733,0.534,0.634,58.98,2021-11-01,little rock/pine bluff smm food,0,63.618788009032855,57.70357115599228,1.1669612296572707,0.0,0.5637868292751995,1.3623259064486712,1.4757367287808683,0.438805915451833,0.9076002434267206,63.61878800903284 +0.0,0.548,0.529,0.672,0.13032328147443972,0.6880000000000001,0.974,160.14,2021-11-01,los angeles smm food,0,174.83842715101832,153.9765761946837,0.0,0.8910934863527985,0.5543554510902985,1.4127824215023257,16.04394073160952,0.5653529397581669,1.394325926021492,174.8384271510183 +0.73,0.0,0.501,0.0,0.007505649890128924,0.58,0.0,44.12,2021-11-01,madison wi smm food,0,55.75521593382219,52.419185278171575,1.4104001616718669,0.0,0.5250133856261616,0.0,0.9240114323936661,0.47660567595891973,0.0,55.75521593382219 +0.8230000000000001,0.0,0.0,0.502,0.032815568093526724,0.712,0.0,138.83,2021-11-01,miami/west palm beach smm food,0,191.39223696462085,184.12181433608328,1.590081278158831,0.0,0.0,1.0553821065389397,4.039884689904005,0.5850745539357773,0.0,191.39223696462082 +0.704,0.594,0.0,0.536,0.01905231365717867,0.0,0.9590000000000001,29.6,2021-11-01,milwaukee smm food,0,75.32445458950285,68.15317248002567,1.3601667312561565,0.9658933045502961,0.0,1.126862169531617,2.345507169996798,0.0,1.372852734142311,75.32445458950285 +0.518,0.581,0.0,0.0,0.03157795371613307,0.8300000000000001,0.0,92.97,2021-11-01,minneapolis/st. paul smm food,0,92.265843819263,85.75072244988117,1.0008044982822288,0.9447542254944815,0.0,0.0,3.8875234886294185,0.6820391569756955,0.0,92.265843819263 +0.0,0.8130000000000001,0.685,0.0,0.010307045352967401,0.0,0.0,76.95,2021-11-01,mobile/pensacola smm food,0,70.77516085346532,67.46643487620449,0.0,1.322005482490557,0.7178326729619177,0.0,1.2688878218083655,0.0,0.0,70.77516085346532 +0.0,0.9350000000000002,0.0,0.0,0.027792197833353172,0.9350000000000002,0.885,98.37,2021-11-01,nashville smm food,0,102.44925877235299,95.47216793873541,0.0,1.5203876090143553,0.0,0.0,3.4214636847287982,0.7683212190027414,1.266918320871684,102.44925877235299 +0.579,0.594,0.9540000000000001,0.0,0.011469769651701461,0.0,0.0,58.68,2021-11-01,new orleans smm food,0,64.04592595924726,59.54961731628727,1.1186598542575492,0.9658933045502961,0.9997260875995174,0.0,1.4120293965526312,0.0,0.0,64.04592595924726 +0.0,0.684,0.725,0.0,0.13737046411320722,0.0,0.6,333.22,2021-11-01,new york smm food,0,309.8041947622885,290.1617655847399,0.0,1.1122407749367047,0.7597499093392558,0.0,16.91151081810545,0.0,0.8589276751672434,309.80419476228855 +0.0,0.0,0.919,0.925,0.01561982324769662,0.62,0.0,56.13,2021-11-01,norfolk/portsmouth/newport news smm food,0,107.6500784206392,102.30993924858487,0.0,0.0,0.9630485057693464,1.9446781843596,1.9229374490037832,0.5094750329216039,0.0,107.6500784206392 +0.555,0.634,0.0,0.0,0.014424638633903116,0.706,0.6960000000000001,63.78,2021-11-01,oklahoma city smm food,0,59.0647712564915,53.609244119971564,1.0722905338738167,1.0309366247220333,0.0,0.0,1.7757997243387127,0.5801441503913747,0.9963561031940026,59.064771256491504 +0.0,0.0,0.0,0.634,0.008696961126442219,0.865,0.721,45.48,2021-11-01,omaha smm food,0,65.02273970026351,60.87622985001895,0.0,0.0,0.0,1.3328929393340394,1.0706723102665092,0.7107998443180441,1.032144756325971,65.02273970026351 +0.71,0.0,0.73,0.0,0.03116075879353787,0.0,0.891,88.31,2021-11-01,orlando/daytona beach/melborne smm food,0,139.86380151867004,132.61538216686213,1.3717590613520896,0.0,0.7649895638864231,0.0,3.8361631289460374,0.0,1.2755075976233565,139.86380151867004 +0.679,0.748,0.665,0.0,0.007289136696732454,0.708,0.835,28.590000000000003,2021-11-01,paducah ky/cape girardeau mo smm food,0,61.45879301992023,55.55925813283435,1.3118653558564353,1.216310087211484,0.6968740547732485,0.0,0.8973567563974529,0.5817876182395089,1.1953410146077472,61.45879301992023 +0.0,0.653,0.0,0.5690000000000001,0.06892550193275855,0.0,0.0,154.73,2021-11-01,philadelphia smm food,0,210.4811544587482,199.7377476378349,0.0,1.0618322018036084,0.0,1.196239877730392,8.485334741379292,0.0,0.0,210.4811544587482 +0.0,0.0,0.626,0.966,0.041990174709354657,0.0,0.85,107.02,2021-11-01,phoenix/prescott smm food,0,126.05601416180306,116.98296111946722,0.0,0.0,0.6560047493053437,2.030874730909593,5.169359355633977,0.0,1.2168142064869283,126.05601416180306 +0.0,0.0,0.0,0.9380000000000001,0.01791527677959149,0.9450000000000001,0.9689999999999999,129.28,2021-11-01,pittsburgh smm food,0,110.89347584160166,104.55223234884438,0.0,0.0,0.0,1.9720087966803295,2.2055279424384358,0.7765385582434123,1.387168195395098,110.89347584160166 +0.0,0.6970000000000001,0.924,0.966,0.027627347627042727,0.587,0.0,120.98999999999998,2021-11-01,portland or smm food,0,94.91237921414164,86.8963094792362,0.0,1.1333798539925193,0.9682881603165137,2.030874730909593,3.4011691762594336,0.4823578134273894,0.0,94.91237921414165 +0.0,0.0,0.763,0.677,0.014691976753806018,0.805,0.0,59.86,2021-11-01,providence ri/new bedford ma smm food,0,87.94137904129157,83.24830635780522,0.0,0.0,0.7995712838977272,1.423294195471837,1.8087113952427585,0.6614958088740179,0.0,87.94137904129155 +0.0,0.0,0.904,0.0,0.026867368301208554,0.6950000000000001,0.918,70.93,2021-11-01,raleigh/durham/fayetteville smm food,0,131.47037578392195,125.33017277610136,0.0,0.0,0.9473295421278446,0.0,3.3076090454602145,0.5711050772266366,1.3141593430058827,131.47037578392195 +0.616,0.794,0.8,0.61,0.13103627655890845,0.606,0.744,310.79,2021-11-01,rem us east north central smm food,0,328.7504674139812,306.4536727021249,1.190145889849137,1.2911099054089816,0.8383447275467651,1.2824364242803847,16.131716689579,0.4979707579846644,1.0650703172073819,328.7504674139812 +0.0,0.0,0.685,0.788,0.041032440844337416,0.0,0.888,147.13,2021-11-01,rem us middle atlantic smm food,0,139.49717837545316,130.80002326169728,0.0,0.0,0.7178326729619177,1.656655577594989,5.051453903951458,0.0,1.2712129592475203,139.49717837545316 +0.0,0.9510000000000001,0.773,0.524,0.07927794710880869,0.0,0.0,188.45,2021-11-01,rem us mountain smm food,0,187.17541265335012,173.95751153106124,0.0,1.54640493708305,0.8100505929920617,1.1016339120047896,9.759811680208992,0.0,0.0,187.17541265335012 +0.0,0.539,0.0,0.0,0.024800731132759685,0.869,0.647,133.58,2021-11-01,rem us new england smm food,0,153.79157433176587,148.221630613054,0.0,0.8764587393141576,0.0,0.0,3.053187856328033,0.7140867800143125,0.9262103430553442,153.79157433176584 +0.0,0.0,0.0,0.0,0.06791804652868833,0.0,0.0,120.39000000000001,2021-11-01,rem us pacific smm food,0,113.47495233348924,105.11364420201244,0.0,0.0,0.0,0.0,8.361308131476804,0.0,0.0,113.47495233348924 +0.901,0.833,0.778,0.87,0.13201736377514198,0.716,0.623,269.84,2021-11-01,rem us south atlantic smm food,0,307.152589856648,283.6802303568146,1.7407815694059618,1.3545271425764254,0.8152902475392291,1.8290486706949751,16.252497143936097,0.5883614896320457,0.8918532360486545,307.152589856648 +0.0,0.8989999999999999,0.0,0.662,0.2053489003979698,0.0,0.84,362.37,2021-11-01,rem us south central smm food,0,428.76768905993265,399.4313293612464,0.0,1.4618486208597914,0.0,1.3917588735633029,25.280253459028994,0.0,1.202498745234141,428.76768905993265 +0.0,0.24950000000000003,0.0,0.0,0.07196332329390186,0.756,0.0,158.08,2021-11-01,rem us west north central smm food,0,135.84078427437504,125.95452848252805,0.0,0.4057077095712103,0.0,0.0,8.859317235681047,0.6212308465947298,0.0,135.84078427437504 +0.804,0.777,0.0,0.891,0.012951911973708478,0.0,0.0,63.85,2021-11-01,richmond/petersburg smm food,0,92.35262482241205,86.06809383806947,1.5533722328550426,1.2634664943359935,0.0,1.8731981213669229,1.5944941357846198,0.0,0.0,92.35262482241205 +0.0,0.0,0.0,0.9430000000000001,0.02811834491240987,0.7010000000000001,0.902,76.8,2021-11-01,sacramento/stockton/modesto smm food,0,78.89850755948507,71.58708164797008,0.0,0.0,0.0,1.982520570649841,3.461615255092682,0.5760354807710393,1.2912546050014226,78.89850755948507 +0.0,0.0,0.0,0.0,0.029925953486242416,0.0,0.584,71.98,2021-11-01,salt lake city smm food,0,88.24497975818987,83.72480907215119,0.0,0.0,0.0,0.0,3.6841477488758945,0.0,0.8360229371627836,88.24497975818987 +0.0,0.0,0.742,0.923,0.019966789527957624,0.0,0.582,62.7,2021-11-01,san diego smm food,0,84.72359818780285,78.71431295071628,0.0,0.0,0.7775647347996246,1.9404734747717955,2.458087182602927,0.0,0.8331598449122262,84.72359818780285 +0.519,0.578,0.869,0.5660000000000001,0.04189074533336666,0.0,0.0,104.16,2021-11-01,san francisco/oakland/san jose smm food,0,98.0762290768908,88.87591304741949,1.0027365532982178,0.9398759764816011,0.9106519602976736,1.189932813348685,5.157118726045125,0.0,0.0,98.0762290768908 +0.875,0.504,0.0,0.851,0.0433484896603649,0.733,0.0,52.9,2021-11-01,seattle/tacoma smm food,0,98.98286523268527,88.74475650580376,1.6905481389902515,0.8195458341638876,0.0,1.789103929610832,5.336579857775351,0.6023309663411864,0.0,98.98286523268527 +0.0,0.775,0.9590000000000001,0.737,0.020877625256262522,0.0,0.785,108.23,2021-11-01,st. louis smm food,0,95.21269185398039,87.70409353036166,0.0,1.2602143283274065,1.0049657421466847,1.5494354831059731,2.570219061694863,0.0,1.1237637083438103,95.2126918539804 +0.0,0.767,0.6910000000000001,0.0,0.0316262590566569,0.0,0.0,117.11,2021-11-01,tampa/ft. myers smm food,0,179.11999984384556,173.25520362076367,0.0,1.2472056642930591,0.7241202584185183,0.0,3.8934703003703164,0.0,0.0,179.11999984384556 +0.7030000000000001,0.0,0.937,0.0,0.008389062745586179,0.929,0.0,67.74,2021-11-01,tucson/sierra vista smm food,0,67.45855071320864,63.32224664442017,1.3582346762401678,0.0,0.9819112621391487,0.0,1.032767314950828,0.7633908154583388,0.0,67.45855071320865 +0.0,0.0,0.903,0.667,0.06921929785407958,0.892,0.981,166.32,2021-11-01,washington dc/hagerstown smm food,0,186.0287654516251,173.02137618365978,0.0,0.0,0.9462816112184111,1.4022706475328144,8.521503600047785,0.7329866602678559,1.4043467488984431,186.02876545162508 +0.0,0.8210000000000001,0.0,0.0,0.005380183995151524,0.631,0.874,44.84,2021-11-01,yakima/pasco/richland/kennewick smm food,0,57.28398984327838,53.51694236690935,0.0,1.3350141465249044,0.0,0.0,0.6623479102641762,0.518514106086342,1.251171313493618,57.28398984327839 +0.0,0.0,0.0,0.0,0.010234191715455343,0.0,0.0,60.66,2021-11-08,albany/schenectady/troy smm food,0,83.61678733990253,82.35686844083078,0.0,0.0,0.0,0.0,1.2599188990717562,0.0,0.0,83.61678733990253 +0.0,0.0,0.812,0.854,0.01392329443320856,0.64,0.634,91.71,2021-11-08,albuquerque/santa fe smm food,0,76.58605005833458,70.79212936171284,0.0,0.0,0.8509198984599666,1.7954109939925387,1.714079849339577,0.525909711402946,0.9076002434267206,76.58605005833459 +0.608,0.0,0.0,0.502,0.07361936657525468,0.8220000000000001,0.589,257.42,2021-11-08,atlanta smm food,0,178.05943906030012,165.2475308400832,1.1746894497212261,0.0,0.0,1.0553821065389397,9.063190710584424,0.6754652855831587,0.8431806677891773,178.05943906030012 +0.714,0.811,0.811,0.0,0.02388738880644914,0.72,0.974,135.96,2021-11-08,baltimore smm food,0,113.75519550001759,105.28036119021601,1.379487281416045,1.31875331648197,0.8498719675505332,0.0,2.940747393003214,0.5916484253283142,1.394325926021492,113.75519550001758 +0.0,0.0,0.986,0.0,0.007564214049639563,0.8220000000000001,0.6880000000000001,69.65,2021-11-08,baton rouge smm food,0,54.25309199478535,50.62824190344196,0.0,0.0,1.0332598767013879,0.0,0.9312211948670696,0.6754652855831587,0.9849037341917726,54.25309199478535 +0.0,0.602,0.0,0.0,0.0166346935115294,0.607,0.0,55.1,2021-11-08,birmingham/anniston/tuscaloosa smm food,0,65.80108825732478,62.27551690355495,0.0,0.9789019685846435,0.0,0.0,2.047876893276444,0.4987924919087315,0.0,65.80108825732476 +0.0,0.0,0.642,0.5710000000000001,0.05174099073562502,0.773,0.0,171.48,2021-11-08,boston/manchester smm food,0,192.2224783819467,183.34429136615643,0.0,0.0,0.672771643856279,1.2004445873181964,6.36977046131192,0.6352003233038707,0.0,192.2224783819467 +0.0,0.866,0.505,0.9840000000000001,0.011685920314731833,0.992,0.0,64.27,2021-11-08,buffalo smm food,0,70.22310291051608,63.96319330778341,0.0,1.4081878817181084,0.5292051092638954,2.068717117199834,1.4386394418762487,0.8151600526745661,0.0,70.22310291051606 +0.0,0.685,0.0,0.897,0.03350311403285032,0.549,0.0,134.19,2021-11-08,charlotte smm food,0,134.67622393304543,127.1008852661048,0.0,1.113866857940998,0.0,1.8858122501303365,4.124527634556454,0.4511319243128396,0.0,134.67622393304543 +0.0,0.0,0.979,0.518,0.08273461893952522,0.0,0.811,226.92,2021-11-08,chicago smm food,0,190.58414209559854,177.12285569785104,0.0,0.0,1.0259243603353538,1.089019783241376,10.185358346569732,0.0,1.1609839076010575,190.58414209559857 +0.0,0.789,0.0,0.0,0.031059303814542923,0.6880000000000001,0.9540000000000001,124.69999999999999,2021-11-08,cleveland/akron/canton smm food,0,138.12877521373431,131.09107465023894,0.0,1.2829794903875145,0.0,0.0,3.8236731298337845,0.5653529397581669,1.3656950035159172,138.12877521373431 +0.0,0.933,0.0,0.0,0.026664976997419914,0.0,0.788,140.07,2021-11-08,columbus oh smm food,0,109.84862137749413,103.92073468964487,0.0,1.5171354430057682,0.0,0.0,3.282692898123831,0.0,1.1280583467196466,109.84862137749411 +0.0,0.0,0.785,0.755,0.07323052374409084,0.0,0.87,96.04,2021-11-08,dallas/ft. worth smm food,0,117.94782668601839,105.27715718131851,0.0,0.0,0.8226257639052633,1.587277869396214,9.015320742405885,0.0,1.245445128992503,117.94782668601837 +0.0,0.8130000000000001,0.0,0.894,0.009644862707421122,0.0,0.0,56.71000000000001,2021-11-08,des moines/ames smm food,0,66.79717535344042,62.408297363785806,0.0,1.322005482490557,0.0,1.8795051857486296,1.187367321415436,0.0,0.0,66.79717535344042 +0.0,0.834,0.795,0.0,0.038700824309497214,0.661,0.915,157.79,2021-11-08,detroit smm food,0,169.12962360715136,160.32292305294044,0.0,1.3561532255807187,0.8331050729995978,0.0,4.764411427192201,0.543166123808355,1.3098647046300465,169.12962360715136 +0.9840000000000001,0.9700000000000001,0.0,0.922,0.01577463389114787,0.842,0.0,139.54,2021-11-08,grand rapids smm food,0,118.06627604163856,110.01556630860257,1.9011421357330371,1.577300514164625,0.0,1.9383711199778932,1.941995999095935,0.6918999640645007,0.0,118.06627604163856 +0.634,0.0,0.615,0.0,0.01523415534183021,0.0,0.994,67.45,2021-11-08,greensboro smm food,0,88.73705883585583,83.56924325587181,1.2249228801369365,0.0,0.6444775093015757,0.0,1.8754583420184496,0.0,1.4229568485270667,88.73705883585583 +0.509,0.583,0.0,0.0,0.014465835812297396,0.0,0.0,78.5,2021-11-08,harrisburg/lancaster smm food,0,88.73740154813342,85.02510769460987,0.9834160031383291,0.9480063915030683,0.0,0.0,1.780871458882145,0.0,0.0,88.73740154813342 +0.67,0.837,0.685,0.0,0.02158156037428794,0.524,0.719,113.24999999999999,2021-11-08,hartford/new haven smm food,0,120.10082114782585,112.61073024106035,1.2944768607125354,1.361031474593599,0.7178326729619177,0.0,2.6568796582108694,0.430588576211162,1.0292816640754134,120.10082114782585 +0.0,0.5690000000000001,0.801,0.535,0.06276014111485884,0.0,0.0,141.83,2021-11-08,houston smm food,0,178.2621603577575,167.64644198801398,0.0,0.9252412294429605,0.8393926584561986,1.1247598147377147,7.7263246671066375,0.0,0.0,178.2621603577575 +0.0,0.6990000000000001,0.0,0.798,0.026293142497831632,0.0,0.0,93.03,2021-11-08,indianapolis smm food,0,95.07246292630599,89.02123497580452,0.0,1.1366320200011062,0.0,1.6776791255340118,3.236916804966354,0.0,0.0,95.07246292630599 +0.0,0.0,0.0,0.0,0.015943433618683146,0.739,0.627,155.97,2021-11-08,jacksonville smm food,0,89.76750750880234,86.29988999004563,0.0,0.0,0.0,0.0,1.9627767283213493,0.6072613698855891,0.8975794205497695,89.76750750880234 +0.855,0.0,0.0,0.881,0.02145994516885095,0.0,0.0,59.01,2021-11-08,kansas city smm food,0,86.6396898818421,80.49370051161102,1.6519070386704742,0.0,0.0,1.8521745734279,2.6419077581327066,0.0,0.0,86.6396898818421 +0.618,0.0,0.767,0.9000000000000001,0.011234151072551714,0.718,0.736,50.7,2021-11-08,knoxville smm food,0,76.31955629380653,69.4030183864474,1.1940099998811147,0.0,0.803763007535461,1.8921193145120434,1.3830226797451972,0.5900049574801799,1.053617948205152,76.31955629380654 +0.0,0.982,0.803,0.0,0.021399989914475122,0.0,0.0,55.28,2021-11-08,las vegas smm food,0,78.1488132370753,73.0759844669223,0.0,1.596813510216146,0.8414885202750655,0.0,2.6345267396617817,0.0,0.0,78.1488132370753 +0.0,0.0,0.795,0.0,0.01211016415046052,0.0,0.0,84.22,2021-11-08,little rock/pine bluff smm food,0,60.0275438136771,57.70357115599228,0.0,0.0,0.8331050729995978,0.0,1.490867584685227,0.0,0.0,60.027543813677106 +0.614,0.752,0.0,0.849,0.1693363945235558,0.742,0.5660000000000001,139.52,2021-11-08,los angeles smm food,0,180.43735093816488,153.9765761946837,1.1862817798171592,1.2228144192286576,0.0,1.7848992200230274,20.846797645846774,0.6097265716577904,0.8102551069077665,180.43735093816488 +0.0,0.0,0.9570000000000001,0.0,0.007953699993232798,0.0,0.855,77.48,2021-11-08,madison wi smm food,0,55.625197431447596,52.419185278171575,0.0,0.0,1.0028698803278178,0.0,0.9791703358348748,0.0,1.223971937113322,55.62519743144759 +0.687,0.0,0.5670000000000001,0.0,0.04171981227625383,0.645,0.0,352.6,2021-11-08,miami/west palm beach smm food,0,191.70940670394887,184.12181433608328,1.327321795984346,0.0,0.5941768256487698,0.0,5.136075365209179,0.5300183810232815,0.0,191.70940670394884 +0.0,0.0,0.955,0.797,0.01888150904661108,0.0,0.0,57.459999999999994,2021-11-08,milwaukee smm food,0,73.1540028913336,68.15317248002567,0.0,0.0,1.0007740185089509,1.6755767707401095,2.3244796220588686,0.0,0.0,73.1540028913336 +0.724,0.0,0.714,0.0,0.03951687508675617,0.766,0.859,71.56,2021-11-08,minneapolis/st. paul smm food,0,94.6217737044455,85.75072244988117,1.3988078315759338,0.0,0.7482226693354878,0.0,4.864874446203078,0.6294481858354009,1.229698121614437,94.6217737044455 +0.0,0.747,0.869,0.0,0.011743865810641841,0.835,0.0,86.26,2021-11-08,mobile/pensacola smm food,0,71.72369170873135,67.46643487620449,0.0,1.2146840042071905,0.9106519602976736,0.0,1.445773041425967,0.686147826596031,0.0,71.72369170873135 +0.0,0.0,0.9560000000000002,0.0,0.02677777660114735,0.0,0.509,124.36,2021-11-08,nashville smm food,0,100.49922638611446,95.47216793873541,0.0,0.0,1.0018219494183844,0.0,3.296579520193787,0.0,0.7286569777668782,100.49922638611446 +0.766,0.0,0.0,0.782,0.013840474235843966,0.8300000000000001,0.0,65.05,2021-11-08,new orleans smm food,0,65.05953601987915,59.54961731628727,1.4799541422474658,0.0,0.0,1.6440414488315753,1.7038839555371457,0.6820391569756955,0.0,65.05953601987915 +0.596,0.766,0.738,0.936,0.17050555090783243,0.0,0.0,290.64,2021-11-08,new york smm food,0,316.2907581206343,290.1617655847399,1.1515047895293598,1.2455795812887658,0.7733730111618907,1.967804087092525,20.990731066821873,0.0,0.0,316.29075812063434 +0.562,0.658,0.9899999999999999,0.0,0.01639207439550658,0.0,0.0,84.5,2021-11-08,norfolk/portsmouth/newport news smm food,0,107.52117673362082,102.30993924858487,1.0858149189857387,1.0699626168250755,1.0374516003391216,0.0,2.018008348886015,0.0,0.0,107.52117673362082 +0.0,0.9070000000000001,0.8210000000000001,0.0,0.017532655710783336,0.711,0.0,76.11,2021-11-08,oklahoma city smm food,0,58.6871294293812,53.609244119971564,0.0,1.4748572848941393,0.8603512766448678,0.0,2.158423927858914,0.5842528200117102,0.0,58.687129429381194 +0.745,0.0,0.661,0.513,0.009479476604974639,0.5650000000000001,0.898,66.2,2021-11-08,omaha smm food,0,67.00361610436059,60.87622985001895,1.4393809869116998,0.0,0.6926823311355147,1.0785080092718646,1.1670068394243216,0.46427966709791324,1.2855284205003077,67.00361610436057 +0.0,0.0,0.985,0.5710000000000001,0.03793306727105895,0.547,0.871,262.86,2021-11-08,orlando/daytona beach/melborne smm food,0,141.21429762320543,132.61538216686213,0.0,0.0,1.0322119457919545,1.2004445873181964,4.6698937916506535,0.44948845646470537,1.2468766751177818,141.21429762320543 +0.0,0.0,0.0,0.742,0.006955433622391241,0.562,0.803,77.28,2021-11-08,paducah ky/cape girardeau mo smm food,0,59.58682637047526,55.55925813283435,0.0,0.0,0.0,1.5599472570754844,0.8562749766408838,0.4618144653257119,1.1495315385988276,59.58682637047526 +0.0,0.79,0.0,0.0,0.07736191302044527,0.0,0.556,176.34,2021-11-08,philadelphia smm food,0,211.34222391004036,199.7377476378349,0.0,1.284605573391808,0.0,0.0,9.523931053158673,0.0,0.795939645654979,211.34222391004036 +0.0,0.0,0.0,0.903,0.045465917306045725,0.755,0.0,105.3,2021-11-08,phoenix/prescott smm food,0,125.09905041183869,116.98296111946722,0.0,0.0,0.0,1.89842637889375,5.597253800807069,0.6204091126706628,0.0,125.0990504118387 +0.804,0.766,0.0,0.5640000000000001,0.021421446492246542,0.544,0.808,87.26,2021-11-08,pittsburgh smm food,0,112.77779302353052,104.55223234884438,1.5533722328550426,1.2455795812887658,0.0,1.1857281037608804,2.637168232863711,0.44702325469250404,1.1566892692252213,112.7777930235305 +0.0,0.9390000000000001,0.656,0.725,0.028501036481024415,0.0,0.0,137.6,2021-11-08,portland or smm food,0,94.14357927125286,86.8963094792362,0.0,1.5268919410315287,0.6874426765883473,1.524207225579146,3.508727948817653,0.0,0.0,94.14357927125288 +0.9630000000000002,0.904,0.686,0.839,0.01466026646970462,0.0,0.653,94.89,2021-11-08,providence ri/new bedford ma smm food,0,91.8012178505674,83.24830635780522,1.8605689803972714,1.4699790358812588,0.7188806038713511,1.7638756720840045,1.8048075807212902,0.0,0.9347996198070166,91.80121785056741 +0.0,0.0,0.878,0.781,0.027740276344506,0.49900000000000005,0.0,157.95,2021-11-08,raleigh/durham/fayetteville smm food,0,131.71731213009554,125.33017277610136,0.0,0.0,0.9200833384825747,1.641939094037673,3.4150716933644283,0.41004522810948446,0.0,131.71731213009554 +0.847,0.0,0.9520000000000001,0.9560000000000002,0.12027350930179814,0.0,0.0,314.87,2021-11-08,rem us east north central smm food,0,325.90433020764976,306.4536727021249,1.6364505985425633,0.0,0.9976302257806505,2.0098511829705705,14.806725498231103,0.0,0.0,325.90433020764976 +0.0,0.0,0.0,0.0,0.04189447879603659,0.0,0.74,124.63000000000001,2021-11-08,rem us middle atlantic smm food,0,137.01694574249873,130.80002326169728,0.0,0.0,0.0,0.0,5.157578348095171,0.0,1.059344132706267,137.0169457424987 +0.936,0.0,0.0,0.0,0.08748282351322773,0.974,0.7000000000000001,141.05,2021-11-08,rem us mountain smm food,0,188.33827019440096,173.95751153106124,1.8084034949655718,0.0,0.0,0.0,10.769904038637664,0.8003688420413583,1.0020822876951174,188.33827019440096 +0.712,0.66,0.967,0.0,0.02220786913899182,0.0,0.0,170.94,2021-11-08,rem us new england smm food,0,154.41780152544368,148.221630613054,1.3756231713840674,1.0732147828336625,1.0133491894221522,0.0,2.7339837687497632,0.0,0.0,154.41780152544365 +0.54,0.661,0.0,0.915,0.08538350862195687,0.584,0.5750000000000001,148.65,2021-11-08,rem us pacific smm food,0,120.96994098137478,105.11364420201244,1.0433097086339838,1.0748408658379558,0.0,1.9236546364205773,10.511459934779362,0.4798926116551881,0.8231390220352751,120.96994098137478 +0.806,0.707,0.594,0.65,0.13692930088735167,0.5060000000000001,0.0,364.7,2021-11-08,rem us south atlantic smm food,0,305.64910607530396,283.6802303568146,1.5572363428870202,1.1496406840354534,0.622470960203473,1.3665306160364756,16.857199749749025,0.4157973655779542,0.0,305.649106075304 +0.73,0.0,0.882,0.607,0.2308160598127494,0.0,0.0,428.72,2021-11-08,rem us south central smm food,0,431.45761843583153,399.4313293612464,1.4104001616718669,0.0,0.9242750621203085,1.276129359898678,28.415484490894265,0.0,0.0,431.45761843583153 +0.551,0.633,0.9570000000000001,0.859,0.08299767100232416,0.845,0.973,144.59,2021-11-08,rem us west north central smm food,0,143.16219589827324,125.95452848252805,1.0645623138098612,1.0293105417177397,1.0028698803278178,1.80592276796205,10.217742366194818,0.694365165836702,1.3928943798962132,143.16219589827324 +0.9570000000000001,0.517,0.0,0.883,0.012522273019831255,0.9770000000000001,0.5690000000000001,61.33,2021-11-08,richmond/petersburg smm food,0,93.77312028024329,86.06809383806947,1.848976650301338,0.8406849132197022,0.0,1.8563792830157047,1.5416018065399113,0.8028340438135597,0.8145497452836027,93.77312028024329 +0.0,0.924,0.879,0.639,0.03806550457979277,0.0,0.524,73.75,2021-11-08,sacramento/stockton/modesto smm food,0,80.7904464839867,71.58708164797008,0.0,1.5025006959671274,0.9211312693920082,1.3434047133035507,4.686197987707872,0.0,0.7501301696460594,80.7904464839867 +0.781,0.603,0.0,0.9450000000000001,0.03087108177336556,0.704,0.91,50.54,2021-11-08,salt lake city smm food,0,93.88270637120206,83.72480907215119,1.5089349674872987,0.980528051588937,0.0,1.9867252802376454,3.8005013431900876,0.5785006825432405,1.3027069740036528,93.88270637120205 +0.515,0.736,0.0,0.0,0.026614763405301858,0.5630000000000001,0.9400000000000001,108.56,2021-11-08,san diego smm food,0,85.99091909597155,78.71431295071628,0.9950083332342623,1.1967970911599628,0.0,0.0,3.276511163849274,0.46263619924977906,1.345653357762015,85.99091909597158 +0.0,0.897,0.637,0.764,0.0551557631327781,0.0,0.0,117.2,2021-11-08,san francisco/oakland/san jose smm food,0,99.39839949347032,88.87591304741949,0.0,1.4585964548512047,0.6675319893091117,1.6061990625413345,6.790158939349173,0.0,0.0,99.39839949347031 +0.0,0.0,0.9520000000000001,0.525,0.04485992954836231,0.0,0.0,118.31999999999998,2021-11-08,seattle/tacoma smm food,0,96.3687743831187,88.74475650580376,0.0,0.0,0.9976302257806505,1.1037362667986919,5.522651384735613,0.0,0.0,96.36877438311872 +0.0,0.643,0.787,0.0,0.025189584774882277,0.915,0.868,73.74,2021-11-08,st. louis smm food,0,94.66991426054037,87.70409353036166,0.0,1.045571371760674,0.8247216257241302,0.0,3.101059155430557,0.7518865405213992,1.2425820367419456,94.66991426054037 +0.592,0.835,0.0,0.744,0.03761846468973997,0.517,0.0,388.77,2021-11-08,tampa/ft. myers smm food,0,182.3769113545872,173.25520362076367,1.1437765694654043,1.357779308585012,0.0,1.564151966663289,4.6311634503671355,0.4248364387426923,0.0,182.3769113545872 +0.761,0.0,0.0,0.0,0.008903917637409392,0.0,0.0,26.04,2021-11-08,tucson/sierra vista smm food,0,65.88869098629581,63.32224664442017,1.4702938671675216,0.0,0.0,0.0,1.0961504747081348,0.0,0.0,65.88869098629583 +0.9470000000000001,0.742,0.911,0.0,0.07276566152522373,0.966,0.559,204.64,2021-11-08,washington dc/hagerstown smm food,0,187.56437230599417,173.02137618365978,1.8296561001414493,1.2065535891857233,0.9546650584938787,0.0,8.95809211983371,0.7937949706488214,0.8002342840308153,187.56437230599417 +0.5630000000000001,0.0,0.8230000000000001,0.686,0.006023254942580157,0.683,0.0,34.78,2021-11-08,yakima/pasco/richland/kennewick smm food,0,58.21211173086799,53.51694236690935,1.0877469740017276,0.0,0.8624471384637347,1.4422153886169575,0.7415155927383819,0.5612442701378314,0.0,58.21211173086798 +0.975,0.0,0.0,0.971,0.012512582607695616,0.0,0.733,120.97,2021-11-15,albany/schenectady/troy smm food,0,88.8717407278121,82.35686844083078,1.8837536405891373,0.0,0.0,2.0413865048791044,1.5404088316837683,0.0,1.0493233098293158,88.87174072781211 +0.0,0.0,0.751,0.783,0.017770342929204604,0.0,0.0,48.87,2021-11-15,albuquerque/santa fe smm food,0,75.41295459065479,70.79212936171284,0.0,0.0,0.7869961129845258,1.6461438036254776,2.1876853123319555,0.0,0.0,75.41295459065479 +0.0,0.855,0.93,0.901,0.09995438735423677,0.763,0.0,167.51,2021-11-15,atlanta smm food,0,182.43887530772275,165.2475308400832,0.0,1.3903009686708807,0.9745757457731145,1.8942216693059455,12.305263099826417,0.6269829840631996,0.0,182.43887530772275 +0.0,0.869,0.781,0.0,0.029784019164158328,0.508,0.624,98.09,2021-11-15,baltimore smm food,0,112.48926136386642,105.28036119021601,0.0,1.4130661307309886,0.8184340402675294,0.0,3.6666743870518603,0.41744083342608834,0.8932847821739333,112.48926136386642 +0.654,0.578,0.967,0.0,0.00976172751457408,0.0,0.0,73.4,2021-11-15,baton rouge smm food,0,55.04678545553895,50.62824190344196,1.2635639804567136,0.9398759764816011,1.0133491894221522,0.0,1.2017544057365195,0.0,0.0,55.046785455538945 +0.522,0.716,0.0,0.0,0.02041212667347536,0.0,0.791,98.63,2021-11-15,birmingham/anniston/tuscaloosa smm food,0,68.09359013520489,62.27551690355495,1.0085327183461843,1.1642754310740941,0.0,0.0,2.5129120971341967,0.0,1.1323529850954828,68.0935901352049 +0.0,0.848,0.811,0.0,0.06211048701758118,0.0,0.872,208.83,2021-11-15,boston/manchester smm food,0,194.46773648364933,183.34429136615643,0.0,1.3789183876408266,0.8498719675505332,0.0,7.646346541058497,0.0,1.2483082212430605,194.46773648364933 +0.0,0.0,0.0,0.0,0.014941670697139323,0.0,0.0,115.63,2021-11-15,buffalo smm food,0,65.80264422080502,63.96319330778341,0.0,0.0,0.0,0.0,1.8394509130216068,0.0,0.0,65.80264422080502 +0.0,0.0,0.0,0.0,0.04365288728968899,0.0,0.0,101.15,2021-11-15,charlotte smm food,0,132.47493914593105,127.1008852661048,0.0,0.0,0.0,0.0,5.3740538798262465,0.0,0.0,132.47493914593105 +0.0,0.0,0.639,0.525,0.1053718346670037,0.0,0.7000000000000001,242.91,2021-11-15,chicago smm food,0,192.87050055528925,177.12285569785104,0.0,0.0,0.6696278511279786,1.1037362667986919,12.972198451816437,0.0,1.0020822876951174,192.87050055528925 +0.848,0.0,0.5680000000000001,0.0,0.03883962748140024,0.552,0.0,125.43999999999998,2021-11-15,cleveland/akron/canton smm food,0,138.55977850336512,131.09107465023894,1.6383826535585522,0.0,0.5952247565582033,0.0,4.781499316924385,0.4535971260850409,0.0,138.55977850336512 +0.0,0.9619999999999999,0.621,0.729,0.03477768711210815,0.5730000000000001,0.608,147.41,2021-11-15,columbus oh smm food,0,113.29108063863012,103.92073468964487,0.0,1.5642918501302774,0.6507650947581763,1.532616644754755,4.281438776682109,0.4708535384904501,0.8703800441694733,113.29108063863012 +0.0,0.9630000000000002,0.0,0.0,0.09485730558041085,0.0,0.603,87.91,2021-11-15,dallas/ft. worth smm food,0,119.38406498782216,105.27715718131851,0.0,1.5659179331345712,0.0,0.0,11.677767559825998,0.0,0.8632223135430797,119.38406498782217 +0.0,0.0,0.904,0.908,0.011959146604163157,0.652,0.0,71.45,2021-11-15,des moines/ames smm food,0,67.27261157544059,62.408297363785806,0.0,0.0,0.9473295421278446,1.9089381528632614,1.4722759981719364,0.5357705184917512,0.0,67.2726115754406 +0.0,0.0,0.904,0.661,0.04808736490795378,0.6880000000000001,0.0,177.7,2021-11-15,detroit smm food,0,169.14523908144412,160.32292305294044,0.0,0.0,0.9473295421278446,1.3896565187694008,5.919977027848292,0.5653529397581669,0.0,169.14523908144415 +0.811,0.915,0.0,0.0,0.0187921096457063,0.656,0.0,103.23,2021-11-15,grand rapids smm food,0,115.92286010019383,110.01556630860257,1.5668966179669646,1.4878659489284864,0.0,0.0,2.3134737705077852,0.5390574541880195,0.0,115.92286010019383 +0.0,0.0,0.752,0.842,0.018108472726667237,0.773,0.674,83.92,2021-11-15,greensboro smm food,0,89.95684450856308,83.56924325587181,0.0,0.0,0.7880440438939592,1.7701827364657114,2.2293120605898684,0.6352003233038707,0.9648620884378702,89.9568445085631 +0.0,0.8230000000000001,0.0,0.655,0.01708921103903775,0.592,0.0,86.59,2021-11-15,harrisburg/lancaster smm food,0,90.33071487366988,85.02510769460987,0.0,1.3382663125334913,0.0,1.377042390005987,2.103831993472811,0.48646648304772494,0.0,90.33071487366989 +0.0,0.739,0.0,0.73,0.02649027355975747,0.796,0.0,135.38,2021-11-15,hartford/new haven smm food,0,119.26241015466182,112.61073024106035,0.0,1.201675340172843,0.0,1.5347189995486572,3.2611853703225577,0.654100203557414,0.0,119.26241015466182 +0.883,0.0,0.5750000000000001,0.0,0.07786139213924828,0.603,0.552,163.36,2021-11-15,houston smm food,0,180.82614717761646,167.64644198801398,1.7060045791181624,0.0,0.6025602729242374,0.0,9.58542132019376,0.4955055562124631,0.790213461153864,180.82614717761646 +0.0,0.0,0.912,0.78,0.03202201645347883,0.875,0.0,130.45,2021-11-15,indianapolis smm food,0,96.27799340033043,89.02123497580452,0.0,0.0,0.9557129894033122,1.6398367392437707,3.9421915123200977,0.7190171835587151,0.0,96.27799340033042 +0.0,0.0,0.0,0.0,0.02003932946727757,0.0,0.582,104.2,2021-11-15,jacksonville smm food,0,89.60006732129436,86.29988999004563,0.0,0.0,0.0,0.0,2.467017486336508,0.0,0.8331598449122262,89.60006732129436 +0.665,0.0,0.0,0.685,0.02745167751669333,0.0,0.0,76.26,2021-11-15,kansas city smm food,0,86.59817277362565,80.49370051161102,1.284816585632591,0.0,0.0,1.4401130338230552,3.3795426425589774,0.0,0.0,86.59817277362565 +0.9689999999999999,0.0,0.0,0.0,0.013406914264606853,0.9420000000000002,0.0,45.44,2021-11-15,knoxville smm food,0,73.69976196802435,69.4030183864474,1.8721613104932038,0.0,0.0,0.0,1.6505089146125442,0.7740733564712111,0.0,73.69976196802436 +0.577,0.0,0.0,0.0,0.027320557884677226,0.0,0.9380000000000001,63.78,2021-11-15,las vegas smm food,0,78.89697114073974,73.0759844669223,1.1147957442255714,0.0,0.0,0.0,3.363400664080409,0.0,1.3427902655114574,78.89697114073974 +0.788,0.0,0.0,0.55,0.014205888730981666,0.857,0.548,53.2,2021-11-15,little rock/pine bluff smm food,0,63.61990858456835,57.70357115599228,1.5224593525992207,0.0,0.0,1.1562951366462486,1.7488696897523335,0.7042259729255073,0.7844872766527491,63.619908584568336 +0.0,0.891,0.0,0.0,0.21742572072475627,0.578,0.646,146.54,2021-11-15,los angeles smm food,0,183.59217328267206,153.9765761946837,0.0,1.4488399568254442,0.0,0.0,26.76701612612207,0.4749622081107855,0.9247787969300655,183.59217328267206 +0.8240000000000001,0.619,0.931,0.784,0.009397286464107884,0.0,0.0,84.48,2021-11-15,madison wi smm food,0,58.798502337217265,52.419185278171575,1.5920133331748196,1.0065453796576318,0.9756236766825479,1.64824615841938,1.1568885111112988,0.0,0.0,58.79850233721725 +0.937,0.514,0.0,0.0,0.0547086030742856,0.0,0.0,147.05,2021-11-15,miami/west palm beach smm food,0,193.50306615848962,184.12181433608328,1.8103355499815608,0.8358066642068219,0.0,0.0,6.735109608217929,0.0,0.0,193.5030661584896 +0.0,0.8170000000000001,0.0,0.677,0.022437952732133195,0.0,0.0,58.69,2021-11-15,milwaukee smm food,0,73.66728557016454,68.15317248002567,0.0,1.3285098145077305,0.0,1.423294195471837,2.7623090801592984,0.0,0.0,73.66728557016454 +0.806,0.0,0.0,0.587,0.05023608164278339,0.734,0.0,131.85,2021-11-15,minneapolis/st. paul smm food,0,95.32969668965703,85.75072244988117,1.5572363428870202,0.0,0.0,1.2340822640206326,6.184502932602962,0.6031527002652536,0.0,95.32969668965704 +0.992,0.9350000000000002,0.799,0.866,0.014083285996973895,0.0,0.0,58.53,2021-11-15,mobile/pensacola smm food,0,75.29513332546897,67.46643487620449,1.9165985758609478,1.5203876090143553,0.8372967966373317,1.820639251519366,1.733776216232487,0.0,0.0,75.29513332546898 +0.964,0.534,0.649,0.0,0.03284038455665545,0.536,0.562,103.32,2021-11-15,nashville smm food,0,104.17102257887751,95.47216793873541,1.8625010354132598,0.8683283242926905,0.6801071602223132,0.0,4.042939814507228,0.44044938329996725,0.8045289224066515,104.17102257887753 +0.8310000000000001,0.641,0.0,0.989,0.017731330478774593,0.593,0.707,102.88,2021-11-15,new orleans smm food,0,67.95897699603127,59.54961731628727,1.6055377182867419,1.0423192057520871,0.0,2.079228891169345,2.1828825369919507,0.48728821697179203,1.0121031105720686,67.95897699603125 +0.994,0.847,0.9129999999999999,0.745,0.21932703711983792,0.0,0.9520000000000001,384.94,2021-11-15,new york smm food,0,324.3464526041513,290.1617655847399,1.9204626858929257,1.3772923046365333,0.9567609203127455,1.5662543214571913,27.001084875846654,0.0,1.3628319112653597,324.3464526041513 +0.683,0.607,0.778,0.0,0.020300026124873312,0.636,0.8290000000000001,128.7,2021-11-15,norfolk/portsmouth/newport news smm food,0,109.64034150410414,102.30993924858487,1.3195935759203907,0.9870323836061107,0.8152902475392291,0.0,2.499111534890796,0.5226227757066775,1.1867517378560748,109.64034150410414 +0.0,0.912,0.796,0.0,0.022659811088400043,0.0,0.0,73.34,2021-11-15,oklahoma city smm food,0,58.716006616453896,53.609244119971564,0.0,1.4829876999156062,0.8341530039090312,0.0,2.7896217926576843,0.0,0.0,58.71600661645388 +0.0,0.0,0.967,0.9570000000000001,0.011987624060707627,0.0,0.0,67.34,2021-11-15,omaha smm food,0,65.37731440042901,60.87622985001895,0.0,0.0,1.0133491894221522,2.0119535377644726,1.4757818232234339,0.0,0.0,65.37731440042901 +0.877,0.534,0.0,0.869,0.048803061113553224,0.73,0.676,150.53,2021-11-15,orlando/daytona beach/melborne smm food,0,144.5807455188916,132.61538216686213,1.694412249022229,0.8683283242926905,0.0,1.8269463159010728,6.008085517556076,0.5998657645689852,0.9677251806884277,144.5807455188916 +0.0,0.54,0.0,0.0,0.008011139282988322,0.0,0.712,63.28000000000001,2021-11-15,paducah ky/cape girardeau mo smm food,0,58.44284541331164,55.55925813283435,0.0,0.8780848223184511,0.0,0.0,0.9862416169603744,0.0,1.0192608411984623,58.44284541331164 +0.0,0.0,0.892,0.652,0.10238767042926798,0.9000000000000001,0.0,211.24,2021-11-15,philadelphia smm food,0,215.38761948707378,199.7377476378349,0.0,0.0,0.9347543712146431,1.3707353256242802,12.604821620739553,0.7395605316603928,0.0,215.38761948707378 +0.0,0.955,0.0,0.836,0.05871194384636206,0.0,0.0,132.95,2021-11-15,phoenix/prescott smm food,0,127.52139501956377,116.98296111946722,0.0,1.5529092691002235,0.0,1.7575686077022978,7.227956023294025,0.0,0.0,127.52139501956377 +0.9899999999999999,0.0,0.5680000000000001,0.911,0.02709554795478382,0.0,0.542,122.02999999999999,2021-11-15,pittsburgh smm food,0,113.08703475356224,104.55223234884438,1.91273446582897,0.0,0.5952247565582033,1.9152452172449683,3.335699965184629,0.0,0.7758979999010767,113.08703475356224 +0.0,0.0,0.662,0.788,0.03644648164130203,0.0,0.0,66.53,2021-11-15,portland or smm food,0,93.73357736108001,86.8963094792362,0.0,0.0,0.6937302620449481,1.656655577594989,4.486882042203873,0.0,0.0,93.73357736108001 +0.656,0.54,0.6980000000000001,0.0,0.017743434489959933,0.0,0.0,94.1,2021-11-15,providence ri/new bedford ma smm food,0,88.3096476924895,83.24830635780522,1.2674280904886914,0.8780848223184511,0.7314557747845526,0.0,2.1843726470925806,0.0,0.0,88.30964769248949 +0.0,0.995,0.0,0.541,0.03396412554883319,0.988,0.614,109.0,2021-11-15,raleigh/durham/fayetteville smm food,0,133.95762394855225,125.33017277610136,0.0,1.6179525892719606,0.0,1.1373739435011283,4.1812822017783455,0.8118731169782978,0.8789693209211458,133.95762394855225 +0.781,0.854,0.0,0.9440000000000001,0.13919859698950612,0.7010000000000001,0.615,396.01,2021-11-15,rem us east north central smm food,0,329.92891186235124,306.4536727021249,1.5089349674872987,1.3886748856665874,0.0,1.9846229254437433,17.136570033811275,0.5760354807710393,0.8804008670464245,329.92891186235124 +0.588,0.0,0.0,0.0,0.05141916995514956,0.9520000000000001,0.0,155.5,2021-11-15,rem us middle atlantic smm food,0,139.04851380311695,130.80002326169728,1.1360483494014488,0.0,0.0,0.0,6.330151496306336,0.7822906957118821,0.0,139.04851380311695 +0.0,0.898,0.0,0.5650000000000001,0.10994151485191801,0.653,0.848,211.51,2021-11-15,rem us mountain smm food,0,191.89087411755935,173.95751153106124,0.0,1.4602225378554983,0.0,1.1878304585547828,13.534766223435625,0.5365922524158183,1.2139511142363708,191.89087411755935 +0.0,0.0,0.519,0.722,0.02622876301612143,0.0,0.752,154.98,2021-11-15,rem us new england smm food,0,154.58892072770442,148.221630613054,0.0,0.0,0.5438761419959639,1.517900161197439,3.228991125247394,0.0,1.0765226862096118,154.58892072770442 +0.0,0.965,0.0,0.0,0.10767140624752597,0.0,0.788,110.25,2021-11-15,rem us pacific smm food,0,121.06616856108602,105.11364420201244,0.0,1.5691700991431579,0.0,0.0,13.255295913210771,0.0,1.1280583467196466,121.06616856108602 +0.0,0.911,0.0,0.0,0.16624299213314248,0.856,0.732,248.47,2021-11-15,rem us south atlantic smm food,0,307.3788606150399,283.6802303568146,0.0,1.4813616169113129,0.0,0.0,20.465972638608566,0.7034042390014401,1.047891763704037,307.37886061503997 +0.0,0.0,0.0,0.0,0.2808858074914676,0.589,0.0,421.45,2021-11-15,rem us south central smm food,0,434.4948408939366,399.4313293612464,0.0,0.0,0.0,0.0,34.57951025141467,0.48400128127552366,0.0,434.4948408939366 +0.9350000000000002,0.517,0.0,0.0,0.10104377856982492,0.0,0.542,121.99000000000001,2021-11-15,rem us west north central smm food,0,141.81695956346343,125.95452848252805,1.8064714399495831,0.8406849132197022,0.0,0.0,12.439376727865016,0.0,0.7758979999010767,141.81695956346343 +0.795,0.0,0.0,0.0,0.015378898993475514,0.8140000000000001,0.0,97.1,2021-11-15,richmond/petersburg smm food,0,90.16624654696034,86.06809383806947,1.5359837377111427,0.0,0.0,0.0,1.893277556989103,0.6688914141906219,0.0,90.16624654696034 +0.925,0.0,0.0,0.0,0.04918383148213381,0.892,0.0,76.49,2021-11-15,sacramento/stockton/modesto smm food,0,80.16218089270836,71.58708164797008,1.7871508897896944,0.0,0.0,0.0,6.054961694680714,0.7329866602678559,0.0,80.16218089270835 +0.0,0.996,0.0,0.968,0.04042631272952107,0.0,0.9759999999999999,89.32,2021-11-15,salt lake city smm food,0,93.7534904118809,83.72480907215119,0.0,1.619578672276254,0.0,2.0350794404973973,4.976834208684016,0.0,1.3971890182720492,93.7534904118809 +0.717,0.0,0.678,0.0,0.03297389517737326,0.59,0.0,73.92,2021-11-15,san diego smm food,0,85.3542927136736,78.71431295071628,1.3852834464640116,0.0,0.7104971565958834,0.0,4.059376144697833,0.48482301519959076,0.0,85.3542927136736 +0.669,0.835,0.878,0.0,0.07258619078835102,0.503,0.658,93.92,2021-11-15,san francisco/oakland/san jose smm food,0,102.73760771004567,88.87591304741949,1.2925448056965465,1.357779308585012,0.9200833384825747,0.0,8.935997695622875,0.41333216380575283,0.9419573504334104,102.73760771004567 +0.0,0.0,0.0,0.0,0.059379174968711285,0.583,0.655,126.69,2021-11-15,seattle/tacoma smm food,0,97.47158813112054,88.74475650580376,0.0,0.0,0.0,0.0,7.310098035528085,0.479070877731121,0.9376627120575742,97.47158813112054 +0.71,0.875,0.0,0.981,0.03182525134559528,0.978,0.964,76.66,2021-11-15,st. louis smm food,0,98.66271951491606,87.70409353036166,1.3717590613520896,1.4228226287567494,0.0,2.062410052818127,3.9179679991211023,0.8036557777376268,1.3800104647687046,98.66271951491606 +0.732,0.559,0.988,0.5760000000000001,0.04801651707518549,0.0,0.0,177.48,2021-11-15,tampa/ft. myers smm food,0,183.73601542897046,173.25520362076367,1.4142642717038445,0.9089803994000262,1.0353557385202548,1.2109563612877077,5.911255037294974,0.0,0.0,183.73601542897046 +0.0,0.0,0.965,0.0,0.011175269792408312,0.0,0.0,50.68,2021-11-15,tucson/sierra vista smm food,0,65.70927384895973,63.32224664442017,0.0,0.0,1.0112533276032853,0.0,1.3757738769362584,0.0,0.0,65.70927384895971 +0.0,0.0,0.767,0.0,0.10197479019119549,0.665,0.773,211.75,2021-11-15,washington dc/hagerstown smm food,0,188.03216984216218,173.02137618365978,0.0,0.0,0.803763007535461,0.0,12.553992436621847,0.5464530595046235,1.1065851548404655,188.03216984216218 +0.0,0.9840000000000001,0.0,0.0,0.007593417487392141,0.0,0.0,24.4,2021-11-15,yakima/pasco/richland/kennewick smm food,0,56.051824437716505,53.51694236690935,0.0,1.6000656762247332,0.0,0.0,0.934816394582429,0.0,0.0,56.05182443771651 +0.587,0.0,0.0,0.0,0.010373065305619234,0.0,0.684,88.65,2021-11-22,albany/schenectady/troy smm food,0,85.74717774281731,82.35686844083078,1.1341162943854601,0.0,0.0,0.0,1.2770154579104185,0.0,0.9791775496906576,85.74717774281731 +0.62,0.656,0.0,0.56,0.014120534963813781,0.0,0.0,116.59,2021-11-22,albuquerque/santa fe smm food,0,75.9723944982795,70.79212936171284,1.1978741099130925,1.0667104508164886,0.0,1.1773186845852714,1.7383618912518046,0.0,0.0,75.9723944982795 +0.0,0.0,0.0,0.885,0.08359081400663995,0.782,0.682,186.08,2021-11-22,atlanta smm food,0,179.01778869904348,165.2475308400832,0.0,0.0,0.0,1.860583992603509,10.290763480296198,0.6425959286204745,0.9763144574401001,179.01778869904348 +0.0,0.607,0.0,0.0,0.02601019278515659,1.0,0.0,121.24000000000001,2021-11-22,baltimore smm food,0,110.29121070774636,105.28036119021601,0.0,0.9870323836061107,0.0,0.0,3.2020832098571432,0.821733924067103,0.0,110.29121070774637 +0.0,0.0,0.0,0.673,0.007648272334061377,0.0,0.0,70.84,2021-11-22,baton rouge smm food,0,52.98469618780001,50.62824190344196,0.0,0.0,0.0,1.414884776296228,0.9415695080618142,0.0,0.0,52.984696187800004 +0.0,0.0,0.84,0.0,0.01475582340969247,0.676,0.0,93.79,2021-11-22,birmingham/anniston/tuscaloosa smm food,0,65.52784247957078,62.27551690355495,0.0,0.0,0.8802619639241033,0.0,1.8165714794223808,0.5554921326693617,0.0,65.5278424795708 +0.0,0.8,0.0,0.968,0.050700539272330494,0.665,0.0,223.96,2021-11-22,boston/manchester smm food,0,193.46837201626906,183.34429136615643,0.0,1.3008664034347424,0.0,2.0350794404973973,6.241681746675865,0.5464530595046235,0.0,193.46837201626906 +0.8190000000000001,0.621,0.856,0.0,0.011781675663612223,0.673,0.0,114.16000000000001,2021-11-22,buffalo smm food,0,69.45582746737158,63.96319330778341,1.5823530580948755,1.0097975456662187,0.8970288584750387,0.0,1.4504277664548686,0.5530269308971604,0.0,69.45582746737158 +0.789,0.0,0.88,0.0,0.035298329343663094,0.0,0.608,124.2,2021-11-22,charlotte smm food,0,134.7633703269883,127.1008852661048,1.5243914076152096,0.0,0.9221792003014416,0.0,4.34553440879738,0.0,0.8703800441694733,134.7633703269883 +0.0,0.0,0.7020000000000001,0.0,0.07919729248856716,0.787,0.0,215.84,2021-11-22,chicago smm food,0,188.25509018248735,177.12285569785104,0.0,0.0,0.7356474984222864,0.0,9.749882387973212,0.6467045982408101,0.0,188.25509018248735 +0.612,0.726,0.0,0.0,0.030076054752511495,0.0,0.0,217.47,2021-11-22,cleveland/akron/canton smm food,0,137.15665511441009,131.09107465023894,1.1824176697851816,1.1805362611170285,0.0,0.0,3.7026265332689423,0.0,0.0,137.15665511441009 +0.0,0.515,0.0,0.0,0.028311036624014473,0.0,0.987,150.49,2021-11-22,columbus oh smm food,0,109.65644075993443,103.92073468964487,0.0,0.8374327472111154,0.0,0.0,3.4853372974283254,0.0,1.4129360256501156,109.65644075993443 +0.9570000000000001,0.0,0.5680000000000001,0.0,0.07538779618518182,0.912,0.855,106.67,2021-11-22,dallas/ft. worth smm food,0,118.9756517937967,105.27715718131851,1.848976650301338,0.0,0.5952247565582033,0.0,9.280899929756126,0.7494213387491979,1.223971937113322,118.9756517937967 +0.551,0.937,0.0,0.2485,0.0086205955323028,0.0,0.0,61.34,2021-11-22,des moines/ames smm food,0,66.58020565372276,62.408297363785806,1.0645623138098612,1.523639775022942,0.0,0.5224351662847141,1.0612710348194414,0.0,0.0,66.58020565372277 +0.8290000000000001,0.0,0.0,0.661,0.03799902709254049,0.545,0.987,196.27,2021-11-22,detroit smm food,0,169.85304821930873,160.32292305294044,1.601673608254764,0.0,0.0,1.3896565187694008,4.678014025077441,0.4478449886165712,1.4129360256501156,169.85304821930873 +0.745,0.0,0.9199999999999999,0.0,0.014124407399813924,0.0,0.0,120.65,2021-11-22,grand rapids smm food,0,114.15788235433261,110.01556630860257,1.4393809869116998,0.0,0.9640964366787798,0.0,1.7388386221395655,0.0,0.0,114.15788235433261 +0.91,0.0,0.0,0.671,0.014112473571652268,0.63,0.0,131.24,2021-11-22,greensboro smm food,0,88.99315522235642,83.56924325587181,1.7581700645498615,0.0,0.0,1.4106800667084234,1.7373694630640677,0.5176923721622749,0.0,88.99315522235644 +0.505,0.903,0.0,0.0,0.013765446639318085,0.706,0.6940000000000001,96.45,2021-11-22,harrisburg/lancaster smm food,0,90.73743299124554,85.02510769460987,0.9756877830743736,1.4683529528769654,0.0,0.0,1.6946473993495053,0.5801441503913747,0.9934930109434451,90.73743299124554 +0.9460000000000001,0.0,0.0,0.0,0.021677881173376722,0.0,0.0,140.68,2021-11-22,hartford/new haven smm food,0,117.10719188086297,112.61073024106035,1.8277240451254606,0.0,0.0,0.0,2.6687375946771543,0.0,0.0,117.10719188086297 +0.0,0.0,0.498,0.0,0.06004086006922546,0.0,0.0,164.58,2021-11-22,houston smm food,0,175.55986886466889,167.64644198801398,0.0,0.0,0.5218695928978613,0.0,7.391557283757042,0.0,0.0,175.55986886466889 +0.798,0.603,0.8140000000000001,0.8200000000000001,0.025473219655233983,0.0,0.0,104.34,2021-11-22,indianapolis smm food,0,97.25646672213064,89.02123497580452,1.5417799027591095,0.980528051588937,0.8530157602788335,1.7239309309998616,3.135977100699396,0.0,0.0,97.25646672213065 +0.687,0.0,0.84,0.542,0.015103502965628656,0.0,0.0,90.79,2021-11-22,jacksonville smm food,0,91.50632393508423,86.29988999004563,1.327321795984346,0.0,0.8802619639241033,1.1394762982950306,1.859373886835108,0.0,0.0,91.50632393508421 +0.0,0.933,0.0,0.618,0.020571996067229214,0.0,0.0,62.09,2021-11-22,kansas city smm food,0,85.84268464107393,80.49370051161102,0.0,1.5171354430057682,0.0,1.299255262631603,2.532593423825531,0.0,0.0,85.84268464107393 +0.0,0.0,0.0,0.0,0.010000443561899606,0.0,0.777,53.7,2021-11-22,knoxville smm food,0,71.74647217387405,69.4030183864474,0.0,0.0,0.0,0.0,1.2311424480850848,0.0,1.1123113393415804,71.74647217387407 +0.993,0.894,0.0,0.912,0.02157485344081463,0.558,0.845,60.95,2021-11-22,las vegas smm food,0,82.68981885695186,73.0759844669223,1.9185306308769368,1.4537182058383245,0.0,1.9173475720388704,2.656053975785448,0.4585275296294435,1.2096564758605346,82.68981885695186 +0.654,0.663,0.0,0.9210000000000002,0.01026381595031726,0.0,0.733,93.21,2021-11-22,little rock/pine bluff smm food,0,64.29438614591648,57.70357115599228,1.2635639804567136,1.0780930318465427,0.0,1.9362687651839912,1.2635659026076294,0.0,1.0493233098293158,64.29438614591648 +0.0,0.0,0.0,0.0,0.17027432834621017,0.734,0.79,142.69,2021-11-22,los angeles smm food,0,176.67291587230662,153.9765761946837,0.0,0.0,0.0,0.0,20.96226553838745,0.6031527002652536,1.130921438970204,176.67291587230662 +0.8220000000000001,0.965,0.0,0.584,0.006987293731554355,0.845,0.0,63.46,2021-11-22,madison wi smm food,0,58.35884220187675,52.419185278171575,1.588149223142842,1.5691700991431579,0.0,1.2277751996389257,0.8601972359435385,0.694365165836702,0.0,58.35884220187674 +0.0,0.75,0.0,0.675,0.046315544524215796,0.0,0.863,175.86,2021-11-22,miami/west palm beach smm food,0,193.6977407559383,184.12181433608328,0.0,1.219562253220071,0.0,1.4190894858840324,5.701850374635334,0.0,1.2354243061155519,193.69774075593827 +0.605,0.0,0.0,0.0,0.017776428522901667,0.853,0.704,39.13,2021-11-22,milwaukee smm food,0,73.21924777649737,68.15317248002567,1.1688932846732596,0.0,0.0,0.0,2.188434502372965,0.7009390372292389,1.0078084721962324,73.21924777649737 +0.5760000000000001,0.77,0.893,0.0,0.03738058460381473,0.7030000000000001,0.0,154.08,2021-11-22,minneapolis/st. paul smm food,0,94.23102962535012,85.75072244988117,1.1128636892095827,1.2520839133059394,0.9358023021240766,0.0,4.601878322210173,0.5776789486191735,0.0,94.23102962535012 +0.8290000000000001,0.0,0.52,0.0,0.00990591230019375,0.0,0.0,67.09,2021-11-22,mobile/pensacola smm food,0,70.83253737675489,67.46643487620449,1.601673608254764,0.0,0.5449240729053973,0.0,1.2195048193902418,0.0,0.0,70.83253737675489 +0.556,0.583,0.0,0.911,0.026054432772754783,0.687,0.912,106.15,2021-11-22,nashville smm food,0,104.4872729494037,95.47216793873541,1.0742225888898056,0.9480063915030683,0.0,1.9152452172449683,3.207529540942136,0.5645312058340998,1.3055700662542102,104.4872729494037 +0.0,0.9280000000000002,0.0,0.8240000000000001,0.014683111928256887,0.0,0.0,73.16,2021-11-22,new orleans smm food,0,64.59858275179455,59.54961731628727,0.0,1.5090050279843013,0.0,1.7323403501754708,1.807620057347509,0.0,0.0,64.59858275179455 +0.876,0.849,0.5710000000000001,0.638,0.1881177117188807,0.859,0.651,494.19999999999993,2021-11-22,new york smm food,0,319.97120989642735,290.1617655847399,1.6924801940062402,1.3805444706451202,0.5983685492865036,1.3413023585096484,23.158942770909867,0.7058694407736414,0.9319365275564592,319.97120989642735 +0.0,0.0,0.0,0.9460000000000001,0.016123229524484087,0.52,0.0,88.9,2021-11-22,norfolk/portsmouth/newport news smm food,0,106.7109797078149,102.30993924858487,0.0,0.0,0.0,1.9888276350315477,1.9849111836835873,0.42730164051489355,0.0,106.7109797078149 +0.919,0.926,0.836,0.0,0.016999807486724815,0.986,0.941,48.07,2021-11-22,oklahoma city smm food,0,62.01676596579178,53.609244119971564,1.7755585596937613,1.5057528619757141,0.8760702402863695,0.0,2.0928256308469178,0.8102296491301635,1.3470849038872934,62.016765965791784 +0.558,0.0,0.0,0.0,0.009190952275169783,0.0,0.0,106.65,2021-11-22,omaha smm food,0,63.085803508918765,60.87622985001895,1.0780866989217832,0.0,0.0,0.0,1.131486959978036,0.0,0.0,63.08580350891877 +0.0,0.0,0.6,0.0,0.038441313434922526,0.8210000000000001,0.533,92.78,2021-11-22,orlando/daytona beach/melborne smm food,0,139.4142617078988,132.61538216686213,0.0,0.0,0.6287585456600738,0.0,4.732463358943927,0.6746435516590916,0.763014084773568,139.4142617078988 +0.0,0.0,0.0,0.838,0.0055530886128329834,0.519,0.588,40.78,2021-11-22,paducah ky/cape girardeau mo smm food,0,59.272894465903825,55.55925813283435,0.0,0.0,0.0,1.7617733172901024,0.6836339875246464,0.42647990659082646,0.8417491216638986,59.272894465903825 +0.0,0.964,0.616,0.532,0.08989205043823667,0.597,0.926,236.87999999999997,2021-11-22,philadelphia smm food,0,215.95195774538666,199.7377476378349,0.0,1.5675440161388643,0.6455254402110091,1.1184527503560078,11.0665010361697,0.49057515266806045,1.3256117120081126,215.95195774538666 +0.0,0.0,0.911,0.0,0.04761651700100379,0.0,0.0,187.18,2021-11-22,phoenix/prescott smm food,0,123.7996376924549,116.98296111946722,0.0,0.0,0.9546650584938787,0.0,5.8620115144937985,0.0,0.0,123.7996376924549 +0.0,0.853,0.0,0.0,0.020919793196974994,0.0,0.879,125.29,2021-11-22,pittsburgh smm food,0,109.7730205012337,104.55223234884438,0.0,1.3870488026622938,0.0,0.0,2.5754103056070075,0.0,1.2583290441200117,109.7730205012337 +0.878,0.0,0.0,0.0,0.02919952403724932,0.0,0.648,84.78,2021-11-22,portland or smm food,0,93.11501357507873,86.8963094792362,1.696344304038218,0.0,0.0,0.0,3.594717902623697,0.0,0.927641889180623,93.11501357507873 +0.0,0.0,0.618,0.0,0.014263007486312538,0.0,0.705,129.09,2021-11-22,providence ri/new bedford ma smm food,0,86.66106918843114,83.24830635780522,0.0,0.0,0.647621302029876,0.0,1.755901510274529,0.0,1.0092400183215111,86.66106918843114 +0.0,0.0,0.0,0.0,0.026449306389143713,0.0,0.9339999999999999,130.99,2021-11-22,raleigh/durham/fayetteville smm food,0,129.92337880886905,125.33017277610136,0.0,0.0,0.0,0.0,3.2561419517573356,0.0,1.3370640810103422,129.92337880886905 +0.0,0.7000000000000001,0.0,0.0,0.10158785435137696,0.5670000000000001,0.685,424.48,2021-11-22,rem us east north central smm food,0,321.5448202717215,306.4536727021249,0.0,1.1382581030053995,0.0,0.0,12.506357235829258,0.4659231349460474,0.9806090958159364,321.5448202717215 +0.685,0.0,0.886,0.7000000000000001,0.0399943237079654,0.705,0.742,195.57,2021-11-22,rem us middle atlantic smm food,0,141.0887782960281,130.80002326169728,1.3234576859523683,0.0,0.9284667857580423,1.4716483557315894,4.9236525654646925,0.5793224164673075,1.0622072249568244,141.0887782960281 +0.0,0.0,0.8230000000000001,0.532,0.08358702637797787,0.543,0.669,209.96,2021-11-22,rem us mountain smm food,0,187.63261448839762,173.95751153106124,0.0,0.0,0.8624471384637347,1.1184527503560078,10.290297189936714,0.44620152076843694,0.9577043578114766,187.63261448839762 +0.532,0.0,0.0,0.0,0.02028515113523069,0.629,0.723,214.12,2021-11-22,rem us new england smm food,0,153.29864266137616,148.221630613054,1.0278532685060728,0.0,0.0,0.0,2.4972802930013236,0.5168706382382078,1.0350078485765284,153.29864266137614 +0.0,0.582,0.0,0.0,0.08427686453708409,0.521,0.0,123.86000000000001,2021-11-22,rem us pacific smm food,0,116.86337021192983,105.11364420201244,0.0,0.9463803084987749,0.0,0.0,10.375222326979658,0.4281233744389607,0.0,116.86337021192983 +0.8150000000000001,0.761,0.0,0.843,0.12759737544857805,0.0,0.845,290.39,2021-11-22,rem us south atlantic smm food,0,305.18260368323183,283.6802303568146,1.57462483803092,1.2374491662672986,0.0,1.7722850912596138,15.708357754998858,0.0,1.2096564758605346,305.18260368323183 +0.0,0.781,0.0,0.725,0.20809407686512518,0.0,0.0,470.13,2021-11-22,rem us south central smm food,0,427.8437162094165,399.4313293612464,0.0,1.269970826353167,0.0,1.524207225579146,25.618208796237784,0.0,0.0,427.8437162094165 +0.9470000000000001,0.0,0.0,0.0,0.07212818419997262,0.712,0.866,169.26,2021-11-22,rem us west north central smm food,0,138.48859114248157,125.95452848252805,1.8296561001414493,0.0,0.0,0.0,8.879613061384894,0.5850745539357773,1.239718944491388,138.48859114248157 +0.9619999999999999,0.0,0.0,0.96,0.01266665961330889,0.884,0.64,122.43,2021-11-22,richmond/petersburg smm food,0,93.14697073916432,86.06809383806947,1.8586369253812818,0.0,0.0,2.0182606021461793,1.5593770645136642,0.726412788875319,0.9161895201783931,93.14697073916432 +0.0,0.6920000000000001,0.0,0.973,0.03855665961866989,0.0,0.0,88.31,2021-11-22,sacramento/stockton/modesto smm food,0,79.50458578879199,71.58708164797008,0.0,1.1252494389710521,0.0,2.045591214466909,4.746663487383933,0.0,0.0,79.50458578879197 +0.0,0.613,0.98,0.514,0.03310809383221622,0.537,0.808,132.92,2021-11-22,salt lake city smm food,0,92.50303817347591,83.72480907215119,0.0,0.9967888816318712,1.0269722912447872,1.080610364065767,4.075897177933053,0.44127111722403434,1.1566892692252213,92.50303817347591 +0.6930000000000001,0.93,0.792,0.0,0.026980530794843683,0.0,0.865,86.78,2021-11-22,san diego smm food,0,86.95527329189235,78.71431295071628,1.3389141260802793,1.512257193992888,0.8299612802712975,0.0,3.321540342465495,0.0,1.2382873983661093,86.95527329189234 +0.0,0.0,0.531,0.0,0.058835288570445655,0.614,0.0,67.61,2021-11-22,san francisco/oakland/san jose smm food,0,97.18004983201584,88.87591304741949,0.0,0.0,0.5564513129091654,0.0,7.243140842309974,0.5045446293772012,0.0,97.18004983201583 +0.0,0.586,0.0,0.834,0.0472820825498594,0.0,0.781,109.41,2021-11-22,seattle/tacoma smm food,0,98.38988226410513,88.74475650580376,0.0,0.9528846405159487,0.0,1.7533638981144932,5.820839695828218,0.0,1.1180375238426954,98.38988226410513 +0.0,0.0,0.0,0.0,0.023750005193739022,0.0,0.992,126.43,2021-11-22,st. louis smm food,0,92.0480215501155,87.70409353036166,0.0,0.0,0.0,0.0,2.9238342634773296,0.0,1.4200937562765092,92.0480215501155 +0.902,0.0,0.0,0.6920000000000001,0.03689097164009268,0.861,0.667,105.23,2021-11-22,tampa/ft. myers smm food,0,182.65670360228023,173.25520362076367,1.7427136244219505,0.0,0.0,1.4548295173803711,4.541602665531556,0.7075129086217756,0.9548412655609191,182.65670360228023 +0.0,0.5670000000000001,0.0,0.744,0.008834366399371503,0.874,0.0,64.05,2021-11-22,tucson/sierra vista smm food,0,67.6141712305081,63.32224664442017,0.0,0.9219890634343737,0.0,1.564151966663289,1.0875881063556403,0.718195449634648,0.0,67.61417123050812 +0.0,0.872,0.663,0.622,0.08647053053253771,0.0,0.555,211.63,2021-11-22,washington dc/hagerstown smm food,0,187.88155341825413,173.02137618365978,0.0,1.417944379743869,0.6947781929543816,1.307664681807212,10.645281880559176,0.0,0.7945080995297003,187.88155341825413 +0.0,0.0,0.0,0.0,0.005915954919280095,0.0,0.0,75.55,2021-11-22,yakima/pasco/richland/kennewick smm food,0,54.24524838423764,53.51694236690935,0.0,0.0,0.0,0.0,0.7283060173282956,0.0,0.0,54.24524838423764 +0.0,0.894,0.0,0.0,0.005794517275500575,0.0,0.0,140.7,2021-11-29,albany/schenectady/troy smm food,0,84.523942623319,82.35686844083078,0.0,1.4537182058383245,0.0,0.0,0.7133559766498996,0.0,0.0,84.523942623319 +0.0,0.0,0.0,0.0,0.007031063748860695,0.547,0.674,78.57,2021-11-29,albuquerque/santa fe smm food,0,73.07206561617272,70.79212936171284,0.0,0.0,0.0,0.0,0.8655857095573047,0.44948845646470537,0.9648620884378702,73.07206561617272 +0.0,0.847,0.617,0.7000000000000001,0.041732678663894324,0.0,0.525,235.02999999999997,2021-11-29,atlanta smm food,0,174.63226591789137,165.2475308400832,0.0,1.3772923046365333,0.6465733711204426,1.4716483557315894,5.137659330548286,0.0,0.7515617157713381,174.63226591789137 +0.796,0.0,0.0,0.871,0.017021320923961532,0.0,0.0,142.23,2021-11-29,baltimore smm food,0,110.74490213238052,105.28036119021601,1.5379157927271316,0.0,0.0,1.8311510254888774,2.095474123948488,0.0,0.0,110.7449021323805 +0.0,0.0,0.87,0.0,0.005453582438265158,0.0,0.507,19.06,2021-11-29,baton rouge smm food,0,52.937119583521394,50.62824190344196,0.0,0.0,0.911699891207107,0.0,0.6713839033560054,0.0,0.7257938855163207,52.937119583521394 +0.0,0.0,0.0,0.748,0.00835224435884664,0.0,0.0,43.99,2021-11-29,birmingham/anniston/tuscaloosa smm food,0,64.87631293751801,62.27551690355495,0.0,0.0,0.0,1.572561385838898,1.0282346481241529,0.0,0.0,64.87631293751801 +0.626,0.0,0.0,0.0,0.030045986770419246,0.0,0.0,224.07,2021-11-29,boston/manchester smm food,0,188.2526827067165,183.34429136615643,1.2094664400090256,0.0,0.0,0.0,3.698924900551063,0.0,0.0,188.2526827067165 +0.862,0.0,0.0,0.0,0.006727651541514857,0.9829999999999999,0.0,77.49,2021-11-29,buffalo smm food,0,67.26462218053183,63.96319330778341,1.6654314237823962,0.0,0.0,0.0,0.8282330016080485,0.8077644473579622,0.0,67.26462218053182 +0.679,0.0,0.707,0.668,0.019231692383525952,0.0,0.0,272.32,2021-11-29,charlotte smm food,0,132.9256010441611,127.1008852661048,1.3118653558564353,0.0,0.7408871529694536,1.4043730023267165,2.367590266903714,0.0,0.0,132.9256010441611 +0.0,0.0,0.0,0.683,0.03978989183880291,0.0,0.0,274.29,2021-11-29,chicago smm food,0,183.4572492286924,177.12285569785104,0.0,0.0,0.0,1.4359083242352506,4.898485206606112,0.0,0.0,183.4572492286924 +0.911,0.0,0.0,0.0,0.01624763033714996,0.736,0.553,172.96,2021-11-29,cleveland/akron/canton smm food,0,136.24784396167817,131.09107465023894,1.7601021195658504,0.0,0.0,0.0,2.000226016480878,0.6047961681133878,0.7916450072791428,136.2478439616782 +0.0,0.0,0.0,0.0,0.013473802172919162,0.655,0.529,154.17,2021-11-29,columbus oh smm food,0,106.87500171386196,103.92073468964487,0.0,0.0,0.0,0.0,1.6587434036806736,0.5382357202639525,0.7572879002724531,106.87500171386195 +0.727,0.0,0.0,0.842,0.037697265545619335,0.5680000000000001,0.0,136.91,2021-11-29,dallas/ft. worth smm food,0,113.55955331120438,105.27715718131851,1.4046039966239003,0.0,0.0,1.7701827364657114,4.640864527926149,0.46674486887011457,0.0,113.55955331120438 +0.0,0.662,0.0,0.0,0.004284722825308123,0.0,0.918,85.33,2021-11-29,des moines/ames smm food,0,65.32641067317118,62.408297363785806,0.0,1.0764669488422491,0.0,0.0,0.5274870175372368,0.0,1.3141593430058827,65.32641067317118 +0.0,0.915,0.0,0.775,0.02043866270916864,0.0,0.9510000000000001,216.86,2021-11-29,detroit smm food,0,167.3176932485084,160.32292305294044,0.0,1.4878659489284864,0.0,1.6293249652742594,2.516178916225138,0.0,1.361400365140081,167.3176932485084 +0.0,0.0,0.0,0.888,0.006635660558584405,0.0,0.859,115.63,2021-11-29,grand rapids smm food,0,113.92906359074692,110.01556630860257,0.0,0.0,0.0,1.866891056985216,0.8169081035447033,0.0,1.229698121614437,113.92906359074694 +0.539,0.0,0.748,0.805,0.008489961690408918,0.0,0.9199999999999999,116.62,2021-11-29,greensboro smm food,0,89.44908013546598,83.56924325587181,1.0413776536179948,0.0,0.7838523202562253,1.6923956090913277,1.0451888613721823,0.0,1.31702243525644,89.44908013546598 +0.919,0.936,0.0,0.873,0.007284875662982493,0.0,0.651,107.98,2021-11-29,harrisburg/lancaster smm food,0,91.9868043946686,85.02510769460987,1.7755585596937613,1.5220136920186484,0.0,1.8353557350766818,0.8968321857131799,0.0,0.9319365275564592,91.98680439466861 +0.0,0.0,0.0,0.577,0.012985944624723167,0.0,0.0,176.61,2021-11-29,hartford/new haven smm food,0,115.42247281121514,112.61073024106035,0.0,0.0,0.0,1.2130587160816098,1.5986838540731845,0.0,0.0,115.42247281121514 +0.684,0.9619999999999999,0.799,0.0,0.03286116527035242,0.547,0.681,251.59000000000003,2021-11-29,houston smm food,0,176.83942573640218,167.64644198801398,1.3215256309363794,1.5642918501302774,0.8372967966373317,0.0,4.045498102904687,0.44948845646470537,0.9748829113148214,176.83942573640218 +0.0,0.0,0.0,0.0,0.012448445835098031,0.764,0.0,129.41,2021-11-29,indianapolis smm food,0,91.18155272538034,89.02123497580452,0.0,0.0,0.0,0.0,1.5325130315885704,0.6278047179872667,0.0,91.18155272538036 +0.978,0.836,0.53,0.0,0.008488565844899569,0.9980000000000001,0.0,131.46,2021-11-29,jacksonville smm food,0,91.96935604601937,86.29988999004563,1.8895498056371038,1.3594053915893056,0.5554033819997319,0.0,1.0450170205286344,0.8200904562189689,0.0,91.96935604601937 +0.6,0.804,0.6990000000000001,0.0,0.00992892132299187,0.0,0.752,117.05,2021-11-29,kansas city smm food,0,85.99166808077175,80.49370051161102,1.1592330095933152,1.307370735451916,0.732503705693986,0.0,1.2223374322119018,0.0,1.0765226862096118,85.99166808077176 +0.971,0.538,0.0,0.0,0.004947354845960964,0.0,0.737,98.31,2021-11-29,knoxville smm food,0,73.81798879756604,69.4030183864474,1.8760254205251818,0.8748326563098642,0.0,0.0,0.6090628399531719,0.0,1.0550494943304307,73.81798879756604 +0.0,0.0,0.791,0.0,0.011442334448183163,0.0,0.0,95.32,2021-11-29,las vegas smm food,0,75.31354969828814,73.0759844669223,0.0,0.0,0.828913349361864,0.0,1.408651882003985,0.0,0.0,75.31354969828816 +0.925,0.0,0.91,0.0,0.005585657509455423,0.0,0.0,101.03,2021-11-29,little rock/pine bluff smm food,0,61.13198267815608,57.70357115599228,1.7871508897896944,0.0,0.9536171275844453,0.0,0.6876435047896551,0.0,0.0,61.13198267815607 +0.58,0.803,0.5700000000000001,0.534,0.09680224188356334,0.879,0.546,272.79,2021-11-29,los angeles smm food,0,171.5440254417818,153.9765761946837,1.120591909273538,1.3057446524476226,0.5973206183770702,1.1226574599438124,11.917206303398876,0.7223041192549835,0.7816241844021916,171.5440254417818 +0.714,0.0,0.0,0.0,0.0033022661101805677,0.0,0.902,89.69,2021-11-29,madison wi smm food,0,55.49646513042541,52.419185278171575,1.379487281416045,0.0,0.0,0.0,0.4065379658363726,0.0,1.2912546050014226,55.49646513042541 +0.739,0.982,0.0,0.8300000000000001,0.02908072257224471,0.0,0.0,248.91999999999996,2021-11-29,miami/west palm beach smm food,0,192.47146338076323,184.12181433608328,1.4277886568157665,1.596813510216146,0.0,1.7449544789388844,3.58009239870914,0.0,0.0,192.47146338076323 +0.778,0.0,0.558,0.557,0.008817013622001624,0.0,0.9899999999999999,114.73999999999998,2021-11-29,milwaukee smm food,0,73.91475084119001,68.15317248002567,1.5031388024393322,0.0,0.5847454474638687,1.1710116202035645,1.0854518270316291,0.0,1.4172306640259515,73.91475084119003 +0.0,0.0,0.8250000000000001,0.0,0.01769195736240554,0.661,0.0,106.61,2021-11-29,minneapolis/st. paul smm food,0,89.33646693447882,85.75072244988117,0.0,0.0,0.8645430002826016,0.0,2.178035360506698,0.543166123808355,0.0,89.33646693447882 +0.0,0.524,0.0,0.754,0.005751718913806508,0.929,0.8210000000000001,66.26,2021-11-29,mobile/pensacola smm food,0,72.55045519174593,67.46643487620449,0.0,0.8520674942497561,0.0,1.5851755146023117,0.7080871223771941,0.7633908154583388,1.175299368853845,72.55045519174594 +0.0,0.0,0.722,0.651,0.013593878836840162,0.0,0.0,148.73,2021-11-29,nashville smm food,0,99.27093292196015,95.47216793873541,0.0,0.0,0.7566061166109554,1.368632970830378,1.6735258957834047,0.0,0.0,99.27093292196015 +0.0,0.0,0.0,0.505,0.009803514861352823,0.0,0.644,73.0,2021-11-29,new orleans smm food,0,62.740120987079635,59.54961731628727,0.0,0.0,0.0,1.0616891709206464,1.2068987951922197,0.0,0.921915704679508,62.74012098707964 +0.932,0.881,0.849,0.589,0.11413985759423857,0.0,0.0,419.47,2021-11-29,new york smm food,0,309.5746193961211,290.1617655847399,1.8006752749016164,1.4325791267825099,0.8896933421090044,1.238286973608437,14.051619093979596,0.0,0.0,309.5746193961211 +0.0,0.621,0.0,0.782,0.009978180297568634,0.505,0.9520000000000001,195.17,2021-11-29,norfolk/portsmouth/newport news smm food,0,107.9699874306835,102.30993924858487,0.0,1.0097975456662187,0.0,1.6440414488315753,1.2284016446816013,0.414975631653887,1.3628319112653597,107.96998743068352 +0.0,0.0,0.8310000000000001,0.0,0.008370213586968336,0.0,0.0,85.05,2021-11-29,oklahoma city smm food,0,55.510521523661495,53.609244119971564,0.0,0.0,0.8708305857392022,0.0,1.0304468179507222,0.0,0.0,55.51052152366149 +0.0,0.965,0.0,0.9899999999999999,0.004335325020118154,0.768,0.88,82.08,2021-11-29,omaha smm food,0,66.9513000312709,60.87622985001895,0.0,1.5691700991431579,0.0,2.081331245963247,0.5337165922167288,0.6310916536835351,1.2597605902452904,66.9513000312709 +0.8320000000000001,0.5720000000000001,0.64,0.884,0.021807812328898626,0.545,0.0,161.17,2021-11-29,orlando/daytona beach/melborne smm food,0,140.8147070883438,132.61538216686213,1.6074697733027306,0.9301194784558408,0.6706757820374121,1.858481637809607,2.6847332612595047,0.4478449886165712,0.0,140.8147070883438 +0.767,0.0,0.653,0.897,0.00264014469790461,0.985,0.504,70.21,2021-11-29,paducah ky/cape girardeau mo smm food,0,61.467187630231685,55.55925813283435,1.4818861972634547,0.0,0.684298883860047,1.8858122501303365,0.32502500379690347,0.8094079152060965,0.7214992471404845,61.46718763023168 +0.0,0.995,0.0,0.932,0.0507089957401683,0.0,0.76,286.22,2021-11-29,philadelphia smm food,0,210.64579276238538,199.7377476378349,0.0,1.6179525892719606,0.0,1.9593946679169159,6.242722812149767,0.0,1.0879750552118417,210.64579276238538 +0.0,0.535,0.673,0.0,0.02363604586448995,0.8280000000000001,0.783,143.42,2021-11-29,phoenix/prescott smm food,0,123.26927420304217,116.98296111946722,0.0,0.8699544072969839,0.7052575020487162,0.0,2.909804869008432,0.6803956891275613,1.1209006160932529,123.26927420304216 +0.649,0.528,0.5760000000000001,0.713,0.010408144375894707,0.9380000000000001,0.0,121.53,2021-11-29,pittsburgh smm food,0,110.81941547275093,104.55223234884438,1.2539037053767694,0.85857182626693,0.603608203833671,1.4989789680523187,1.2813339996019122,0.7707864207749426,0.0,110.81941547275093 +0.528,0.0,0.0,0.0,0.013782653596005365,0.0,0.771,137.84,2021-11-29,portland or smm food,0,90.71692231713479,86.8963094792362,1.0201250484421174,0.0,0.0,0.0,1.6967657268665748,0.0,1.103722062589908,90.71692231713479 +0.0,0.0,0.0,0.64,0.008647695559033929,0.0,0.6880000000000001,108.53,2021-11-29,providence ri/new bedford ma smm food,0,86.64332444625578,83.24830635780522,0.0,0.0,0.0,1.345507068097453,1.0646072861613363,0.0,0.9849037341917726,86.64332444625578 +0.948,0.0,0.511,0.955,0.01610898715508095,0.512,0.0,224.3,2021-11-29,raleigh/durham/fayetteville smm food,0,132.10888804618097,125.33017277610136,1.831588155157438,0.0,0.5354926947204962,2.007748828176668,1.98315782290264,0.42072776912235677,0.0,132.10888804618097 +0.521,0.0,0.8270000000000001,0.85,0.050433097787306626,0.894,0.0,461.68,2021-11-29,rem us east north central smm food,0,317.0573012811069,306.4536727021249,1.0066006633301954,0.0,0.8666388621014685,1.7870015748169297,6.208757350617452,0.73463012811599,0.0,317.0573012811069 +0.0,0.0,0.0,0.0,0.021322792490574966,0.8170000000000001,0.782,183.68,2021-11-29,rem us middle atlantic smm food,0,135.2158720062923,130.80002326169728,0.0,0.0,0.0,0.0,2.6250230586642314,0.6713566159628231,1.1194690699679741,135.2158720062923 +0.6940000000000001,0.894,0.974,0.728,0.041206661050677135,0.0,0.0,281.94,2021-11-29,rem us mountain smm food,0,184.37617685547698,173.95751153106124,1.3408461810962682,1.4537182058383245,1.0206847057881865,1.5305142899608526,5.072901941732117,0.0,0.0,184.37617685547698 +0.607,0.645,0.0,0.584,0.010817541166146928,0.0,0.681,152.27,2021-11-29,rem us new england smm food,0,153.977603997176,148.221630613054,1.1727573947052372,1.048823537769261,0.0,1.2277751996389257,1.3317343406937383,0.0,0.9748829113148214,153.97760399717598 +0.638,0.0,0.0,0.0,0.04830955097835742,0.0,0.0,137.74,2021-11-29,rem us pacific smm food,0,112.29362538704895,105.11364420201244,1.232651100200892,0.0,0.0,0.0,5.947330084835614,0.0,0.0,112.29362538704895 +0.739,0.855,0.739,0.666,0.07134760095359423,0.0,0.0,498.0799999999999,2021-11-29,rem us south atlantic smm food,0,297.4564256240898,283.6802303568146,1.4277886568157665,1.3903009686708807,0.7744209420713243,1.400168292738912,8.783516406978302,0.0,0.0,297.4564256240898 +0.0,0.6900000000000001,0.636,0.0,0.11268089527373992,0.0,0.0,672.91,2021-11-29,rem us south central smm food,0,415.09181870915893,399.4313293612464,0.0,1.1219972729624652,0.6664840583996783,0.0,13.872008016550405,0.0,0.0,415.091818709159 +0.0,0.0,0.0,0.581,0.035678945937166515,0.0,0.896,166.94,2021-11-29,rem us west north central smm food,0,132.85105360089426,125.95452848252805,0.0,0.0,0.0,1.221468135257219,4.3923916548592326,0.0,1.2826653282497502,132.85105360089426 +0.0,0.583,0.794,0.727,0.0072734501240926275,0.555,0.526,123.82,2021-11-29,richmond/petersburg smm food,0,91.48105049809546,86.06809383806947,0.0,0.9480063915030683,0.8320571420901643,1.5284119351669503,0.8954256015119398,0.4560623278572422,0.7529932618966169,91.48105049809546 +0.719,0.768,0.673,0.788,0.022249160341838704,0.631,0.0,105.39,2021-11-29,sacramento/stockton/modesto smm food,0,79.84455521602271,71.58708164797008,1.3891475564959894,1.2488317472973525,0.7052575020487162,1.656655577594989,2.739067078529238,0.518514106086342,0.0,79.84455521602271 +0.0,0.0,0.594,0.6960000000000001,0.014808276019320764,0.0,0.529,84.75,2021-11-29,salt lake city smm food,0,88.39083572560345,83.72480907215119,0.0,0.0,0.622470960203473,1.4632389365559801,1.823028856420363,0.0,0.7572879002724531,88.39083572560345 +0.0,0.542,0.908,0.5700000000000001,0.015938601379588125,0.0,0.0,92.15,2021-11-29,san diego smm food,0,83.70769527457472,78.71431295071628,0.0,0.8813369883270379,0.9515212657655784,1.198342232524294,1.9621818372415334,0.0,0.0,83.70769527457472 +0.786,0.0,0.909,0.6910000000000001,0.03041002351697477,0.507,0.863,104.08,2021-11-29,san francisco/oakland/san jose smm food,0,98.1955890766792,88.87591304741949,1.518595242567243,0.0,0.9525691966750118,1.4527271625864688,3.743741021813405,0.41661909950202125,1.2354243061155519,98.1955890766792 +0.0,0.0,0.0,0.762,0.020752758682783246,0.0,0.9520000000000001,121.0,2021-11-29,seattle/tacoma smm food,0,94.26442965967277,88.74475650580376,0.0,0.0,0.0,1.6019943529535299,2.554846889650119,0.0,1.3628319112653597,94.26442965967277 +0.707,0.9339999999999999,0.968,0.0,0.011965849733414526,0.562,0.761,127.42999999999999,2021-11-29,st. louis smm food,0,94.62753735193448,87.70409353036166,1.365962896304123,1.5187615260100615,1.0143971203315858,0.0,1.4731012122642193,0.4618144653257119,1.0894066013371204,94.62753735193448 +0.915,0.0,0.0,0.0,0.020584099843662308,0.0,0.0,226.19,2021-11-29,tampa/ft. myers smm food,0,177.55711746541954,173.25520362076367,1.7678303396298058,0.0,0.0,0.0,2.5340835050260972,0.0,0.0,177.55711746541957 +0.9059999999999999,0.6890000000000001,0.0,0.764,0.004519290613863139,0.642,0.8150000000000001,30.92,2021-11-29,tucson/sierra vista smm food,0,70.04988638555096,63.32224664442017,1.7504418444859058,1.1203711899581719,0.0,1.6061990625413345,0.5563643727921341,0.5275531792510801,1.1667100921021725,70.04988638555096 +0.791,0.0,0.0,0.54,0.041301946468802885,0.0,0.0,281.88,2021-11-29,washington dc/hagerstown smm food,0,180.7695357037211,173.02137618365978,1.5282555176471873,0.0,0.0,1.135271588707226,5.084632413706888,0.0,0.0,180.7695357037211 +0.0,0.751,0.0,0.514,0.0029432888490728434,0.787,0.912,47.97,2021-11-29,yakima/pasco/richland/kennewick smm food,0,58.133360443370535,53.51694236690935,0.0,1.2211883362243643,0.0,1.080610364065767,0.3623447116760449,0.6467045982408101,1.3055700662542102,58.13336044337054 +0.0,0.0,0.559,0.989,0.006719898968405332,0.996,0.801,76.04,2021-12-06,albany/schenectady/troy smm food,0,87.81428473685087,82.35686844083078,0.0,0.0,0.5857933783733021,2.079228891169345,0.8272785917583312,0.8184469883708346,1.1466684463482701,87.81428473685087 +0.0,0.0,0.0,0.0,0.008536536400301822,0.0,0.0,59.8,2021-12-06,albuquerque/santa fe smm food,0,71.84305197899309,70.79212936171284,0.0,0.0,0.0,0.0,1.0509226172802562,0.0,0.0,71.84305197899309 +0.0,0.873,0.0,0.0,0.04906250570150659,0.0,0.713,160.61,2021-12-06,atlanta smm food,0,173.72781911549407,165.2475308400832,0.0,1.4195704627481625,0.0,0.0,6.040025425338992,0.0,1.020692387323741,173.72781911549407 +0.0,0.0,0.0,0.0,0.017973136857807586,0.0,0.0,80.45,2021-12-06,baltimore smm food,0,107.49301221653572,105.28036119021601,0.0,0.0,0.0,0.0,2.21265102631971,0.0,0.0,107.49301221653572 +0.0,0.0,0.9350000000000002,0.525,0.005134516387684875,0.838,0.898,87.42,2021-12-06,baton rouge smm food,0,55.31803908922802,50.62824190344196,0.0,0.0,0.9798154003202818,1.1037362667986919,0.6321040697985395,0.6886130283682322,1.2855284205003077,55.318039089228016 +0.0,0.9910000000000001,0.6880000000000001,0.918,0.009325990049448521,0.883,0.971,83.59,2021-12-06,birmingham/anniston/tuscaloosa smm food,0,69.80163696608591,62.27551690355495,0.0,1.611448257254787,0.720976465690218,1.929961700802284,1.1481112961867697,0.725591054951252,1.3900312876456558,69.80163696608592 +0.0,0.584,0.908,0.0,0.03615770892385125,0.704,0.894,156.59,2021-12-06,boston/manchester smm food,0,191.5550796090283,183.34429136615643,0.0,0.9496324745073618,0.9515212657655784,0.0,4.451331584056494,0.5785006825432405,1.2798022359991927,191.5550796090283 +0.0,0.0,0.592,0.77,0.007681951705184037,0.0,0.979,62.12,2021-12-06,buffalo smm food,0,68.54958098861306,63.96319330778341,0.0,0.0,0.6203750983846061,1.618813191304748,0.9457157344923988,0.0,1.4014836566478857,68.54958098861306 +0.712,0.64,0.0,0.725,0.023111426250325084,0.86,0.999,207.83,2021-12-06,charlotte smm food,0,136.02343412582283,127.1008852661048,1.3756231713840674,1.0406931227477938,0.0,1.524207225579146,2.8452195861558685,0.7066911746977086,1.4301145791534604,136.02343412582283 +0.55,0.554,0.0,0.0,0.05120223315503001,0.0,0.0,214.85,2021-12-06,chicago smm food,0,185.38978061162493,177.12285569785104,1.0626302587938723,0.9008499843785591,0.0,0.0,6.303444670601478,0.0,0.0,185.38978061162496 +0.9000000000000001,0.889,0.0,0.0,0.018144322162387497,0.542,0.0,122.22,2021-12-06,cleveland/akron/canton smm food,0,136.95461718332476,131.09107465023894,1.7388495143899731,1.4455877908168573,0.0,0.0,2.233725441034638,0.44537978684436985,0.0,136.95461718332479 +0.0,0.801,0.0,0.0,0.016282709884343154,0.0,0.0,109.18,2021-12-06,columbus oh smm food,0,107.22777179296904,103.92073468964487,0.0,1.3024924864390357,0.0,0.0,2.004544616885133,0.0,0.0,107.22777179296904 +0.0,0.864,0.616,0.981,0.048094311399917454,0.0,0.0,124.97,2021-12-06,dallas/ft. worth smm food,0,115.31086059208538,105.27715718131851,0.0,1.4049357157095217,0.6455254402110091,2.062410052818127,5.920832202028199,0.0,0.0,115.31086059208538 +0.986,0.581,0.0,0.0,0.005372533509616522,0.763,0.555,90.82,2021-12-06,des moines/ames smm food,0,67.34095498692984,62.408297363785806,1.9050062457650148,0.9447542254944815,0.0,0.0,0.6614060682916375,0.6269829840631996,0.7945080995297003,67.34095498692984 +0.0,0.596,0.0,0.891,0.023610808095210174,0.87,0.537,148.54,2021-12-06,detroit smm food,0,167.55561330599647,160.32292305294044,0.0,0.9691454705588829,0.0,1.8731981213669229,2.906697877917188,0.7149085139383796,0.768740269274683,167.5556133059965 +0.724,0.941,0.868,0.0,0.008681647466395498,0.0,0.872,77.8,2021-12-06,grand rapids smm food,0,116.17121756204686,110.01556630860257,1.3988078315759338,1.5301441070401154,0.9096040293882401,0.0,1.0687870641969357,0.0,1.2483082212430605,116.17121756204686 +0.0,0.0,0.929,0.0,0.009772109142345591,0.687,0.893,140.23,2021-12-06,greensboro smm food,0,87.5887054417527,83.56924325587181,0.0,0.0,0.973527814863681,0.0,1.2030324753091952,0.5645312058340998,1.278370689873914,87.5887054417527 +0.908,0.0,0.0,0.72,0.009000121473044418,0.0,0.74,89.24,2021-12-06,harrisburg/lancaster smm food,0,90.46044724538949,85.02510769460987,1.7543059545178838,0.0,0.0,1.5136954516096346,1.1079940119458354,0.0,1.059344132706267,90.46044724538949 +0.0,0.0,0.931,0.0,0.014698503941190422,0.0,0.0,130.49,2021-12-06,hartford/new haven smm food,0,115.39586886708861,112.61073024106035,0.0,0.0,0.9756236766825479,0.0,1.8095149493457146,0.0,0.0,115.39586886708861 +0.0,0.682,0.0,0.74,0.039884421157007265,0.504,0.0,158.28,2021-12-06,houston smm food,0,175.63544963819842,167.64644198801398,0.0,1.1089886089281178,0.0,1.55574254748768,4.910122596038847,0.4141538977298199,0.0,175.63544963819845 +0.0,0.0,0.0,0.0,0.01523440184404493,0.0,0.673,80.84,2021-12-06,indianapolis smm food,0,91.86015420672351,89.02123497580452,0.0,0.0,0.0,0.0,1.8754886886063995,0.0,0.9634305423125915,91.86015420672351 +0.858,0.808,0.0,0.0,0.009705068984845732,0.663,0.743,105.99,2021-12-06,jacksonville smm food,0,92.07469586700044,86.29988999004563,1.6577032037184407,1.3138750674690898,0.0,0.0,1.1947792430286954,0.5448095916564893,1.0636387710821031,92.07469586700044 +0.85,0.0,0.0,0.0,0.012341778438215142,0.6880000000000001,0.49,75.22,2021-12-06,kansas city smm food,0,84.92213915439385,80.49370051161102,1.64224676359053,0.0,0.0,0.0,1.5193813380475374,0.5653529397581669,0.7014576013865822,84.92213915439385 +0.0,0.0,0.9580000000000001,0.647,0.006129856072610335,0.612,0.0,99.67,2021-12-06,knoxville smm food,0,73.02470003911623,69.4030183864474,0.0,0.0,1.0039178112372513,1.360223551654769,0.7546391282477468,0.502901161529067,0.0,73.02470003911624 +0.971,0.0,0.0,0.513,0.013861759493896614,0.647,0.966,78.38,2021-12-06,las vegas smm food,0,79.65155766038683,73.0759844669223,1.8760254205251818,0.0,0.0,1.0785080092718646,1.7065043577767922,0.5316618488714157,1.382873557019262,79.65155766038683 +0.0,0.866,0.0,0.877,0.006158888206706135,0.641,0.0,33.66,2021-12-06,little rock/pine bluff smm food,0,62.2404688762679,57.70357115599228,0.0,1.4081878817181084,0.0,1.843765154252291,0.7582132389781961,0.526731445327013,0.0,62.24046887626789 +0.0,0.677,0.0,0.0,0.11266414376112256,0.0,0.629,192.92,2021-12-06,los angeles smm food,0,169.84782265958972,153.9765761946837,0.0,1.1008581939066506,0.0,0.0,13.869945758199043,0.0,0.9004425128003269,169.84782265958972 +0.0,0.0,0.0,0.0,0.004344760718652584,0.0,0.0,46.74,2021-12-06,madison wi smm food,0,52.95406348776269,52.419185278171575,0.0,0.0,0.0,0.0,0.534878209591115,0.0,0.0,52.95406348776269 +0.674,0.551,0.0,0.557,0.032611392919768625,0.0,0.0,131.57,2021-12-06,miami/west palm beach smm food,0,191.50575170493357,184.12181433608328,1.3022050807764909,0.8959717353656788,0.0,1.1710116202035645,4.01474893250456,0.0,0.0,191.50575170493357 +0.595,0.9380000000000001,0.9140000000000001,0.0,0.01079777157115049,0.0,0.0,103.61,2021-12-06,milwaukee smm food,0,73.11512045367861,68.15317248002567,1.1495727345133708,1.5252658580272354,0.9578088512221793,0.0,1.329300529890156,0.0,0.0,73.11512045367861 +0.585,0.553,0.8130000000000001,0.0,0.023471054831542073,0.808,0.639,67.06,2021-12-06,minneapolis/st. paul smm food,0,93.10037837322061,85.75072244988117,1.1302521843534823,0.8992239013742657,0.8519678293694001,0.0,2.889493023542954,0.6639610106462193,0.9147579740531143,93.10037837322061 +0.0,0.5690000000000001,0.0,0.869,0.006516052264933361,0.0,0.641,44.87,2021-12-06,mobile/pensacola smm food,0,71.93842675978864,67.46643487620449,0.0,0.9252412294429605,0.0,1.8269463159010728,0.8021832719364488,0.0,0.9176210663036718,71.93842675978864 +0.0,0.9580000000000001,0.644,0.0,0.016534674054880155,0.677,0.671,79.54,2021-12-06,nashville smm food,0,101.25726789875394,95.47216793873541,0.0,1.557787518113104,0.6748675056751459,0.0,2.0355636195748223,0.5563138665934287,0.960567450062034,101.25726789875395 +0.0,0.501,0.0,0.999,0.00997583552170006,0.0,0.9520000000000001,49.55,2021-12-06,new orleans smm food,0,65.05548223398728,59.54961731628727,0.0,0.8146675851510073,0.0,2.100252439108368,1.2281129821752657,0.0,1.3628319112653597,65.05548223398726 +0.0,0.647,0.0,0.0,0.1328448739709822,0.809,0.52,275.22,2021-12-06,new york smm food,0,308.97739893626874,290.1617655847399,0.0,1.0520757037778479,0.0,0.0,16.354370918035833,0.6647827445702864,0.7444039851449444,308.9773989362688 +0.902,0.0,0.0,0.9450000000000001,0.010979638301889924,0.501,0.0,134.13,2021-12-06,norfolk/portsmouth/newport news smm food,0,107.8027567711949,102.30993924858487,1.7427136244219505,0.0,0.0,1.9867252802376454,1.3516899219928047,0.4116886959576186,0.0,107.8027567711949 +0.0,0.9540000000000001,0.0,0.0,0.010063580624755864,0.0,0.8270000000000001,37.83,2021-12-06,oklahoma city smm food,0,57.58333112680252,53.609244119971564,0.0,1.5512831860959302,0.0,0.0,1.2389151751295029,0.0,1.1838886456055173,57.58333112680251 +0.8,0.0,0.0,0.961,0.005482738035980877,0.792,0.746,91.02,2021-12-06,omaha smm food,0,66.83595671061178,60.87622985001895,1.545644012791087,0.0,0.0,2.0203629569400814,0.6749732135425924,0.6508132678611456,1.0679334094579394,66.8359567106118 +0.681,0.583,0.876,0.89,0.025414729081904005,0.5,0.0,94.92,2021-12-06,orlando/daytona beach/melborne smm food,0,141.20784462685512,132.61538216686213,1.3157294658884129,0.9480063915030683,0.9179874766637077,1.8710957665730206,3.128776397331225,0.4108669620335515,0.0,141.20784462685512 +0.0,0.0,0.0,0.0,0.0031982854527644396,0.0,0.922,49.05,2021-12-06,paducah ky/cape girardeau mo smm food,0,57.27288069386582,55.55925813283435,0.0,0.0,0.0,0.0,0.39373703352447903,0.0,1.3198855275069976,57.27288069386583 +0.0,0.0,0.0,0.0,0.056555476098907605,0.8200000000000001,0.772,209.33,2021-12-06,philadelphia smm food,0,208.4791989650841,199.7377476378349,0.0,0.0,0.0,0.0,6.962475900799008,0.6738218177350245,1.1051536087151868,208.47919896508412 +0.9910000000000001,0.577,0.0,0.871,0.030348565996482803,0.595,0.834,110.93,2021-12-06,phoenix/prescott smm food,0,127.08604477376818,116.98296111946722,1.9146665208449591,0.9382498934773078,0.0,1.8311510254888774,3.73617506118742,0.48893168481992627,1.1939094684824685,127.08604477376818 +0.529,0.0,0.0,0.0,0.012648926725100693,0.591,0.811,102.23,2021-12-06,pittsburgh smm food,0,108.7781120992337,104.55223234884438,1.0220571034581063,0.0,0.0,0.0,1.5571939902064968,0.48564474912365785,1.1609839076010575,108.77811209923371 +0.955,0.0,0.908,0.9490000000000002,0.018456326617035265,0.49900000000000005,0.0,96.95,2021-12-06,portland or smm food,0,94.37025914289642,86.8963094792362,1.84511254026936,0.0,0.9515212657655784,1.9951346994132548,2.2721359301025386,0.41004522810948446,0.0,94.37025914289642 +0.886,0.762,0.894,0.248,0.009680763608247153,0.0,0.866,70.55,2021-12-06,providence ri/new bedford ma smm food,0,90.08892255532241,83.24830635780522,1.711800744166129,1.239075249271592,0.93685023303351,0.521383988887763,1.1917870376668045,0.0,1.239718944491388,90.08892255532241 +0.0,0.803,0.678,0.717,0.018600762236666377,0.9140000000000001,0.712,148.16,2021-12-06,raleigh/durham/fayetteville smm food,0,132.91404584379504,125.33017277610136,0.0,1.3057446524476226,0.7104971565958834,1.5073883872279277,2.2899172236264387,0.7510648065973322,1.0192608411984623,132.91404584379504 +0.0,0.0,0.0,0.597,0.06201726229174562,0.0,0.707,300.6,2021-12-06,rem us east north central smm food,0,316.35575138306274,306.4536727021249,0.0,0.0,0.0,1.2551058119596552,7.634869758406123,0.0,1.0121031105720686,316.35575138306274 +0.0,0.611,0.0,0.9910000000000001,0.02514169278364386,0.0,0.0,164.4,2021-12-06,rem us middle atlantic smm food,0,136.97215680869533,130.80002326169728,0.0,0.9935367156232844,0.0,2.08343360075715,3.0951632306176244,0.0,0.0,136.97215680869533 +0.0,0.716,0.686,0.0,0.05311913323207717,0.0,0.836,231.03,2021-12-06,rem us mountain smm food,0,183.57687203520547,173.95751153106124,0.0,1.1642754310740941,0.7188806038713511,0.0,6.53943190846576,0.0,1.196772560733026,183.57687203520547 +0.995,0.0,0.0,0.0,0.013073279960318627,0.0,0.0,147.07,2021-12-06,rem us new england smm food,0,151.75346095501652,148.221630613054,1.9223947409089144,0.0,0.0,0.0,1.6094356010535857,0.0,0.0,151.7534609550165 +0.549,0.0,0.0,0.911,0.05450449088826198,0.0,0.0,154.21,2021-12-06,rem us pacific smm food,0,114.79956922819719,105.11364420201244,1.0606982037778836,0.0,0.0,1.9152452172449683,6.709981605161894,0.0,0.0,114.79956922819719 +0.0,0.767,0.0,0.0,0.08188047940015124,0.862,0.918,374.31,2021-12-06,rem us south atlantic smm food,0,297.03013627302363,283.6802303568146,0.0,1.2472056642930591,0.0,0.0,10.08020626636426,0.7083346425458428,1.3141593430058827,297.03013627302363 +0.882,0.0,0.0,0.9980000000000001,0.131432129018035,0.561,0.9380000000000001,436.51,2021-12-06,rem us south central smm food,0,421.2177845711097,399.4313293612464,1.7040725241021735,0.0,0.0,2.098150084314466,16.180449604533525,0.4609927314016448,1.3427902655114574,421.2177845711097 +0.0,0.0,0.0,0.9199999999999999,0.04380280051940823,0.638,0.0,104.09,2021-12-06,rem us west north central smm food,0,133.8054706517412,125.95452848252805,0.0,0.0,0.0,1.9341664103900884,5.392509515268263,0.5242662435548118,0.0,133.80547065174122 +0.0,0.614,0.0,0.791,0.008132689549776103,0.876,0.0,86.2,2021-12-06,richmond/petersburg smm food,0,90.4505158846855,86.06809383806947,0.0,0.9984149646361646,0.0,1.6629626419766959,1.0012055225203873,0.7198389174827822,0.0,90.4505158846855 +0.0,0.0,0.745,0.9380000000000001,0.02539246285598811,0.0,0.0,93.33,2021-12-06,sacramento/stockton/modesto smm food,0,77.46583420150895,71.58708164797008,0.0,0.0,0.780708527527925,1.9720087966803295,3.126035229330623,0.0,0.0,77.46583420150895 +0.0,0.0,0.791,0.87,0.01974649476992028,0.9450000000000001,0.609,111.01,2021-12-06,salt lake city smm food,0,90.4620882035277,83.72480907215119,0.0,0.0,0.828913349361864,1.8290486706949751,2.4309669627815085,0.7765385582434123,0.8718115902947521,90.4620882035277 +0.711,0.637,0.5650000000000001,0.0,0.0188829443589153,0.0,0.0,85.75,2021-12-06,san diego smm food,0,84.04055622626072,78.71431295071628,1.3736911163680785,1.0358148737349135,0.5920809638299029,0.0,2.3246563216115477,0.0,0.0,84.04055622626072 +0.532,0.0,0.877,0.602,0.03748188221231653,0.0,0.0,150.31,2021-12-06,san francisco/oakland/san jose smm food,0,96.70276825706023,88.87591304741949,1.0278532685060728,0.0,0.9190354075731412,1.2656175859291665,4.61434894763235,0.0,0.0,96.70276825706021 +0.0,0.894,0.248,0.519,0.028007303689500038,0.0,0.901,83.77,2021-12-06,seattle/tacoma smm food,0,96.2872518792403,88.74475650580376,0.0,1.4537182058383245,0.2598868655394972,1.0911221380352782,3.4479451051472925,0.0,1.289823058876144,96.2872518792403 +0.0,0.0,0.0,0.835,0.014530080212622533,0.5670000000000001,0.59,107.57,2021-12-06,st. louis smm food,0,92.55887564102659,87.70409353036166,0.0,0.0,0.0,1.7554662529083955,1.788780508896025,0.4659231349460474,0.8446122139144561,92.55887564102659 +0.9520000000000001,0.541,0.66,0.611,0.024674703474666815,0.781,0.624,173.37,2021-12-06,tampa/ft. myers smm food,0,182.52313580204668,173.25520362076367,1.8393163752213937,0.8797109053227445,0.6916344002260812,1.284538779074287,3.0376727445681886,0.6417741946964075,0.8932847821739333,182.5231358020467 +0.728,0.681,0.0,0.0,0.005566200856501753,0.654,0.0,90.9,2021-12-06,tucson/sierra vista smm food,0,67.05880742822424,63.32224664442017,1.406536051639889,1.1073625259238244,0.0,0.0,0.6852482199004742,0.5374139863398854,0.0,67.05880742822424 +0.0,0.0,0.0,0.0,0.050862798221561804,0.0,0.0,165.78,2021-12-06,washington dc/hagerstown smm food,0,179.28303343229652,173.02137618365978,0.0,0.0,0.0,0.0,6.261657248636741,0.0,0.0,179.28303343229652 +0.0,0.609,0.5760000000000001,0.0,0.003609302668587472,0.0,0.0,69.38,2021-12-06,yakima/pasco/richland/kennewick smm food,0,55.55517198359588,53.51694236690935,0.0,0.9902845496146975,0.603608203833671,0.0,0.4443368632381686,0.0,0.0,55.55517198359588 +0.716,0.0,0.54,0.0,0.011542631013797981,0.0,0.521,92.05,2021-12-13,albany/schenectady/troy smm food,0,86.47293732489653,82.35686844083078,1.3833513914480229,0.0,0.5658826910940664,0.0,1.4209992702534417,0.0,0.7458355312702232,86.47293732489653 +0.0,0.0,0.75,0.0,0.014779328917430971,0.0,0.747,69.11,2021-12-13,albuquerque/santa fe smm food,0,74.46690771327256,70.79212936171284,0.0,0.0,0.7859481820750922,0.0,1.8194652139014105,0.0,1.069364955583218,74.46690771327256 +1.0,0.923,0.602,0.898,0.08128549928652745,0.924,0.0,160.12,2021-12-13,atlanta smm food,0,181.96547061524564,165.2475308400832,1.9320550159888588,1.5008746129628339,0.6308544074789407,1.8879146049242388,10.006958987969583,0.7592821458380032,0.0,181.96547061524564 +0.892,0.0,0.836,0.726,0.02592711216106242,0.643,0.761,85.07,2021-12-13,baltimore smm food,0,114.21577085488643,105.28036119021601,1.723393074262062,0.0,0.8760702402863695,1.5263095803730482,3.1918552552366677,0.5283749131751473,1.0894066013371204,114.21577085488643 +0.0,0.836,0.682,0.71,0.0076593602695671625,0.852,0.0,71.73,2021-12-13,baton rouge smm food,0,55.838059912561576,50.62824190344196,0.0,1.3594053915893056,0.7146888802336173,1.4926719036706118,0.9429345303209078,0.7001173033051717,0.0,55.838059912561576 +0.0,0.515,0.0,0.0,0.016812222933807214,0.514,0.0,75.45,2021-12-13,birmingham/anniston/tuscaloosa smm food,0,65.60505321234436,62.27551690355495,0.0,0.8374327472111154,0.0,0.0,2.069732324607804,0.42237123697049095,0.0,65.60505321234436 +0.0,0.876,0.0,0.0,0.055351463256204735,0.781,0.919,179.5,2021-12-13,boston/manchester smm food,0,193.54035650535155,183.34429136615643,0.0,1.4244487117610427,0.0,0.0,6.814251343606515,0.6417741946964075,1.3155908891311614,193.54035650535155 +0.658,0.0,0.0,0.675,0.011669248527684162,0.628,0.0,79.16,2021-12-13,buffalo smm food,0,68.6062108969451,63.96319330778341,1.271292200520669,0.0,0.0,1.4190894858840324,1.4365869984428372,0.5160489043141406,0.0,68.60621089694509 +0.542,0.0,0.0,0.656,0.03700520590128912,0.884,0.0,132.59,2021-12-13,charlotte smm food,0,134.80928252498418,127.1008852661048,1.0471738186659616,0.0,0.0,1.3791447447998892,4.5556659065382235,0.726412788875319,0.0,134.80928252498418 +0.548,0.0,0.8150000000000001,0.666,0.08206689791394729,0.922,0.0,195.1,2021-12-13,chicago smm food,0,191.2966485314748,177.12285569785104,1.0587661487618947,0.0,0.854063691188267,1.400168292738912,10.103156022944825,0.757638677989869,0.0,191.2966485314748 +0.66,0.0,0.0,0.0,0.03106118295685852,0.6900000000000001,0.525,115.93,2021-12-13,cleveland/akron/canton smm food,0,137.50869355292875,131.09107465023894,1.2751563105526469,0.0,0.0,0.0,3.8239044687595434,0.5669964076063011,0.7515617157713381,137.50869355292878 +0.0,0.0,0.6910000000000001,0.0,0.031312743526506044,0.986,0.0,132.24,2021-12-13,columbus oh smm food,0,109.309958381828,103.92073468964487,0.0,0.0,0.7241202584185183,0.0,3.8548737846344387,0.8102296491301635,0.0,109.309958381828 +0.643,0.783,0.0,0.5750000000000001,0.07644191127945837,0.0,0.0,122.51,2021-12-13,dallas/ft. worth smm food,0,118.41221631284468,105.27715718131851,1.2423113752808361,1.273222992361754,0.0,1.2088540064938056,9.410670757389752,0.0,0.0,118.41221631284466 +0.908,0.0,0.0,0.762,0.009367335662924109,0.0,0.548,66.46,2021-12-13,des moines/ames smm food,0,67.70228625230256,62.408297363785806,1.7543059545178838,0.0,0.0,1.6019943529535299,1.1532013043925904,0.0,0.7844872766527491,67.70228625230256 +0.9689999999999999,0.0,0.0,0.0,0.04269861936862316,0.0,0.676,156.47,2021-12-13,detroit smm food,0,168.41938466041165,160.32292305294044,1.8721613104932038,0.0,0.0,0.0,5.256575116289593,0.0,0.9677251806884277,168.41938466041165 +0.729,0.0,0.0,0.0,0.01695089387841828,0.893,0.0,153.55,2021-12-13,grand rapids smm food,0,114.24464674544922,110.01556630860257,1.408468106655878,0.0,0.0,0.0,2.0868039359988404,0.733808394191923,0.0,114.24464674544922 +0.9140000000000001,0.0,0.591,0.0,0.017114698325245307,0.0,0.0,70.76,2021-12-13,greensboro smm food,0,88.06143841025045,83.56924325587181,1.7658982846138171,0.0,0.6193271674751727,0.0,2.106969702289665,0.0,0.0,88.06143841025046 +0.0,0.974,0.76,0.0,0.017462540638620946,0.529,0.0,100.48,2021-12-13,harrisburg/lancaster smm food,0,89.98982942436547,85.02510769460987,0.0,1.5838048461817986,0.7964274911694268,0.0,2.149792146572878,0.4346972458314975,0.0,89.98982942436547 +0.89,0.772,0.0,0.0,0.02341117462375299,0.0,0.0,158.04,2021-12-13,hartford/new haven smm food,0,118.46771652857105,112.61073024106035,1.7195289642300844,1.2553360793145263,0.0,0.0,2.88212124396608,0.0,0.0,118.46771652857105 +0.5640000000000001,0.801,0.0,0.973,0.0627607306518833,0.9390000000000001,0.0,147.93,2021-12-13,houston smm food,0,180.5822101169296,167.64644198801398,1.0896790290177165,1.3024924864390357,0.0,2.045591214466909,7.726397244292943,0.7716081546990098,0.0,180.5822101169296 +0.0,0.9380000000000001,0.0,0.869,0.02964141393250773,0.0,0.787,73.9,2021-12-13,indianapolis smm food,0,97.149192380694,89.02123497580452,0.0,1.5252658580272354,0.0,1.8269463159010728,3.6491184303668045,0.0,1.1266268005943678,97.149192380694 +0.0,0.0,0.0,0.0,0.016099051241516487,0.0,0.895,95.02,2021-12-13,jacksonville smm food,0,89.56305839683418,86.29988999004563,0.0,0.0,0.0,0.0,1.9819346246640819,0.0,1.2812337821244715,89.56305839683418 +0.842,0.781,0.0,0.0,0.021042159844354588,0.767,0.873,102.12,2021-12-13,kansas city smm food,0,87.86094606334372,80.49370051161102,1.626790323462619,1.269970826353167,0.0,0.0,2.5904747147891,0.630269919759468,1.2497397673683392,87.86094606334372 +0.0,0.771,0.0,0.772,0.012186049032539479,0.0,0.0,49.55,2021-12-13,knoxville smm food,0,73.77995596390517,69.4030183864474,0.0,1.253709996310233,0.0,1.6230179008925527,1.5002096802549951,0.0,0.0,73.77995596390518 +0.0,0.994,0.0,0.646,0.02070440305585703,0.0,0.0,84.06,2021-12-13,las vegas smm food,0,78.5993260572622,73.0759844669223,0.0,1.6163265062676673,0.0,1.3581211968608666,2.5488938872113627,0.0,0.0,78.5993260572622 +0.0,0.49499999999999994,0.764,0.986,0.012842974427460796,0.8160000000000001,0.0,51.87,2021-12-13,little rock/pine bluff smm food,0,63.63364113366647,57.70357115599228,0.0,0.8049110871252466,0.8006192148071607,2.0729218267876384,1.5810829669153985,0.6705348820387561,0.0,63.63364113366648 +0.0,0.773,0.0,0.0,0.16030348154698193,0.861,0.9510000000000001,166.3,2021-12-13,los angeles smm food,0,177.03721834253463,153.9765761946837,0.0,1.2569621623188196,0.0,0.0,19.73476671177026,0.7075129086217756,1.361400365140081,177.03721834253463 +0.0,0.0,0.9590000000000001,0.759,0.007876578685895417,0.0,0.657,64.37,2021-12-13,madison wi smm food,0,56.930040138653034,52.419185278171575,0.0,0.0,1.0049657421466847,1.5956872885718232,0.969676025454823,0.0,0.9405258043081317,56.93004013865304 +0.0,0.805,0.0,0.0,0.04160702518852777,0.0,0.0,187.09,2021-12-13,miami/west palm beach smm food,0,190.55300143850843,184.12181433608328,0.0,1.3089968184562095,0.0,0.0,5.122190283968936,0.0,0.0,190.55300143850843 +0.0,0.0,0.541,0.0,0.019431319813201623,0.615,0.9430000000000001,104.16,2021-12-13,milwaukee smm food,0,72.96758361852673,68.15317248002567,0.0,0.0,0.5669306220035,0.0,2.392166157058446,0.5053663633012684,1.349947996137851,72.96758361852673 +0.868,0.605,0.77,0.0,0.037944460600704985,0.0,0.993,116.83000000000001,2021-12-13,minneapolis/st. paul smm food,0,95.31125493463362,85.75072244988117,1.6770237538783295,0.9837802175975238,0.8069068002637614,0.0,4.671296410611046,0.0,1.421525302401788,95.31125493463361 +0.0,0.0,0.901,0.894,0.011521965542450137,0.742,0.704,60.46,2021-12-13,mobile/pensacola smm food,0,73.32611602440815,67.46643487620449,0.0,0.0,0.9441857493995441,1.8795051857486296,1.4184551692014695,0.6097265716577904,1.0078084721962324,73.32611602440815 +0.0,0.543,0.847,0.618,0.031131491279541713,0.0,0.0,90.12,2021-12-13,nashville smm food,0,102.37454379387071,95.47216793873541,0.0,0.8829630713313313,0.8875974802901375,1.299255262631603,3.8325600408822362,0.0,0.0,102.37454379387071 +0.728,0.0,0.0,0.0,0.015135190861778919,0.0,0.0,61.91,2021-12-13,new orleans smm food,0,62.81942831313029,59.54961731628727,1.406536051639889,0.0,0.0,0.0,1.8632749452031319,0.0,0.0,62.81942831313029 +0.9910000000000001,0.0,0.0,0.0,0.16887097447157298,0.67,0.0,376.26,2021-12-13,new york smm food,0,313.41649418382775,290.1617655847399,1.9146665208449591,0.0,0.0,0.0,20.78950034911795,0.550561729124959,0.0,313.41649418382775 +0.85,0.0,0.992,0.747,0.01767514932391818,0.0,0.9070000000000001,102.72,2021-12-13,norfolk/portsmouth/newport news smm food,0,110.0365709843304,102.30993924858487,1.64224676359053,0.0,1.0395474621579888,1.5704590310449957,2.175966143324205,0.0,1.2984123356278165,110.03657098433041 +0.978,0.9129999999999999,0.0,0.759,0.017475923703601678,0.9420000000000002,0.0,39.41,2021-12-13,oklahoma city smm food,0,61.50460807300276,53.609244119971564,1.8895498056371038,1.4846137829198995,0.0,1.5956872885718232,2.151439719431149,0.7740733564712111,0.0,61.50460807300275 +0.0,0.0,0.992,0.892,0.01006894724892377,0.0,0.0,75.83,2021-12-13,omaha smm food,0,65.03065364204369,60.87622985001895,0.0,0.0,1.0395474621579888,1.875300476160825,1.2395758537059214,0.0,0.0,65.03065364204369 +0.0,0.9570000000000001,0.599,0.8140000000000001,0.03732038444106839,0.904,0.555,117.93000000000002,2021-12-13,orlando/daytona beach/melborne smm food,0,142.6423937392119,132.61538216686213,0.0,1.5561614351088104,0.6277106147506404,1.711316802236448,4.594467153367522,0.7428474673566611,0.7945080995297003,142.6423937392119 +0.0,0.0,0.9619999999999999,0.8170000000000001,0.008059580933022135,0.925,0.853,70.11,2021-12-13,paducah ky/cape girardeau mo smm food,0,61.25840946855164,55.55925813283435,0.0,0.0,1.008109534874985,1.717623866618155,0.9922052095993175,0.7601038797620703,1.2211088448627645,61.25840946855165 +0.0,0.522,0.0,0.0,0.08260261896187215,0.669,0.7020000000000001,224.47999999999996,2021-12-13,philadelphia smm food,0,212.31035633103278,199.7377476378349,0.0,0.8488153282411693,0.0,0.0,10.169107989810147,0.5497399952008919,1.004945379945675,212.31035633103278 +0.0,0.513,0.0,0.0,0.04891002156402141,0.838,0.0,106.93,2021-12-13,phoenix/prescott smm food,0,124.52700801760567,116.98296111946722,0.0,0.8341805812025285,0.0,0.0,6.021253288567692,0.6886130283682322,0.0,124.52700801760567 +0.654,0.0,0.0,0.559,0.021255668100262273,0.0,0.521,123.71000000000001,2021-12-13,pittsburgh smm food,0,110.35360764694724,104.55223234884438,1.2635639804567136,0.0,0.0,1.1752163297913691,2.616759456584556,0.0,0.7458355312702232,110.35360764694724 +0.0,0.0,0.0,0.727,0.0302815400291385,0.518,0.544,96.45,2021-12-13,portland or smm food,0,93.35706425506126,86.8963094792362,0.0,0.0,0.0,1.5284119351669503,3.7279235758397173,0.42565817266675937,0.7787610921516341,93.35706425506126 +0.531,0.0,0.66,0.9470000000000001,0.015332467012948776,0.98,0.795,72.74,2021-12-13,providence ri/new bedford ma smm food,0,90.78773174884896,83.24830635780522,1.0259212134900841,0.0,0.6916344002260812,1.99092998982545,1.8875613723197635,0.8052992455857609,1.1380791695965977,90.78773174884896 +0.0,0.5690000000000001,0.0,0.0,0.029860876617383326,0.65,0.0,142.26,2021-12-13,raleigh/durham/fayetteville smm food,0,130.46567727086088,125.33017277610136,0.0,0.9252412294429605,0.0,0.0,3.676136214672938,0.534127050643617,0.0,130.46567727086088 +0.497,0.0,0.55,0.513,0.12939515461223394,0.539,0.0,346.0,2021-12-13,rem us east north central smm food,0,325.4413688016499,306.4536727021249,0.9602313429464628,0.0,0.576362000188401,1.0785080092718646,15.929680162046095,0.4429145850721685,0.0,325.4413688016499 +0.0,0.0,0.0,0.741,0.04507559116192084,0.0,0.5730000000000001,153.43,2021-12-13,rem us middle atlantic smm food,0,138.72734531753693,130.80002326169728,0.0,0.0,0.0,1.5578449022815821,5.549201223773352,0.0,0.8202759297847176,138.72734531753693 +0.0,0.806,0.795,0.682,0.08834010134419325,0.0,0.7000000000000001,230.19000000000003,2021-12-13,rem us mountain smm food,0,189.41257023276316,173.95751153106124,0.0,1.3106229014605029,0.8331050729995978,1.4338059694413483,10.875442470105346,0.0,1.0020822876951174,189.41257023276316 +0.0,0.0,0.619,0.867,0.024706299644465413,0.0,0.778,199.03,2021-12-13,rem us new england smm food,0,154.84834684839004,148.221630613054,0.0,0.0,0.6486692329393094,1.8227416063132682,3.0415625106165827,0.0,1.1137428854668592,154.84834684839 +0.543,0.584,0.6900000000000001,0.964,0.08277183480629827,0.0,0.9430000000000001,124.95000000000002,2021-12-13,rem us pacific smm food,0,121.40201284185054,105.11364420201244,1.0491058736819503,0.9496324745073618,0.7230723275090849,2.0266700213217885,10.189939946680065,0.0,1.349947996137851,121.40201284185054 +0.0,0.553,0.0,0.0,0.14618272418630257,0.551,0.0,342.38,2021-12-13,rem us south atlantic smm food,0,303.0286070918605,283.6802303568146,0.0,0.8992239013742657,0.0,0.0,17.996377441510727,0.4527753921609738,0.0,303.0286070918606 +0.0,0.678,0.0,0.0,0.23463473828965561,0.0,0.0,406.83,2021-12-13,rem us south central smm food,0,429.4194109934869,399.4313293612464,0.0,1.1024842769109442,0.0,0.0,28.88559735532956,0.0,0.0,429.4194109934869 +0.0,0.9770000000000001,0.0,0.0,0.08139494903746729,0.0,0.0,155.92,2021-12-13,rem us west north central smm food,0,137.56364479145844,125.95452848252805,0.0,1.588683095194679,0.0,0.0,10.020433213735704,0.0,0.0,137.56364479145844 +0.9059999999999999,0.0,0.0,0.811,0.014326735542892738,0.0,0.6920000000000001,91.47,2021-12-13,richmond/petersburg smm food,0,92.27792233294076,86.06809383806947,1.7504418444859058,0.0,0.0,1.7050097378547413,1.763746993837755,0.0,0.9906299186928875,92.27792233294076 +0.711,0.0,0.804,0.0,0.03604047258914344,0.0,0.526,83.5,2021-12-13,sacramento/stockton/modesto smm food,0,78.99320123884914,71.58708164797008,1.3736911163680785,0.0,0.8425364511844989,0.0,4.4368987614298465,0.0,0.7529932618966169,78.99320123884912 +0.757,0.0,0.0,0.972,0.03454324376201265,0.786,0.0,109.39,2021-12-13,salt lake city smm food,0,92.12932318413917,83.72480907215119,1.4625656471035662,0.0,0.0,2.0434888596730065,4.252576740894667,0.645882864316743,0.0,92.12932318413917 +0.0,0.8220000000000001,0.904,0.0,0.024828068587913414,0.0,0.996,64.46,2021-12-13,san diego smm food,0,85.4806560003453,78.71431295071628,0.0,1.3366402295291977,0.9473295421278446,0.0,3.056553337194362,0.0,1.4258199407776242,85.4806560003453 +0.0,0.66,0.872,0.5690000000000001,0.053343640470922105,0.0,0.649,92.73,2021-12-13,san francisco/oakland/san jose smm food,0,99.55530761799318,88.87591304741949,0.0,1.0732147828336625,0.9137957530259739,1.196239877730392,6.567070721677749,0.0,0.9290734353059017,99.55530761799317 +0.874,0.0,0.773,0.0,0.04870802347024647,0.0,0.749,87.78,2021-12-13,seattle/tacoma smm food,0,98.31203677944188,88.74475650580376,1.6886160839742625,0.0,0.8100505929920617,0.0,5.996385548838019,0.0,1.0722280478337756,98.31203677944188 +0.62,0.807,0.9210000000000002,0.0,0.025161796793100433,0.933,0.9490000000000002,120.27999999999999,2021-12-13,st. louis smm food,0,96.4022142271507,87.70409353036166,1.1978741099130925,1.3122489844647962,0.9651443675882134,0.0,3.0976382107788036,0.7666777511546071,1.3585372728895238,96.4022142271507 +0.761,0.0,0.684,0.0,0.03685349029323904,0.0,0.0,103.87,2021-12-13,tampa/ft. myers smm food,0,179.97927061247492,173.25520362076367,1.4702938671675216,0.0,0.7167847420524842,0.0,4.536988382491279,0.0,0.0,179.97927061247495 +0.668,0.0,0.0,0.0,0.009334817912638597,0.0,0.0,52.4,2021-12-13,tucson/sierra vista smm food,0,65.76205747879166,63.32224664442017,1.2906127506805578,0.0,0.0,0.0,1.1491980836909357,0.0,0.0,65.76205747879166 +0.0,0.0,0.799,0.0,0.0847991089033032,0.0,0.56,147.48,2021-12-13,washington dc/hagerstown smm food,0,185.09985400639872,173.02137618365978,0.0,0.0,0.8372967966373317,0.0,10.439515195945512,0.0,0.801665830156094,185.09985400639872 +0.885,0.5720000000000001,0.0,0.677,0.006244355308552251,0.0,0.9510000000000001,59.309999999999995,2021-12-13,yakima/pasco/richland/kennewick smm food,0,59.710360085100405,53.51694236690935,1.70986868915014,0.9301194784558408,0.0,1.423294195471837,0.7687349899731667,0.0,1.361400365140081,59.71036008510041 +0.0,0.718,0.656,0.0,0.012575481754091707,0.0,0.908,74.25,2021-12-20,albany/schenectady/troy smm food,0,87.05983486537694,82.35686844083078,0.0,1.167527597082681,0.6874426765883473,0.0,1.5481522691220408,0.0,1.2998438817530953,87.05983486537694 +0.797,0.76,0.616,0.86,0.015028337470690746,0.999,0.0,61.32,2021-12-20,albuquerque/santa fe smm food,0,78.6923833999706,70.79212936171284,1.5398478477431206,1.235823083263005,0.6455254402110091,1.8080251227559523,1.8501203541416233,0.8209121901430358,0.0,78.69238339997058 +0.0,0.9440000000000001,0.0,0.0,0.08408667310988523,0.847,0.0,157.37,2021-12-20,atlanta smm food,0,177.83036992143832,165.2475308400832,0.0,1.5350223560529959,0.0,0.0,10.351808091617288,0.6960086336848362,0.0,177.83036992143832 +0.611,0.846,0.996,0.0,0.027463559279277683,0.0,0.675,121.15,2021-12-20,baltimore smm food,0,113.22755123888088,105.28036119021601,1.1804856147691927,1.37566622163224,1.0437391857957226,0.0,3.381005391904556,0.0,0.966293634563149,113.22755123888088 +0.0,0.8190000000000001,0.0,0.503,0.0078533983717959,0.865,0.0,37.84,2021-12-20,baton rouge smm food,0,54.69511051477848,50.62824190344196,0.0,1.3317619805163174,0.0,1.057484461332842,0.966822325169309,0.7107998443180441,0.0,54.69511051477847 +0.73,0.0,0.0,0.6920000000000001,0.01781438681218889,0.0,0.867,39.22,2021-12-20,birmingham/anniston/tuscaloosa smm food,0,68.57500457444021,62.27551690355495,1.4104001616718669,0.0,0.0,1.4548295173803711,2.19310750121636,0.0,1.2411504906166668,68.57500457444021 +0.708,0.723,0.9070000000000001,0.621,0.060065352067682695,0.0,0.876,194.07,2021-12-20,boston/manchester smm food,0,196.79248686110336,183.34429136615643,1.367894951320112,1.1756580121041482,0.950473334856145,1.3055623270133099,7.394572463909052,0.0,1.2540344057441755,196.79248686110336 +0.857,0.556,0.0,0.766,0.012063690566893465,0.0,0.0,61.029999999999994,2021-12-20,buffalo smm food,0,69.61861665731831,63.96319330778341,1.655771148702452,0.9041021503871459,0.0,1.610403772129139,1.4851462783161762,0.0,0.0,69.61861665731833 +0.54,0.0,0.0,0.0,0.03914526052531255,0.0,0.0,128.33,2021-12-20,charlotte smm food,0,132.96332040410195,127.1008852661048,1.0433097086339838,0.0,0.0,0.0,4.819125429363184,0.0,0.0,132.96332040410198 +0.955,0.9980000000000001,0.0,0.0,0.08512115088217222,0.0,0.641,221.24,2021-12-20,chicago smm food,0,191.9875815351253,177.12285569785104,1.84511254026936,1.622830838284841,0.0,0.0,10.479161392416387,0.0,0.9176210663036718,191.9875815351253 +0.0,0.0,0.0,0.0,0.03265808976260687,0.785,0.653,196.36,2021-12-20,cleveland/akron/canton smm food,0,136.69143312448966,131.09107465023894,0.0,0.0,0.0,0.0,4.020497724051042,0.6450611303926759,0.9347996198070166,136.69143312448966 +0.995,0.8280000000000001,0.0,0.0,0.03311699095473238,0.8150000000000001,0.664,134.92,2021-12-20,columbus oh smm food,0,112.88677842527716,103.92073468964487,1.9223947409089144,1.3463967275549582,0.0,0.0,4.076992491868646,0.669713148114689,0.9505466271850829,112.88677842527716 +0.802,0.0,0.0,0.0,0.07833274703691949,0.674,0.745,117.63999999999999,2021-12-20,dallas/ft. worth smm food,0,118.090465080855,105.27715718131851,1.5495081228230647,0.0,0.0,0.0,9.643449248559529,0.5538486648212274,1.0665018633326606,118.090465080855 +0.577,0.642,0.0,0.0,0.009722618537726725,0.975,0.0,72.78,2021-12-20,des moines/ames smm food,0,66.56516871987982,62.408297363785806,1.1147957442255714,1.0439452887563807,0.0,0.0,1.1969397471466348,0.8011905759654254,0.0,66.56516871987982 +0.768,0.0,0.881,0.879,0.045033985650526,0.0,0.0,206.43,2021-12-20,detroit smm food,0,170.12201752012152,160.32292305294044,1.4838182522794436,0.0,0.9232271312108751,1.8479698638400954,5.544079219850683,0.0,0.0,170.12201752012155 +0.0,0.0,0.0,0.9570000000000001,0.018053118678109246,0.0,0.0,112.01,2021-12-20,grand rapids smm food,0,114.25001733733994,110.01556630860257,0.0,0.0,0.0,2.0119535377644726,2.222497490972902,0.0,0.0,114.25001733733995 +0.0,0.0,0.0,0.0,0.018246574384723976,0.49900000000000005,0.0,107.93,2021-12-20,greensboro smm food,0,86.22560207178665,83.56924325587181,0.0,0.0,0.0,0.0,2.2463135878053557,0.41004522810948446,0.0,86.22560207178665 +0.895,0.0,0.974,0.876,0.018891845225112034,0.931,0.0,128.24,2021-12-20,harrisburg/lancaster smm food,0,92.70743081890006,85.02510769460987,1.7291892393100285,0.0,1.0206847057881865,1.8416627994583887,2.3257520964271046,0.7650342833064729,0.0,92.70743081890005 +0.501,0.663,0.0,0.676,0.025168173615492954,0.844,0.999,128.2,2021-12-20,hartford/new haven smm food,0,121.30005594129177,112.61073024106035,0.9679595630104182,1.0780930318465427,0.0,1.4211918406779347,3.098423253630427,0.6935434319126349,1.4301145791534604,121.30005594129177 +0.0,0.542,0.9560000000000002,0.632,0.06366052344915923,0.936,0.708,129.41,2021-12-20,houston smm food,0,180.478136406702,167.64644198801398,0.0,0.8813369883270379,1.0018219494183844,1.3286882297462348,7.837169641572209,0.7691429529268085,1.0135346566973473,180.478136406702 +0.89,0.6880000000000001,0.912,0.0,0.03143943191333113,0.658,0.8180000000000001,124.43,2021-12-20,indianapolis smm food,0,98.39739792681112,89.02123497580452,1.7195289642300844,1.1187451069538783,0.9557129894033122,0.0,3.8704702379051734,0.5407009220361538,1.1710047304780087,98.39739792681112 +0.0,0.0,0.973,0.0,0.016599982451231687,0.0,0.0,39.35,2021-12-20,jacksonville smm food,0,89.36313042177025,86.29988999004563,0.0,0.0,1.019636774878753,0.0,2.043603656845875,0.0,0.0,89.36313042177025 +0.517,0.71,0.0,0.0,0.021639762054089545,0.0,0.9510000000000001,73.14,2021-12-20,kansas city smm food,0,86.67253704931369,80.49370051161102,0.99887244326624,1.1545189330483336,0.0,0.0,2.6640447962480067,0.0,1.361400365140081,86.67253704931369 +0.0,0.0,0.0,0.685,0.012963223597217188,0.0,0.677,68.58,2021-12-20,knoxville smm food,0,73.40817484308593,69.4030183864474,0.0,0.0,0.0,1.4401130338230552,1.5958866960017872,0.0,0.9691567268137065,73.40817484308594 +0.723,0.0,0.6900000000000001,0.0,0.020523093047484554,0.0,0.0,53.78,2021-12-20,las vegas smm food,0,77.72250560351375,73.0759844669223,1.3968757765599449,0.0,0.7230723275090849,0.0,2.526573032522432,0.0,0.0,77.72250560351377 +0.634,0.0,0.0,0.0,0.013563925895704324,0.607,0.654,77.58,2021-12-20,little rock/pine bluff smm food,0,62.033356119588035,57.70357115599228,1.2249228801369365,0.0,0.0,0.0,1.6698384256177996,0.4987924919087315,0.9362311659322954,62.03335611958804 +0.753,0.0,0.0,0.889,0.15933681590260362,0.734,0.0,125.15,2021-12-20,los angeles smm food,0,177.5193214133578,153.9765761946837,1.4548374270396107,0.0,0.0,1.8689934117791183,19.615761679590108,0.6031527002652536,0.0,177.5193214133578 +0.0,0.0,0.0,0.617,0.008381508329319411,0.648,0.792,67.99,2021-12-20,madison wi smm food,0,56.41444359997461,52.419185278171575,0.0,0.0,0.0,1.2971529078377007,1.031837299949098,0.5324835827954828,1.1337845312207615,56.41444359997462 +0.504,0.714,0.593,0.879,0.04186584240727876,0.629,0.0,155.58,2021-12-20,miami/west palm beach smm food,0,194.39690981767166,184.12181433608328,0.9737557280583848,1.1610232650655075,0.6214230292940396,1.8479698638400954,5.154052957092121,0.5168706382382078,0.0,194.39690981767163 +0.0,0.988,0.87,0.65,0.020467879343704115,0.849,0.0,107.12,2021-12-20,milwaukee smm food,0,75.25540083762453,68.15317248002567,0.0,1.6065700082419065,0.911699891207107,1.3665306160364756,2.519775740580395,0.6976521015329704,0.0,75.25540083762453 +0.0,0.585,0.0,0.0,0.03947569165990141,0.0,0.955,134.85,2021-12-20,minneapolis/st. paul smm food,0,92.92891196162897,85.75072244988117,0.0,0.9512585575116552,0.0,0.0,4.859804404594957,0.0,1.3671265496411957,92.92891196162897 +0.0,0.0,0.0,0.0,0.012079281460695111,0.0,0.0,52.1,2021-12-20,mobile/pensacola smm food,0,68.95350053050073,67.46643487620449,0.0,0.0,0.0,0.0,1.48706565429625,0.0,0.0,68.95350053050073 +0.0,0.548,0.748,0.0,0.032615057303501026,0.718,0.975,131.79,2021-12-20,nashville smm food,0,103.14807622530198,95.47216793873541,0.0,0.8910934863527985,0.7838523202562253,0.0,4.015200050330595,0.5900049574801799,1.3957574721467707,103.14807622530198 +0.731,0.523,0.865,0.86,0.015650680503909373,0.948,0.0,83.58,2021-12-20,new orleans smm food,0,67.2326163119511,59.54961731628727,1.4123322166878558,0.8504414112454628,0.9064602366599397,1.8080251227559523,1.9267362482990158,0.7790037600156136,0.0,67.2326163119511 +0.758,0.868,0.0,0.0,0.17365067626082428,0.73,0.0,325.9,2021-12-20,new york smm food,0,315.015492724252,290.1617655847399,1.4644977021195549,1.4114400477266953,0.0,0.0,21.377923625096894,0.5998657645689852,0.0,315.015492724252 +0.64,0.0,0.918,0.0,0.018446779811497876,0.0,0.835,96.36,2021-12-20,norfolk/portsmouth/newport news smm food,0,107.9747566827655,102.30993924858487,1.2365152102328696,0.0,0.962000574859913,0.0,2.2709606344801054,0.0,1.1953410146077472,107.9747566827655 +0.0,0.9339999999999999,0.537,0.562,0.01795495476499709,0.797,0.0,48.36,2021-12-20,oklahoma city smm food,0,59.737602526982045,53.609244119971564,0.0,1.5187615260100615,0.5627388983657661,1.181523394173076,2.210412650980109,0.6549219374814811,0.0,59.73760252698206 +0.965,0.9560000000000002,0.511,0.0,0.0103158436484942,0.5750000000000001,0.0,88.1,2021-12-20,omaha smm food,0,66.57315896288526,60.87622985001895,1.8644330904292485,1.5545353521045173,0.5354926947204962,0.0,1.2699709692734544,0.47249700633858427,0.0,66.57315896288526 +0.0,0.659,0.0,0.0,0.037794535929902555,0.0,0.706,131.17,2021-12-20,orlando/daytona beach/melborne smm food,0,139.35048179780946,132.61538216686213,0.0,1.0715886998293689,0.0,0.0,4.652839366671189,0.0,1.0106715644467898,139.3504817978095 +0.0,0.848,0.0,0.5730000000000001,0.008066991396739977,0.887,0.5650000000000001,36.13,2021-12-20,paducah ky/cape girardeau mo smm food,0,60.673644871588955,55.55925813283435,0.0,1.3789183876408266,0.0,1.204649296906001,0.9931175027777708,0.7288779906475203,0.8088235607824877,60.673644871588955 +0.84,0.606,0.802,0.0,0.08553495940476158,0.72,0.0,224.53999999999996,2021-12-20,philadelphia smm food,0,214.30827402307364,199.7377476378349,1.6229262134306413,0.9854063006018172,0.840440589365632,0.0,10.530104856512331,0.5916484253283142,0.0,214.30827402307364 +0.536,0.604,0.0,0.0,0.04957015642247339,0.761,0.0,117.92000000000002,2021-12-20,phoenix/prescott smm food,0,125.72855794722675,116.98296111946722,1.0355814885700283,0.9821541345932303,0.0,0.0,6.102521688381199,0.6253395162150653,0.0,125.72855794722675 +0.0,0.0,0.838,0.552,0.022379614846606815,0.632,0.0,116.51,2021-12-20,pittsburgh smm food,0,109.86536131119509,104.55223234884438,0.0,0.0,0.8781661021052364,1.1604998462340532,2.755127174000987,0.5193358400104091,0.0,109.86536131119507 +0.707,0.551,0.0,0.9530000000000001,0.03190642324859073,0.0,0.0,126.34,2021-12-20,portland or smm food,0,95.08974920290265,86.8963094792362,1.365962896304123,0.8959717353656788,0.0,2.003544118588864,3.927960973407791,0.0,0.0,95.08974920290265 +0.0,0.0,0.9520000000000001,0.0,0.016451029481756432,0.639,0.7010000000000001,109.09,2021-12-20,providence ri/new bedford ma smm food,0,87.79980463276013,83.24830635780522,0.0,0.0,0.9976302257806505,0.0,2.0252662378749835,0.5250879774788788,1.0035138338203962,87.79980463276013 +0.0,0.999,0.0,0.0,0.03170400303320956,0.539,0.877,125.9,2021-12-20,raleigh/durham/fayetteville smm food,0,132.55605150113252,125.33017277610136,0.0,1.6244569212891344,0.0,0.0,3.903041266800403,0.4429145850721685,1.2554659518694542,132.55605150113252 +0.0,0.9140000000000001,0.0,0.0,0.1375983351540654,0.0,0.0,407.0,2021-12-20,rem us east north central smm food,0,324.87947631294253,306.4536727021249,0.0,1.4862398659241933,0.0,0.0,16.939563744893487,0.0,0.0,324.8794763129426 +0.642,0.613,0.894,0.737,0.047888504043207575,0.0,0.555,119.35000000000001,2021-12-20,rem us middle atlantic smm food,0,142.2134807878332,130.80002326169728,1.2403793202648474,0.9967888816318712,0.93685023303351,1.5494354831059731,5.895495508570015,0.0,0.7945080995297003,142.2134807878332 +0.549,0.0,0.726,0.985,0.09127905628994758,0.0,0.725,189.85,2021-12-20,rem us mountain smm food,0,190.12495162812175,173.95751153106124,1.0606982037778836,0.0,0.7607978402486892,2.0708194719937363,11.237253640213131,0.0,1.0378709408270859,190.12495162812178 +0.9630000000000002,0.9450000000000001,0.0,0.873,0.027208992941859744,0.641,0.541,160.03,2021-12-20,rem us new england smm food,0,158.105067706302,148.221630613054,1.8605689803972714,1.5366484390572894,0.0,1.8353557350766818,3.349666039613942,0.526731445327013,0.7744664537757979,158.105067706302 +0.6920000000000001,0.0,0.2465,0.5730000000000001,0.08329657346456314,0.0,0.586,139.45,2021-12-20,rem us pacific smm food,0,119.00701645347846,105.11364420201244,1.3369820710642903,0.0,0.25831496917534696,1.204649296906001,10.254539884907043,0.0,0.8388860294133411,119.00701645347846 +0.0,0.9619999999999999,0.903,0.0,0.15440710149694492,0.78,0.501,262.69,2021-12-20,rem us south atlantic smm food,0,306.55783142049506,283.6802303568146,0.0,1.5642918501302774,0.9462816112184111,0.0,19.008870532794802,0.6409524607723404,0.7172046087646483,306.55783142049506 +0.8210000000000001,0.0,0.657,0.746,0.24395767444712313,0.0,0.8210000000000001,407.52,2021-12-20,rem us south central smm food,0,434.48302587256353,399.4313293612464,1.586217168126853,0.0,0.6884906074977809,1.5683566762510937,30.033332690587557,0.0,1.175299368853845,434.48302587256353 +0.855,0.0,0.516,0.537,0.08458349494445079,0.628,0.62,161.06,2021-12-20,rem us west north central smm food,0,141.09271112039937,125.95452848252805,1.6519070386704742,0.0,0.5407323492676634,1.128964524325519,10.412971223620705,0.5160489043141406,0.8875585976728183,141.09271112039937 +0.517,0.497,0.0,0.0,0.015302110804518758,0.0,0.748,116.18000000000002,2021-12-20,richmond/petersburg smm food,0,90.82975029258591,86.06809383806947,0.99887244326624,0.8081632531338336,0.0,0.0,1.8838242564078753,0.0,1.0707965017084968,90.82975029258591 +0.0,0.0,0.964,0.0,0.03585049759116093,0.727,0.0,72.01,2021-12-20,sacramento/stockton/modesto smm food,0,77.60819877786588,71.58708164797008,0.0,0.0,1.0102053966938518,0.0,4.413511170405162,0.5974005627967839,0.0,77.60819877786588 +0.527,0.634,0.624,0.904,0.035578378247532884,0.902,0.0,96.77,2021-12-20,salt lake city smm food,0,93.44959119984347,83.72480907215119,1.0181929934261287,1.0309366247220333,0.6539088874864768,1.9005287336876524,4.38001088886146,0.7412039995085269,0.0,93.44959119984347 +0.862,0.0,0.503,0.0,0.024739964129824536,0.9540000000000001,0.711,112.41999999999999,2021-12-20,san diego smm food,0,85.7543239850558,78.71431295071628,1.6654314237823962,0.0,0.5271092474450285,0.0,3.0457069044789167,0.7839341635600163,1.0178292950731835,85.75432398505582 +0.881,0.631,0.0,0.0,0.05429033553160778,0.601,0.5680000000000001,128.94,2021-12-20,san francisco/oakland/san jose smm food,0,99.59470937931778,88.87591304741949,1.7021404690861845,1.026058375709153,0.0,0.0,6.683617199580298,0.4938620883643289,0.813118199158324,99.59470937931778 +0.0,0.9689999999999999,0.0,0.0,0.05145351194784886,0.744,0.0,69.67,2021-12-20,seattle/tacoma smm food,0,97.2661802737436,88.74475650580376,0.0,1.5756744311603312,0.0,0.0,6.334379297273588,0.6113700395059246,0.0,97.2661802737436 +0.0,0.658,0.0,0.0,0.025986056658750395,0.542,0.0,108.64,2021-12-20,st. louis smm food,0,92.41854777471177,87.70409353036166,0.0,1.0699626168250755,0.0,0.0,3.1991118406806573,0.44537978684436985,0.0,92.41854777471177 +0.763,0.545,0.0,0.648,0.037907894281043956,0.0,0.755,151.11,2021-12-20,tampa/ft. myers smm food,0,182.72551484179314,173.25520362076367,1.4741579771994993,0.8862152373399182,0.0,1.3623259064486712,4.666794775455937,0.0,1.080817324585448,182.72551484179314 +0.5750000000000001,0.0,0.0,0.79,0.00935933448347841,0.794,0.849,74.54,2021-12-20,tucson/sierra vista smm food,0,69.1140942507866,63.32224664442017,1.110931634193594,0.0,0.0,1.6608602871827935,1.1522162889190892,0.6524567357092798,1.2153826603616495,69.11409425078658 +0.649,0.615,0.961,0.0,0.08814982480077177,0.9470000000000001,0.937,183.84,2021-12-20,washington dc/hagerstown smm food,0,189.25394104230858,173.02137618365978,1.2539037053767694,1.000041047640458,1.0070616039655516,0.0,10.852017756188298,0.7781820260915466,1.3413587193861787,189.25394104230858 +0.0,0.764,0.8250000000000001,0.777,0.006426110487494994,0.0,0.85,91.56,2021-12-20,yakima/pasco/richland/kennewick smm food,0,59.265267312890856,53.51694236690935,0.0,1.2423274152801789,0.8645430002826016,1.633529674862064,0.7911106490697524,0.0,1.2168142064869283,59.26526731289087 +0.986,0.0,0.0,0.0,0.014165576543847761,0.0,0.0,110.75,2021-12-27,albany/schenectady/troy smm food,0,86.00578159200276,82.35686844083078,1.9050062457650148,0.0,0.0,0.0,1.7439069054069687,0.0,0.0,86.00578159200276 +0.0,0.0,0.0,0.0,0.0158574508761133,0.712,0.0,92.71,2021-12-27,albuquerque/santa fe smm food,0,73.32939541307243,70.79212936171284,0.0,0.0,0.0,0.0,1.9521914974238106,0.5850745539357773,0.0,73.32939541307243 +0.622,0.667,0.749,0.0,0.08946671137949061,0.784,0.0,148.96,2021-12-27,atlanta smm food,0,179.9771441333129,165.2475308400832,1.2017382199450701,1.0845973638637163,0.7849002511656588,0.0,11.014138061786657,0.6442393964686087,0.0,179.9771441333129 +0.0,0.0,0.859,0.0,0.031105847512428463,0.0,0.0,117.78000000000002,2021-12-27,baltimore smm food,0,110.00993690931068,105.28036119021601,0.0,0.0,0.900172651203339,0.0,3.829403067891337,0.0,0.0,110.00993690931068 +0.0,0.0,0.0,0.716,0.008585586124138853,0.859,0.0,89.96,2021-12-27,baton rouge smm food,0,53.89635844579543,50.62824190344196,0.0,0.0,0.0,1.5052860324340254,1.0569610691458002,0.7058694407736414,0.0,53.89635844579543 +0.539,0.0,0.795,0.926,0.019068164944350364,0.0,0.0,93.9,2021-12-27,birmingham/anniston/tuscaloosa smm food,0,68.4442387720141,62.27551690355495,1.0413776536179948,0.0,0.8331050729995978,1.9467805391535022,2.3474586026880644,0.0,0.0,68.44423877201412 +0.755,0.0,0.0,0.0,0.06776248733445372,0.0,0.0,213.1,2021-12-27,boston/manchester smm food,0,193.14515033143584,183.34429136615643,1.4587015370715883,0.0,0.0,0.0,8.342157428207823,0.0,0.0,193.14515033143584 +0.0,0.0,0.6950000000000001,0.0,0.012960380166803257,0.613,0.0,61.50000000000001,2021-12-27,buffalo smm food,0,66.79076483003345,63.96319330778341,0.0,0.0,0.7283119820562522,0.0,1.595536644740651,0.5037228954531341,0.0,66.79076483003345 +0.0,0.0,0.912,0.0,0.04243186946371892,0.863,0.0,192.24,2021-12-27,charlotte smm food,0,133.9894904917969,127.1008852661048,0.0,0.0,0.9557129894033122,0.0,5.223735859818865,0.7091563764699099,0.0,133.9894904917969 +0.615,0.843,0.891,0.8240000000000001,0.09286321506025404,0.0,0.9440000000000001,273.89,2021-12-27,chicago smm food,0,195.13156133840815,177.12285569785104,1.1882138348331481,1.3707879726193595,0.9337064403052097,1.7323403501754708,11.432277500360797,0.0,1.3513795422631298,195.13156133840815 +0.0,0.965,0.545,0.0,0.03525770927277957,0.0,0.532,186.7,2021-12-27,cleveland/akron/canton smm food,0,138.33348335492954,131.09107465023894,0.0,1.5691700991431579,0.5711223456412338,0.0,4.340533721257932,0.0,0.7615825386482893,138.33348335492954 +0.0,0.0,0.0,0.0,0.0354194483199161,0.9500000000000001,0.776,166.1,2021-12-27,columbus oh smm food,0,110.17270692942895,103.92073468964487,0.0,0.0,0.0,0.0,4.360445218704031,0.7806472278637479,1.1108797932163017,110.17270692942895 +0.0,0.0,0.558,0.6890000000000001,0.08389123426570949,0.0,0.5730000000000001,177.35,2021-12-27,dallas/ft. worth smm food,0,118.45844886469662,105.27715718131851,0.0,0.0,0.5847454474638687,1.4485224529986642,10.327747853130854,0.0,0.8202759297847176,118.45844886469662 +0.504,0.606,0.54,0.0,0.010077701147858512,0.0,0.0,107.42,2021-12-27,des moines/ames smm food,0,66.17399561910062,62.408297363785806,0.9737557280583848,0.9854063006018172,0.5658826910940664,0.0,1.240653535560541,0.0,0.0,66.17399561910062 +0.779,0.981,0.531,0.0,0.04931248161935467,0.0,0.0,227.84,2021-12-27,detroit smm food,0,170.05043230717428,160.32292305294044,1.505070857455321,1.5951874272118527,0.5564513129091654,0.0,6.070799656657522,0.0,0.0,170.0504323071743 +0.9619999999999999,0.0,0.8250000000000001,0.578,0.01954582973531293,0.515,0.661,144.11,2021-12-27,grand rapids smm food,0,117.72961559919096,110.01556630860257,1.8586369253812818,0.0,0.8645430002826016,1.215161070875512,2.4062633343451867,0.42319297089455804,0.9462519888092467,117.72961559919096 +0.0,0.0,0.0,0.601,0.020444575339881203,0.793,0.0,114.04,2021-12-27,greensboro smm food,0,88.00130030179568,83.56924325587181,0.0,0.0,0.0,1.2635152311352644,2.516906813003419,0.6516350017852127,0.0,88.00130030179571 +0.717,0.745,0.715,0.0,0.02110607035285222,0.686,0.628,80.72,2021-12-27,harrisburg/lancaster smm food,0,92.43215667788854,85.02510769460987,1.3852834464640116,1.2114318381986038,0.7492706002449212,0.0,2.598342659786051,0.5637094719100327,0.8990109666750482,92.43215667788854 +0.9380000000000001,0.0,0.0,0.789,0.028727071709889602,0.0,0.0,130.82,2021-12-27,hartford/new haven smm food,0,119.61831064947006,112.61073024106035,1.8122676049975497,0.0,0.0,1.6587579323888912,3.5365548710232613,0.0,0.0,119.61831064947006 +0.0,0.901,0.77,0.968,0.06913776353068093,0.802,0.0,181.51,2021-12-27,houston smm food,0,181.1240256313712,167.64644198801398,0.0,1.4651007868683785,0.8069068002637614,2.0350794404973973,8.5114660086259,0.6590306071018166,0.0,181.12402563137124 +0.0,0.777,0.0,0.9770000000000001,0.03412420735630442,0.0,0.0,102.53,2021-12-27,indianapolis smm food,0,96.53969178224719,89.02123497580452,0.0,1.2634664943359935,0.0,2.0540006336425183,4.200989678464167,0.0,0.0,96.5396917822472 +0.596,0.0,0.0,0.5630000000000001,0.018017546447726535,0.683,0.0,100.49,2021-12-27,jacksonville smm food,0,91.41438303562,86.29988999004563,1.1515047895293598,0.0,0.0,1.1836257489669781,2.218118236940204,0.5612442701378314,0.0,91.41438303562 +0.0,0.67,0.0,0.0,0.022731420852829764,0.659,0.0,122.42,2021-12-27,kansas city smm food,0,84.92313636413931,80.49370051161102,0.0,1.0894756128765968,0.0,0.0,2.798437583691463,0.5415226559602209,0.0,84.92313636413931 +0.0,0.987,0.652,0.0,0.014014891053368223,0.0,0.0,82.34,2021-12-27,knoxville smm food,0,73.41656946251732,69.4030183864474,0.0,1.6049439252376132,0.6832509529506136,0.0,1.7253561978816876,0.0,0.0,73.41656946251732 +0.0,0.87,0.0,0.0,0.021820182524421285,0.6970000000000001,0.877,51.32,2021-12-27,las vegas smm food,0,79.00514731859207,73.0759844669223,0.0,1.4146922137352822,0.0,0.0,2.6862561409902677,0.5727485450747708,1.2554659518694542,79.00514731859208 +0.96,0.0,0.0,0.0,0.014638878316035506,0.904,0.0,71.43,2021-12-27,little rock/pine bluff smm food,0,62.103365949825644,57.70357115599228,1.8547728153493044,0.0,0.0,0.0,1.802174511127404,0.7428474673566611,0.0,62.10336594982565 +0.84,0.681,0.0,0.0,0.16984191829032186,0.538,0.0,196.0,2021-12-27,los angeles smm food,0,178.0579898473296,153.9765761946837,1.6229262134306413,1.1073625259238244,0.0,0.0,20.90903206214334,0.44209285114810143,0.0,178.0579898473296 +0.0,0.723,0.937,0.0,0.008920013714339939,0.721,0.744,55.88,2021-12-27,madison wi smm food,0,57.33242707204362,52.419185278171575,0.0,1.1756580121041482,0.9819112621391487,0.0,1.0981320431689916,0.5924701592523812,1.0650703172073819,57.33242707204363 +0.0,0.0,0.8240000000000001,0.941,0.046410655953860395,0.0,0.0,185.85,2021-12-27,miami/west palm beach smm food,0,192.67718469361822,184.12181433608328,0.0,0.0,0.8634950693731681,1.9783158610620362,5.713559427099731,0.0,0.0,192.67718469361822 +0.0,0.55,0.65,0.0,0.022409065912149355,0.0,0.728,96.79,2021-12-27,milwaukee smm food,0,73.52959166159422,68.15317248002567,0.0,0.8943456523613853,0.6811550911317467,0.0,2.758752858872495,0.0,1.042165579202922,73.52959166159422 +0.0,0.0,0.0,0.0,0.04111498901326928,0.845,0.0,165.78,2021-12-27,minneapolis/st. paul smm food,0,91.50670392438214,85.75072244988117,0.0,0.0,0.0,0.0,5.061616308664275,0.694365165836702,0.0,91.50670392438215 +0.0,0.0,0.852,0.0,0.013193351595599392,0.768,0.925,113.36000000000001,2021-12-27,mobile/pensacola smm food,0,71.9387613046947,67.46643487620449,0.0,0.0,0.8928371348373048,0.0,1.6242174740865314,0.6310916536835351,1.3241801658828338,71.9387613046947 +0.514,0.9899999999999999,0.0,0.0,0.03582574713047975,0.0,0.6910000000000001,135.43,2021-12-27,nashville smm food,0,103.4747289350548,95.47216793873541,0.9930762782182734,1.6098221742504932,0.0,0.0,4.410464171283008,0.0,0.9891983725676088,103.4747289350548 +0.0,0.0,0.0,0.587,0.017204401199028534,0.775,0.0,101.04,2021-12-27,new orleans smm food,0,63.53855628547774,59.54961731628727,0.0,0.0,0.0,1.2340822640206326,2.1180129140178425,0.6368437911520048,0.0,63.538556285477746 +0.0,0.0,0.0,0.6950000000000001,0.19608734923490537,0.531,0.603,367.94,2021-12-27,new york smm food,0,317.06254034952303,290.1617655847399,0.0,0.0,0.0,1.4611365817620778,24.140075155798364,0.43634071367963173,0.8632223135430797,317.06254034952303 +0.0,0.0,0.5630000000000001,0.9910000000000001,0.020642425695047185,0.0,0.0,160.96,2021-12-27,norfolk/portsmouth/newport news smm food,0,107.52462188102893,102.30993924858487,0.0,0.0,0.5899851020110359,2.08343360075715,2.54126392967588,0.0,0.0,107.52462188102893 +0.614,0.783,0.966,0.0,0.018440934863564736,0.777,0.519,87.59,2021-12-27,oklahoma city smm food,0,60.73275091872951,53.609244119971564,1.1862817798171592,1.273222992361754,1.012301258512719,0.0,2.2702410700465085,0.638487259000139,0.7429724390196656,60.73275091872951 +0.0,0.0,0.0,0.618,0.0110258151783854,0.0,0.0,63.239999999999995,2021-12-27,omaha smm food,0,63.532859813765576,60.87622985001895,0.0,0.0,0.0,1.299255262631603,1.3573747011150183,0.0,0.0,63.532859813765576 +0.587,0.0,0.717,0.52,0.040831360668914345,0.0,0.786,150.2,2021-12-27,orlando/daytona beach/melborne smm food,0,141.7459838386437,132.61538216686213,1.1341162943854601,0.0,0.7513664620637882,1.0932244928291805,5.026699168034053,0.0,1.125195254469089,141.7459838386437 +0.833,0.619,0.0,0.772,0.008431395698595214,0.0,0.522,54.84,2021-12-27,paducah ky/cape girardeau mo smm food,0,61.583469192424936,55.55925813283435,1.6094018283187193,1.0065453796576318,0.0,1.6230179008925527,1.037978873326176,0.0,0.7472670773955019,61.583469192424936 +0.961,0.0,0.0,0.0,0.0941273056732949,0.508,0.733,228.75,2021-12-27,philadelphia smm food,0,214.64911481027096,199.7377476378349,1.8567048703652933,0.0,0.0,0.0,11.58789815881536,0.41744083342608834,1.0493233098293158,214.64911481027096 +0.0,0.0,0.0,0.0,0.053449776965714124,0.0,0.578,122.79999999999998,2021-12-27,phoenix/prescott smm food,0,124.39053183638619,116.98296111946722,0.0,0.0,0.0,0.0,6.58013705650786,0.0,0.8274336604111112,124.39053183638619 +0.533,0.673,0.9339999999999999,0.0,0.023661160289997006,0.0,0.0,160.97,2021-12-27,pittsburgh smm food,0,110.56803567906455,104.55223234884438,1.0297853235220618,1.094353861889477,0.9787674694108481,0.0,2.912896675397781,0.0,0.0,110.56803567906455 +0.0,0.0,0.636,0.751,0.034643188851621126,0.0,0.0,108.17,2021-12-27,portland or smm food,0,93.4065428472168,86.8963094792362,0.0,0.0,0.6664840583996783,1.578868450220605,4.264880859360318,0.0,0.0,93.4065428472168 +0.672,0.0,0.0,0.6880000000000001,0.018554293338259954,0.0,0.0,75.26,2021-12-27,providence ri/new bedford ma smm food,0,88.27726392079632,83.24830635780522,1.2983409707445133,0.0,0.0,1.446420098204762,2.284196494041817,0.0,0.0,88.27726392079632 +0.8130000000000001,0.9560000000000002,0.587,0.595,0.03541721330554944,0.746,0.0,194.89,2021-12-27,raleigh/durham/fayetteville smm food,0,135.29468897857092,125.33017277610136,1.5707607279989422,1.5545353521045173,0.6151354438374388,1.2509011023718508,4.360170068802746,0.6130135073540588,0.0,135.29468897857092 +0.9770000000000001,0.56,0.63,0.7000000000000001,0.14873247002561085,0.782,0.0,429.21,2021-12-27,rem us east north central smm food,0,330.33661124418074,306.4536727021249,1.8876177506211151,0.9106064824043196,0.6601964729430775,1.4716483557315894,18.31027355173531,0.6425959286204745,0.0,330.3366112441808 +0.0,0.0,0.0,0.604,0.05140625265098222,0.673,0.581,214.1,2021-12-27,rem us middle atlantic smm food,0,139.78316204959387,130.80002326169728,0.0,0.0,0.0,1.2698222955169711,6.328561262695517,0.5530269308971604,0.8317282987869474,139.78316204959387 +0.93,1.0,0.0,0.0,0.09749956396901426,0.773,0.5630000000000001,248.06,2021-12-27,rem us mountain smm food,0,190.82461926957507,173.95751153106124,1.7968111648696388,1.6260830042934278,0.0,0.0,12.003052777514947,0.6352003233038707,0.8059604685319303,190.82461926957507 +0.0,0.0,0.624,0.0,0.02945056482835587,0.0,0.732,154.08,2021-12-27,rem us new england smm food,0,153.54905449343892,148.221630613054,0.0,0.0,0.6539088874864768,0.0,3.625623229194374,0.0,1.047891763704037,153.5490544934389 +0.0,0.0,0.5680000000000001,0.0,0.08763882690813515,0.0,0.794,157.91,2021-12-27,rem us pacific smm food,0,117.63462600895338,105.11364420201244,0.0,0.0,0.5952247565582033,0.0,10.789109426911406,0.0,1.136647623471319,117.63462600895336 +0.728,0.0,0.0,0.0,0.16857247401637926,0.975,0.0,362.75,2021-12-27,rem us south atlantic smm food,0,306.64070930542414,283.6802303568146,1.406536051639889,0.0,0.0,0.0,20.752752321004294,0.8011905759654254,0.0,306.6407093054242 +0.0,0.887,0.974,0.64,0.26055535317571205,0.0,0.9540000000000001,459.85,2021-12-27,rem us south central smm food,0,436.682204502396,399.4313293612464,0.0,1.4423356248082704,1.0206847057881865,1.345507068097453,32.076652738939806,0.0,1.3656950035159172,436.6822045023961 +0.0,0.0,0.9400000000000001,0.0,0.08811814709781118,0.614,0.0,182.34,2021-12-27,rem us west north central smm food,0,138.29224611946415,125.95452848252805,0.0,0.0,0.985055054867449,0.0,10.848117952691462,0.5045446293772012,0.0,138.29224611946415 +0.0,0.901,0.746,0.0,0.017237920051506858,0.5740000000000001,0.6900000000000001,102.29,2021-12-27,richmond/petersburg smm food,0,91.89653256142535,86.06809383806947,0.0,1.4651007868683785,0.7817564584373584,0.0,2.122139379193286,0.4716752724145172,0.98776682644233,91.89653256142535 +0.0,0.0,0.98,0.0,0.03725788108696071,0.0,0.79,51.79,2021-12-27,sacramento/stockton/modesto smm food,0,78.33174781962174,71.58708164797008,0.0,0.0,1.0269722912447872,0.0,4.58677244143666,0.0,1.130921438970204,78.33174781962174 +0.8270000000000001,0.851,0.0,0.955,0.036654308756923444,0.8270000000000001,0.56,99.51,2021-12-27,salt lake city smm food,0,94.70787120628992,83.72480907215119,1.5978094982227864,1.3837966366537071,0.0,2.007748828176668,4.5124673857259765,0.6795739552034943,0.801665830156094,94.70787120628992 +0.806,0.0,0.56,0.0,0.027153086014693958,0.558,0.0,89.13,2021-12-27,san diego smm food,0,84.65970153829926,78.71431295071628,1.5572363428870202,0.0,0.5868413092827356,0.0,3.3427834057837758,0.4585275296294435,0.0,84.65970153829925 +0.0,0.0,0.0,0.0,0.05620933071068238,0.666,0.0,120.44,2021-12-27,san francisco/oakland/san jose smm food,0,96.34305020375606,88.87591304741949,0.0,0.0,0.0,0.0,6.919862362907894,0.5472747934286907,0.0,96.34305020375608 +0.839,0.5,0.8260000000000001,0.0,0.05566419586290113,0.769,0.0,126.03,2021-12-27,seattle/tacoma smm food,0,99.52904795975257,88.74475650580376,1.6209941584146523,0.8130415021467139,0.865590931192035,0.0,6.852751474587815,0.6319133876076022,0.0,99.52904795975257 +0.9520000000000001,0.0,0.0,0.844,0.027680996200526355,0.896,0.773,72.92,2021-12-27,st. louis smm food,0,96.56842988935472,87.70409353036166,1.8393163752213937,0.0,0.0,1.774387446053516,3.4077737869135594,0.7362735959641243,1.1065851548404655,96.56842988935472 +0.0,0.0,0.772,0.589,0.04130546399647173,0.901,0.5730000000000001,174.38,2021-12-27,tampa/ft. myers smm food,0,181.94821690408537,173.25520362076367,0.0,0.0,0.8090026620826283,1.238286973608437,5.085065452261491,0.7403822655844599,0.8202759297847176,181.9482169040854 +0.0,0.662,0.521,0.56,0.01001360422013047,0.0,0.0,87.15,2021-12-27,tucson/sierra vista smm food,0,67.35476692238132,63.32224664442017,0.0,1.0764669488422491,0.5459720038148308,1.1773186845852714,1.2327626407187882,0.0,0.0,67.3547669223813 +0.0,0.523,0.867,0.0,0.09202193769533551,0.5740000000000001,0.0,247.69000000000003,2021-12-27,washington dc/hagerstown smm food,0,186.58075783261293,173.02137618365978,0.0,0.8504414112454628,0.9085560984788067,0.0,11.328708866814345,0.4716752724145172,0.0,186.5807578326129 +0.0,0.9520000000000001,0.0,0.509,0.006684712933886288,0.0,0.627,61.72,2021-12-27,yakima/pasco/richland/kennewick smm food,0,57.855598279471565,53.51694236690935,0.0,1.5480310200873433,0.0,1.0700985900962556,0.8229468818288616,0.0,0.8975794205497695,57.85559827947158 +0.0,0.0,0.0,0.623,0.00262289179773152,0.0,0.996,68.29,2022-01-03,albany/schenectady/troy smm food,0,85.41535643844267,82.35686844083078,0.0,0.0,0.0,1.3097670366011143,0.3229010202331553,0.0,1.4258199407776242,85.41535643844267 +0.656,0.0,0.893,0.644,0.002354490904984985,0.0,0.0,60.650000000000006,2022-01-03,albuquerque/santa fe smm food,0,74.63913475425515,70.79212936171284,1.2674280904886914,0.0,0.9358023021240766,1.353916487273062,0.289858512656479,0.0,0.0,74.63913475425515 +0.0,0.0,0.8160000000000001,0.851,0.011990157581089391,0.655,0.8270000000000001,194.81,2022-01-03,atlanta smm food,0,171.0899644794985,165.2475308400832,0.0,0.0,0.8551116220977004,1.789103929610832,1.4760937218373076,0.5382357202639525,1.1838886456055173,171.0899644794985 +0.681,0.8250000000000001,0.0,0.0,0.005926419318222816,0.686,0.0,115.70999999999998,2022-01-03,baltimore smm food,0,109.23091288331577,105.28036119021601,1.3157294658884129,1.341518478542078,0.0,0.0,0.7295942767592235,0.5637094719100327,0.0,109.23091288331577 +0.0,0.0,0.0,0.895,0.0014884107914110963,0.0,0.0,47.16,2022-01-03,baton rouge smm food,0,52.69308588686344,50.62824190344196,0.0,0.0,0.0,1.8816075405425319,0.1832364428789435,0.0,0.0,52.693085886863436 +0.0,0.654,0.0,0.0,0.003145584973180709,0.706,0.741,72.94,2022-01-03,birmingham/anniston/tuscaloosa smm food,0,65.36714415914341,62.27551690355495,0.0,1.0634582848079017,0.0,0.0,0.3872491415576504,0.5801441503913747,1.0607756788315457,65.36714415914342 +0.711,0.0,0.0,0.75,0.012539572975474485,0.0,0.8200000000000001,186.74,2022-01-03,boston/manchester smm food,0,189.01234798372514,183.34429136615643,1.3736911163680785,0.0,0.0,1.5767660954267027,1.543731583045377,0.0,1.1738678227285662,189.01234798372514 +0.0,0.0,0.897,0.0,0.0020934711170989577,0.589,0.0,57.8,2022-01-03,buffalo smm food,0,65.64491329874578,63.96319330778341,0.0,0.0,0.9399940257618103,0.0,0.25772468392502507,0.48400128127552366,0.0,65.64491329874578 +0.0,0.0,0.61,0.0,0.006459920981338515,0.761,0.789,177.57,2022-01-03,charlotte smm food,0,130.29022554777828,127.1008852661048,0.0,0.0,0.6392378547544083,0.0,0.7952730178590796,0.6253395162150653,1.1294898928449253,130.29022554777828 +0.0,0.882,0.59,0.0,0.014425579940992006,0.812,0.0,220.44,2022-01-03,chicago smm food,0,181.61850369805603,177.12285569785104,0.0,1.4342052097868032,0.6182792365657392,0.0,1.7759156075099582,0.6672479463424876,0.0,181.61850369805603 +0.657,0.55,0.0,0.891,0.006087178892497239,0.0,0.0,130.82,2022-01-03,cleveland/akron/canton smm food,0,135.87736376196406,131.09107465023894,1.2693601455046803,0.8943456523613853,0.0,1.8731981213669229,0.7493851924921388,0.0,0.0,135.87736376196406 +0.0,0.81,0.0,0.767,0.005375062893416588,0.0,0.0,128.96,2022-01-03,columbus oh smm food,0,107.51208550770156,103.92073468964487,0.0,1.3171272334776767,0.0,1.6125061269230412,0.6617174576559677,0.0,0.0,107.51208550770156 +0.612,0.0,0.504,0.782,0.011741882369138442,0.0,0.76,93.8,2022-01-03,dallas/ft. worth smm food,0,111.16527739585558,105.27715718131851,1.1824176697851816,0.0,0.528157178354462,1.6440414488315753,1.4455288623540075,0.0,1.0879750552118417,111.16527739585558 +0.933,0.715,0.889,0.723,0.001503422579836805,0.791,0.9199999999999999,61.60000000000001,2022-01-03,des moines/ames smm food,0,69.97726563134468,62.408297363785806,1.8026073299176053,1.1626493480698008,0.9316105784863427,1.5200025159913413,0.18508452590027819,0.6499915339370785,1.31702243525644,69.9772656313447 +0.919,0.547,0.0,0.0,0.008509115353579556,0.0,0.549,136.84,2022-01-03,detroit smm food,0,164.82141468431826,160.32292305294044,1.7755585596937613,0.889467403348505,0.0,0.0,1.0475468455575574,0.0,0.7859188227780278,164.82141468431828 +0.0,0.0,0.0,0.918,0.003349466064150248,0.0,0.76,111.37,2022-01-03,grand rapids smm food,0,113.44585175939925,110.01556630860257,0.0,0.0,0.0,1.929961700802284,0.4123486947825492,0.0,1.0879750552118417,113.44585175939925 +0.677,0.762,0.0,0.6970000000000001,0.003788615857049548,0.0,0.0,97.26,2022-01-03,greensboro smm food,0,88.04807293417346,83.56924325587181,1.3080012458244574,1.239075249271592,0.0,1.4653412913498824,0.4664118918557202,0.0,0.0,88.04807293417346 +0.597,0.0,0.0,0.0,0.0039438167452229625,0.867,0.0,84.57,2022-01-03,harrisburg/lancaster smm food,0,87.37650633582254,85.02510769460987,1.1534368445453487,0.0,0.0,0.0,0.485518484501147,0.7124433121661783,0.0,87.37650633582254 +0.0,0.0,0.9540000000000001,0.59,0.005387539357574844,0.0,0.541,97.52,2022-01-03,hartford/new haven smm food,0,116.28856553082727,112.61073024106035,0.0,0.0,0.9997260875995174,1.2403893284023393,0.6632534199892548,0.0,0.7744664537757979,116.28856553082726 +0.654,0.0,0.715,0.0,0.010867027463679832,0.0,0.0,206.21,2022-01-03,houston smm food,0,170.99710310733178,167.64644198801398,1.2635639804567136,0.0,0.7492706002449212,0.0,1.3378265386161825,0.0,0.0,170.99710310733178 +0.581,0.0,0.682,0.0,0.005764479805022751,0.6960000000000001,0.809,85.44,2022-01-03,indianapolis smm food,0,93.29815354700864,89.02123497580452,1.1225239642895268,0.0,0.7146888802336173,0.0,0.7096581001797755,0.5719268111507038,1.1581208153505,93.29815354700864 +0.0,0.836,0.0,0.0,0.0030233309451027646,0.559,0.616,75.26,2022-01-03,jacksonville smm food,0,89.372675655161,86.29988999004563,0.0,1.3594053915893056,0.0,0.0,0.37219859680085826,0.45934926355351063,0.8818324131717034,89.372675655161 +0.0,0.917,0.9510000000000001,0.803,0.0031899333792508645,0.546,0.0,96.38,2022-01-03,kansas city smm food,0,85.51096736337239,80.49370051161102,0.0,1.4911181149370734,0.9965822948712171,1.688190899503523,0.39270881990890855,0.4486667225406383,0.0,85.51096736337239 +0.0,0.0,0.0,0.0,0.002463205906102524,0.0,0.836,98.64,2022-01-03,knoxville smm food,0,70.90303323144573,69.4030183864474,0.0,0.0,0.0,0.0,0.30324228426530514,0.0,1.196772560733026,70.90303323144573 +0.877,0.0,0.88,0.719,0.0032107843209358243,0.751,0.544,69.68,2022-01-03,las vegas smm food,0,78.99532803617632,73.0759844669223,1.694412249022229,0.0,0.9221792003014416,1.5115930968157323,0.395275753988583,0.6171221769743943,0.7787610921516341,78.99532803617632 +0.0,0.0,0.617,0.0,0.0025668156636171817,0.524,0.0,63.11999999999999,2022-01-03,little rock/pine bluff smm food,0,59.09673065886517,57.70357115599228,0.0,0.0,0.6465733711204426,0.0,0.3159975555412792,0.430588576211162,0.0,59.09673065886516 +0.765,0.0,0.605,0.0,0.02602428691469345,0.736,0.0,209.99,2022-01-03,los angeles smm food,0,159.8972109712442,153.9765761946837,1.4780220872314769,0.0,0.6339982002072411,0.0,3.203818321008387,0.6047961681133878,0.0,159.8972109712442 +0.0,0.0,0.0,0.861,0.0014279472613543962,0.903,0.0,46.48,2022-01-03,madison wi smm food,0,55.14713134036095,52.419185278171575,0.0,0.0,0.0,1.8101274775498546,0.1757928512069225,0.742025733432594,0.0,55.14713134036094 +0.538,0.948,0.6980000000000001,0.673,0.007693828213024671,0.644,0.0,183.69,2022-01-03,miami/west palm beach smm food,0,190.32550165786836,184.12181433608328,1.0394455986020061,1.5415266880701695,0.7314557747845526,1.414884776296228,0.9471778369328672,0.5291966470992143,0.0,190.3255016578683 +0.803,0.9199999999999999,0.995,0.0,0.003654905919318668,0.0,0.9350000000000002,67.99,2022-01-03,milwaukee smm food,0,74.03174692782656,68.15317248002567,1.5514401778390536,1.4959963639499534,1.042691254886289,0.0,0.44995102398997217,0.0,1.3384956271356214,74.03174692782656 +0.0,0.989,0.0,0.0,0.0051207866727097815,0.0,0.509,136.5,2022-01-03,minneapolis/st. paul smm food,0,88.71798934017518,85.75072244988117,0.0,1.6081960912462,0.0,0.0,0.630413821280929,0.0,0.7286569777668782,88.71798934017518 +0.0,0.0,0.0,0.0,0.002271274940042735,0.0,0.517,70.45,2022-01-03,mobile/pensacola smm food,0,68.48615811936234,67.46643487620449,0.0,0.0,0.0,0.0,0.27961389638874784,0.0,0.7401093467691081,68.48615811936234 +0.652,0.578,0.0,0.0,0.006040988299057311,0.0,0.0,151.42,2022-01-03,nashville smm food,0,98.41544251033532,95.47216793873541,1.259699870424736,0.9398759764816011,0.0,0.0,0.743698724693571,0.0,0.0,98.41544251033532 +0.0,0.0,0.538,0.736,0.0029939424348563526,0.9460000000000001,0.0,47.17,2022-01-03,new orleans smm food,0,62.806678179077835,59.54961731628727,0.0,0.0,0.5637868292751995,1.5473331283120708,0.3685806130357993,0.7773602921674795,0.0,62.806678179077814 +0.0,0.0,0.0,0.727,0.034910904885575536,0.773,0.9269999999999999,305.47,2022-01-03,new york smm food,0,297.95026015614786,290.1617655847399,0.0,0.0,0.0,1.5284119351669503,4.297839054803766,0.6352003233038707,1.327043258133391,297.95026015614786 +0.986,0.0,0.798,0.0,0.003768167700798892,0.0,0.0,107.86,2022-01-03,norfolk/portsmouth/newport news smm food,0,105.51508890427893,102.30993924858487,1.9050062457650148,0.0,0.8362488657278982,0.0,0.463894544201145,0.0,0.0,105.51508890427893 +0.996,0.0,0.0,0.626,0.002497270928216534,0.875,0.0,39.53,2022-01-03,oklahoma city smm food,0,57.87609818815855,53.609244119971564,1.9243267959249033,0.0,0.0,1.3160741009828212,0.3074359877205495,0.7190171835587151,0.0,57.87609818815855 +0.667,0.0,0.905,0.0,0.0016576399796491598,0.52,0.78,46.98,2022-01-03,omaha smm food,0,64.86126567944245,60.87622985001895,1.2886806956645689,0.0,0.948377473037278,0.0,0.20407004248932772,0.42730164051489355,1.1166059777174167,64.86126567944244 +0.687,0.0,0.0,0.0,0.0063964242051431225,0.842,0.933,157.79,2022-01-03,orlando/daytona beach/melborne smm food,0,136.75769246873887,132.61538216686213,1.327321795984346,0.0,0.0,0.0,0.78745600694283,0.6918999640645007,1.3356325348850637,136.75769246873887 +0.9619999999999999,0.675,0.0,0.0,0.001504383828511307,0.93,0.0,75.86,2022-01-03,paducah ky/cape girardeau mo smm food,0,59.46491649955198,55.55925813283435,1.8586369253812818,1.0976060278980637,0.0,0.0,0.185202864055883,0.7642125493824058,0.0,59.46491649955199 +0.981,0.0,0.0,0.682,0.015114587670202203,0.0,0.766,242.24,2022-01-03,philadelphia smm food,0,206.02420242126288,199.7377476378349,1.8953459706850704,0.0,0.0,1.4338059694413483,1.860738511338062,0.0,1.096564331963514,206.02420242126288 +0.556,0.634,0.0,0.895,0.007951886415984242,0.5700000000000001,0.0,155.52,2022-01-03,phoenix/prescott smm food,0,122.41706327888464,116.98296111946722,1.0742225888898056,1.0309366247220333,0.0,1.8816075405425319,0.9789470685448033,0.46838833671824875,0.0,122.41706327888464 +0.0,0.0,0.803,0.0,0.003687079332537224,0.0,0.502,83.45,2022-01-03,pittsburgh smm food,0,106.56626887778334,104.55223234884438,0.0,0.0,0.8414885202750655,0.0,0.4539118537739685,0.0,0.718636154889927,106.56626887778334 +0.0,0.6950000000000001,0.0,0.718,0.004494026590633382,0.651,0.594,80.77,2022-01-03,portland or smm food,0,91.47446924183424,86.8963094792362,0.0,1.1301276879839324,0.0,1.50949074202183,0.5532541496090284,0.534948784567684,0.850338398415571,91.47446924183424 +0.0,0.0,0.0,0.0,0.003520546088525078,0.0,0.0,100.98,2022-01-03,providence ri/new bedford ma smm food,0,83.68171650638465,83.24830635780522,0.0,0.0,0.0,0.0,0.43341014857943216,0.0,0.0,83.68171650638465 +0.0,0.751,0.0,0.9590000000000001,0.006352366150536345,0.966,0.0,178.85,2022-01-03,raleigh/durham/fayetteville smm food,0,130.14334640373406,125.33017277610136,0.0,1.2211883362243643,0.0,2.016158247352277,0.7820320734072108,0.7937949706488214,0.0,130.14334640373403 +0.553,0.551,0.0,0.0,0.02701975999572995,0.0,0.51,305.03,2022-01-03,rem us east north central smm food,0,312.47452918691516,306.4536727021249,1.068426423841839,0.8959717353656788,0.0,0.0,3.326369801690638,0.0,0.730088523892157,312.4745291869152 +0.965,0.0,0.0,0.836,0.008869148697091874,0.755,0.0,113.45000000000002,2022-01-03,rem us middle atlantic smm food,0,136.1343041852382,130.80002326169728,1.8644330904292485,0.0,0.0,1.7575686077022978,1.0918701127387,0.6204091126706628,0.0,136.1343041852382 +0.8180000000000001,0.749,0.624,0.794,0.015232713765347612,0.674,0.0,169.31,2022-01-03,rem us mountain smm food,0,181.50817683431242,173.95751153106124,1.5804210030788866,1.2179361702157774,0.6539088874864768,1.6692697063584025,1.8752808712903863,0.5538486648212274,0.0,181.5081768343124 +0.545,0.5690000000000001,0.8280000000000001,0.627,0.005334505118366192,0.0,0.0,159.12,2022-01-03,rem us new england smm food,0,153.04242951427932,148.221630613054,1.0529699837139281,0.9252412294429605,0.8676867930109019,1.3181764557767235,0.6567244392807963,0.0,0.0,153.04242951427932 +0.0,0.0,0.845,0.0,0.013117717102738144,0.979,0.0,98.55,2022-01-03,rem us pacific smm food,0,108.41852953577433,105.11364420201244,0.0,0.0,0.8855016184712706,0.0,1.6149062036289257,0.8044775116616938,0.0,108.41852953577433 +0.661,0.96,0.8310000000000001,0.9430000000000001,0.0297619541209181,0.638,0.0,348.34,2022-01-03,rem us south atlantic smm food,0,293.5599337928546,283.6802303568146,1.2770883655686358,1.5610396841216907,0.8708305857392022,1.982520570649841,3.6639579864058556,0.5242662435548118,0.0,293.5599337928546 +0.593,0.0,0.76,0.9829999999999999,0.0433394779787522,0.788,0.871,409.89,2022-01-03,rem us south central smm food,0,410.6699536871945,399.4313293612464,1.1457086244813932,0.0,0.7964274911694268,2.0666147624059312,5.335470440608668,0.6475263321648772,1.2468766751177818,410.6699536871945 +0.0,0.786,0.555,0.0,0.01375296903846474,0.582,0.0,101.1,2022-01-03,rem us west north central smm food,0,129.98559181952436,125.95452848252805,0.0,1.2781012413746342,0.5816016547355684,0.0,1.6931112970790678,0.4782491438070539,0.0,129.98559181952436 +0.0,0.0,0.9430000000000001,0.535,0.0031125405055720196,0.0,0.0,127.06999999999998,2022-01-03,richmond/petersburg smm food,0,88.56423357772968,86.06809383806947,0.0,0.0,0.9881988475957494,1.1247598147377147,0.3831810773267371,0.0,0.0,88.56423357772968 +0.0,0.0,0.912,0.0,0.005009400438129165,0.543,0.0,45.88,2022-01-03,sacramento/stockton/modesto smm food,0,73.60569735551007,71.58708164797008,0.0,0.0,0.9557129894033122,0.0,0.6167011973682242,0.44620152076843694,0.0,73.60569735551006 +0.657,0.0,0.0,0.972,0.004754865989950672,0.58,0.507,55.47,2022-01-03,salt lake city smm food,0,88.82542340972722,83.72480907215119,1.2693601455046803,0.0,0.0,2.0434888596730065,0.5853657709231066,0.47660567595891973,0.7257938855163207,88.82542340972722 +0.784,0.77,0.77,0.0,0.004501176649861331,0.0,0.0,73.86,2022-01-03,san diego smm food,0,82.84216918152856,78.71431295071628,1.5147311325352653,1.2520839133059394,0.8069068002637614,0.0,0.5541343847073382,0.0,0.0,82.84216918152858 +0.0,0.627,0.0,0.71,0.0070551390101869366,0.0,0.834,135.93,2022-01-03,san francisco/oakland/san jose smm food,0,93.45059804897235,88.87591304741949,0.0,1.0195540436919792,0.0,1.4926719036706118,0.8685495857077988,0.0,1.1939094684824685,93.45059804897235 +0.0,0.0,0.801,0.524,0.007070645013869459,0.0,0.0,48.96,2022-01-03,seattle/tacoma smm food,0,91.55624158723327,88.74475650580376,0.0,0.0,0.8393926584561986,1.1016339120047896,0.870458510968519,0.0,0.0,91.55624158723327 +0.0,0.0,0.0,0.658,0.004252536954158482,0.72,0.0,67.16,2022-01-03,st. louis smm food,0,90.20261606415016,87.70409353036166,0.0,0.0,0.0,1.3833494543876939,0.5235246540724912,0.5916484253283142,0.0,90.20261606415016 +0.536,0.9770000000000001,0.0,0.529,0.006569771442008584,0.0,0.63,212.1,2022-01-03,tampa/ft. myers smm food,0,178.70228452394116,173.25520362076367,1.0355814885700283,1.588683095194679,0.0,1.112145685974301,0.8087965745128939,0.0,0.9018740589256057,178.7022845239412 +0.0,0.0,0.8240000000000001,0.0,0.0015333423714842915,0.0,0.0,78.9,2022-01-03,tucson/sierra vista smm food,0,64.37450962886601,63.32224664442017,0.0,0.0,0.8634950693731681,0.0,0.18876791507267657,0.0,0.0,64.37450962886601 +0.0,0.941,0.9059999999999999,0.849,0.011128600772653489,0.753,0.0,196.58,2022-01-03,washington dc/hagerstown smm food,0,179.2746390701479,173.02137618365978,0.0,1.5301441070401154,0.9494254039467114,1.7848992200230274,1.3700285106557482,0.6187656448225286,0.0,179.2746390701479 +0.0,0.536,0.588,0.0,0.0009729739314700706,0.0,0.9390000000000001,42.11,2022-01-03,yakima/pasco/richland/kennewick smm food,0,56.46870968132846,53.51694236690935,0.0,0.8715804903012774,0.6161833747468723,0.0,0.11978163773422608,0.0,1.3442218116367362,56.46870968132846 +0.534,0.0,0.5730000000000001,0.0,0.0001098418119030746,0.581,0.627,49.3,2022-01-10,albany/schenectady/troy smm food,0,85.37757955282159,82.35686844083078,1.0317173785380507,0.0,0.6004644111053705,0.0,0.013522491914625161,0.4774274098829868,0.8975794205497695,85.37757955282159 +0.0,0.929,0.0,0.6,0.0001229792889673183,0.0,0.9390000000000001,71.2,2022-01-10,albuquerque/santa fe smm food,0,74.92353499142263,70.79212936171284,0.0,1.5106311109885946,0.0,1.2614128763413621,0.01513983074309032,0.0,1.3442218116367362,74.92353499142263 +0.865,0.849,0.877,0.0,0.0003664037781726439,0.0,0.0,188.79,2022-01-10,atlanta smm food,0,169.26344583077864,165.2475308400832,1.6712275888303627,1.3805444706451202,0.9190354075731412,0.0,0.04510752364682179,0.0,0.0,169.26344583077864 +0.0,0.8260000000000001,0.783,0.971,0.00017094535071734824,0.522,0.76,131.58,2022-01-10,baltimore smm food,0,111.02338719658941,105.28036119021601,0.0,1.3431445615463715,0.8205299020863963,2.0413865048791044,0.021044874286650396,0.4289451083630278,1.0879750552118417,111.02338719658941 +0.96,0.88,0.0,0.723,6.476567386726134e-05,0.685,0.585,58.34,2022-01-10,baton rouge smm food,0,56.84228572320072,50.62824190344196,1.8547728153493044,1.4309530437782165,0.0,1.5200025159913413,0.007973223365871817,0.5628877379859656,0.8374544832880624,56.842285723200725 +0.0,0.0,0.0,0.779,0.00017130242124039597,0.674,0.0,75.7,2022-01-10,birmingham/anniston/tuscaloosa smm food,0,64.48818878563065,62.27551690355495,0.0,0.0,0.0,1.6377343844498686,0.02108883280460642,0.5538486648212274,0.0,64.48818878563065 +0.904,0.941,0.523,0.0,0.0003604114181837807,0.0,0.546,198.76,2022-01-10,boston/manchester smm food,0,187.99507506918064,183.34429136615643,1.7465777344539284,1.5301441070401154,0.5480678656336977,0.0,0.04436981149427255,0.0,0.7816241844021916,187.99507506918064 +0.0,0.0,0.0,0.715,0.00014886875519549118,0.6980000000000001,0.0,95.71,2022-01-10,buffalo smm food,0,66.05827431587568,63.96319330778341,0.0,0.0,0.0,1.503183677640123,0.01832705145329994,0.573570278998838,0.0,66.05827431587568 +0.591,0.0,0.0,0.504,0.00023431363094596953,0.0,0.0,136.06,2022-01-10,charlotte smm food,0,129.3311626629016,127.1008852661048,1.1418445144494154,0.0,0.0,1.059586816126744,0.0288460662206597,0.0,0.0,129.33116266290162 +0.765,0.0,0.5710000000000001,0.641,0.0005438418818263789,0.0,0.741,205.41,2022-01-10,chicago smm food,0,181.67458314894532,177.12285569785104,1.4780220872314769,0.0,0.5983685492865036,1.3476094228913553,0.06695171285339924,0.0,1.0607756788315457,181.67458314894532 +0.81,0.545,0.0,0.0,0.0004053689445579588,0.9980000000000001,0.73,157.75,2022-01-10,cleveland/akron/canton smm food,0,135.45727805610784,131.09107465023894,1.5649645629509756,0.8862152373399182,0.0,0.0,0.04990447790557337,0.8200904562189689,1.0450286714534796,135.45727805610784 +0.503,0.9140000000000001,0.5660000000000001,0.892,0.00021279796974059574,0.0,0.0,114.97999999999999,2022-01-10,columbus oh smm food,0,108.87342489884064,103.92073468964487,0.9718236730423959,1.4862398659241933,0.5931288947393364,1.875300476160825,0.02619729932901179,0.0,0.0,108.87342489884064 +0.0,0.559,0.0,0.8220000000000001,0.0003549367486764297,0.839,0.0,124.82,2022-01-10,dallas/ft. worth smm food,0,108.647403815186,105.27715718131851,0.0,0.9089803994000262,0.0,1.7281356405876662,0.04369583158747963,0.6894347622922994,0.0,108.64740381518598 +0.0,0.621,0.0,0.948,0.00010038623850209116,0.0,0.0,34.14,2022-01-10,des moines/ames smm food,0,65.42348568184096,62.408297363785806,0.0,1.0097975456662187,0.0,1.993032344619352,0.012358427769582007,0.0,0.0,65.42348568184096 +0.0,0.555,0.0,0.0,0.0003536073096356015,0.805,0.859,126.16,2022-01-10,detroit smm food,0,163.16012521677527,160.32292305294044,0.0,0.9024760673828525,0.0,0.0,0.04353216596353262,0.6614958088740179,1.229698121614437,163.16012521677527 +0.5630000000000001,0.0,0.9140000000000001,0.0,0.0001574236212909321,0.888,0.0,140.99,2022-01-10,grand rapids smm food,0,112.81020208901514,110.01556630860257,1.0877469740017276,0.0,0.9578088512221793,0.0,0.01938023061706301,0.7296997245715875,0.0,112.81020208901514 +0.737,0.9590000000000001,0.0,0.6880000000000001,0.00016301443138363433,0.753,0.0,101.92,2022-01-10,greensboro smm food,0,88.6378356552504,83.56924325587181,1.4239245467837889,1.5594136011173974,0.0,1.446420098204762,0.020068508450111527,0.6187656448225286,0.0,88.6378356552504 +0.5680000000000001,0.0,0.9770000000000001,0.0,0.00016762669526784588,0.685,0.5710000000000001,92.04,2022-01-10,harrisburg/lancaster smm food,0,88.54728033637733,85.02510769460987,1.097407249081672,0.0,1.023828498516487,0.0,0.020636318649176737,0.5628877379859656,0.8174128375341602,88.54728033637733 +0.848,0.0,0.604,0.0,0.0002061569522271649,0.54,0.93,129.35,2022-01-10,hartford/new haven smm food,0,116.68251711115944,112.61073024106035,1.6383826535585522,0.0,0.6329502692978076,0.0,0.025379731737269078,0.44373631899623567,1.3313378965092275,116.68251711115944 +0.0,0.0,0.9700000000000001,0.559,0.0003151178254349695,0.0,0.0,205.55,2022-01-10,houston smm food,0,169.87694507231598,167.64644198801398,0.0,0.0,1.0164929821504527,1.1752163297913691,0.03879377236018958,0.0,0.0,169.87694507231598 +0.897,0.737,0.0,0.0,0.00027491835644576307,0.0,0.871,101.55,2022-01-10,indianapolis smm food,0,93.23343303903714,89.02123497580452,1.7330533493420064,1.1984231741642564,0.0,0.0,0.0338448646085727,0.0,1.2468766751177818,93.23343303903714 +0.0,0.0,0.0,0.523,0.00014287145305405988,0.888,0.623,111.68,2022-01-10,jacksonville smm food,0,89.0385632387551,86.29988999004563,0.0,0.0,0.0,1.0995315572108875,0.017588730878356846,0.7296997245715875,0.8918532360486545,89.03856323875512 +0.0,0.642,0.0,0.0,0.0001704659619182392,0.55,0.0,94.07,2022-01-10,kansas city smm food,0,82.01058531591876,80.49370051161102,0.0,1.0439452887563807,0.0,0.0,0.02098585731444646,0.4519536582369067,0.0,82.01058531591876 +0.9500000000000001,0.0,0.0,0.0,0.00017675608659933244,0.0,0.0,34.06,2022-01-10,knoxville smm food,0,71.26023087855305,69.4030183864474,1.8354522651894158,0.0,0.0,0.0,0.021760226916225457,0.0,0.0,71.26023087855305 +0.0,0.0,0.9570000000000001,0.529,0.00010646014400832853,0.766,0.672,84.37,2022-01-10,las vegas smm food,0,76.79555339413875,73.0759844669223,0.0,0.0,1.0028698803278178,1.112145685974301,0.013106178891629851,0.6294481858354009,0.9619989961873128,76.79555339413876 +0.5750000000000001,0.753,0.749,0.9430000000000001,0.00014038431477414616,0.0,0.0,58.95000000000001,2022-01-10,little rock/pine bluff smm food,0,62.82364665654298,57.70357115599228,1.110931634193594,1.2244405022329512,0.7849002511656588,1.982520570649841,0.0172825423086493,0.0,0.0,62.82364665654298 +0.0,0.0,0.612,0.0,0.0006543595330931459,0.919,0.0,179.13,2022-01-10,los angeles smm food,0,155.45364079400503,153.9765761946837,0.0,0.0,0.6413337165732753,0.0,0.08055740653038407,0.7551734762176677,0.0,155.45364079400503 +0.0,0.0,0.0,0.577,7.07580338561245e-05,0.0,0.8,57.00999999999999,2022-01-10,madison wi smm food,0,54.786191829994586,52.419185278171575,0.0,0.0,0.0,1.2130587160816098,0.008710935518421054,0.0,1.1452369002229914,54.7861918299946 +0.744,0.5690000000000001,0.549,0.0,0.00014653853025961572,0.0,0.523,196.68,2022-01-10,miami/west palm beach smm food,0,187.8265573705163,184.12181433608328,1.4374489318957109,0.9252412294429605,0.5753140692789676,0.0,0.018040180294597287,0.0,0.7486986235207806,187.8265573705163 +0.0,0.912,0.883,0.6980000000000001,0.00019217436707377026,0.0,0.0,65.9,2022-01-10,milwaukee smm food,0,72.05258517179426,68.15317248002567,0.0,1.4829876999156062,0.925322993029742,1.4674436461437848,0.023658352679454715,0.0,0.0,72.05258517179426 +0.0,0.527,0.507,0.85,0.00020657332858103027,0.532,0.0,79.92,2022-01-10,minneapolis/st. paul smm food,0,89.38856417797115,85.75072244988117,0.0,0.8569457432626365,0.5313009710827624,1.7870015748169297,0.02543099132395137,0.4371624476036988,0.0,89.38856417797115 +0.515,0.9540000000000001,0.791,0.0,0.0001302516664713283,0.856,0.9770000000000001,69.63,2022-01-10,mobile/pensacola smm food,0,72.95969967259096,67.46643487620449,0.9950083332342623,1.5512831860959302,0.828913349361864,0.0,0.016035124295648007,0.7034042390014401,1.3986205643973282,72.95969967259096 +0.925,0.5630000000000001,0.855,0.0,0.0002605082750952247,0.948,0.0,130.93,2022-01-10,nashville smm food,0,99.88185910453721,95.47216793873541,1.7871508897896944,0.9154847314171999,0.8959809275656052,0.0,0.03207085701368987,0.7790037600156136,0.0,99.88185910453721 +0.0,0.54,0.528,0.804,0.00012658706034205652,0.0,0.763,32.59,2022-01-10,new orleans smm food,0,63.77915658576231,59.54961731628727,0.0,0.8780848223184511,0.5533075201808649,1.6902932542974254,0.015583979090604496,0.0,1.092269693587678,63.779156585762294 +0.671,0.0,0.0,0.6960000000000001,0.0009799300112097202,0.0,0.0,400.57,2022-01-10,new york smm food,0,293.04205142927793,290.1617655847399,1.2964089157285243,0.0,0.0,1.4632389365559801,0.12063799225357708,0.0,0.0,293.042051429278 +0.511,0.0,0.5700000000000001,0.596,0.00012843913201696495,0.0,0.0,108.84,2022-01-10,norfolk/portsmouth/newport news smm food,0,105.1633554226807,102.30993924858487,0.9872801131703068,0.0,0.5973206183770702,1.253003457165753,0.015811985382701673,0.0,0.0,105.1633554226807 +0.579,0.0,0.526,0.0,0.0001641671884701517,0.932,0.0,33.42,2022-01-10,oklahoma city smm food,0,56.06518207279514,53.609244119971564,1.1186598542575492,0.0,0.551211658361998,0.0,0.02021042297347821,0.7658560172305401,0.0,56.06518207279513 +0.528,0.0,0.546,0.0,8.75910055031908e-05,0.8150000000000001,0.672,68.06,2022-01-10,omaha smm food,0,64.11102054150564,60.87622985001895,1.0201250484421174,0.0,0.5721702765506672,0.0,0.010783222191891314,0.669713148114689,0.9619989961873128,64.11102054150562 +0.0,0.0,0.0,0.53,0.00034903705404821904,0.0,0.0,123.54999999999998,2022-01-10,orlando/daytona beach/melborne smm food,0,133.77259973498514,132.61538216686213,0.0,0.0,0.0,1.1142480407682032,0.04296952735481518,0.0,0.0,133.77259973498516 +0.0,0.757,0.858,0.0,0.00013014664572925542,0.0,0.929,86.72,2022-01-10,paducah ky/cape girardeau mo smm food,0,59.0352562330821,55.55925813283435,0.0,1.2309448342501248,0.8991247202939056,0.0,0.016022195319778585,0.0,1.3299063503839488,59.03525623308211 +0.615,0.0,0.0,0.552,0.0005367795458065146,0.0,0.0,203.31,2022-01-10,philadelphia smm food,0,202.1525435961547,199.7377476378349,1.1882138348331481,0.0,0.0,1.1604998462340532,0.06608227725258038,0.0,0.0,202.1525435961547 +0.665,0.79,0.0,0.0,0.00027747221378534665,0.9619999999999999,0.866,174.82,2022-01-10,phoenix/prescott smm food,0,121.61676952481616,116.98296111946722,1.284816585632591,1.284605573391808,0.0,0.0,0.0341592668805973,0.790508034952553,1.239718944491388,121.61676952481616 +0.735,0.0,0.0,0.0,0.0002813641589327526,0.0,0.578,93.77,2022-01-10,pittsburgh smm food,0,106.83436484552307,104.55223234884438,1.4200604367518113,0.0,0.0,0.0,0.03463839951575814,0.0,0.8274336604111112,106.83436484552307 +0.0,0.666,0.0,0.708,0.00016290941064156145,0.834,0.0,105.47,2022-01-10,portland or smm food,0,90.17312962632462,86.8963094792362,0.0,1.082971280859423,0.0,1.4884671940828071,0.020055579474242104,0.6853260926719639,0.0,90.17312962632462 +0.0,0.0,0.788,0.0,0.0001295684138787837,0.742,0.0,85.83,2022-01-10,providence ri/new bedford ma smm food,0,84.69975349599626,83.24830635780522,0.0,0.0,0.8257695566335637,0.0,0.015951009899697548,0.6097265716577904,0.0,84.69975349599628 +0.9390000000000001,0.6910000000000001,0.0,0.0,0.00019890681440971154,0.0,0.0,146.93,2022-01-10,raleigh/durham/fayetteville smm food,0,128.29248296816715,125.33017277610136,1.8141996600135384,1.1236233559667588,0.0,0.0,0.02448717608548374,0.0,0.0,128.29248296816715 +0.6910000000000001,0.0,0.771,0.8170000000000001,0.0017074630552266663,0.607,0.0,303.4,2022-01-10,rem us east north central smm food,0,311.02329750862066,306.4536727021249,1.3350500160483014,0.0,0.8079547311731948,1.717623866618155,0.21020370074737885,0.4987924919087315,0.0,311.02329750862066 +0.655,0.0,0.0,0.915,0.0006329007066423057,0.85,0.0,138.39,2022-01-10,rem us middle atlantic smm food,0,134.76556340554387,130.80002326169728,1.2654960354727025,0.0,0.0,1.9236546364205773,0.0779156364962655,0.6984738354570376,0.0,134.76556340554387 +0.773,0.0,0.5740000000000001,0.502,0.0005309440991616898,0.0,0.0,211.17,2022-01-10,rem us mountain smm food,0,177.17324838948542,173.95751153106124,1.4934785273593878,0.0,0.601512342014804,1.0553821065389397,0.06536388251103606,0.0,0.0,177.17324838948542 +0.0,0.0,0.0,0.7020000000000001,0.00025647547859962693,0.0,0.929,174.62,2022-01-10,rem us new england smm food,0,151.05896441309767,148.221630613054,0.0,0.0,0.0,1.4758530653193938,0.03157438434030416,0.0,1.3299063503839488,151.05896441309764 +0.876,0.725,0.6980000000000001,0.0,0.0005316248806779502,0.505,0.658,88.97,2022-01-10,rem us pacific smm food,0,110.13887102369905,105.11364420201244,1.6924801940062402,1.1789101781127351,0.7314557747845526,0.0,0.06544769269578958,0.414975631653887,0.9419573504334104,110.13887102369905 +0.84,0.723,0.6960000000000001,0.9070000000000001,0.0016219650513360805,0.645,0.767,325.78,2022-01-10,rem us south atlantic smm food,0,290.9427026979358,283.6802303568146,1.6229262134306413,1.1756580121041482,0.7293599129656857,1.9068357980693593,0.19967814543928514,0.5300183810232815,1.0979958780887928,290.9427026979358 +0.59,0.621,0.0,0.0,0.0025129029567895434,0.0,0.0,412.05,2022-01-10,rem us south central smm food,0,401.89039979409836,399.4313293612464,1.1399124594334267,1.0097975456662187,0.0,0.0,0.309360427752313,0.0,0.0,401.89039979409836 +0.0,0.0,0.0,0.53,0.0009477936641354252,0.553,0.775,117.89000000000001,2022-01-10,rem us west north central smm food,0,128.74932535603392,125.95452848252805,0.0,0.0,0.0,1.1142480407682032,0.11668172563753469,0.45441886000910797,1.109448247091023,128.74932535603392 +0.0,0.0,0.85,0.7020000000000001,0.00010903500549632665,0.0,0.895,88.24,2022-01-10,richmond/petersburg smm food,0,89.72934512549061,86.06809383806947,0.0,0.0,0.8907412730184379,1.4758530653193938,0.013423166958828328,0.0,1.2812337821244715,89.72934512549061 +0.519,0.0,0.918,0.0,0.00020655355997075772,0.0,0.0,47.55,2022-01-10,sacramento/stockton/modesto smm food,0,73.57724733376259,71.58708164797008,1.0027365532982178,0.0,0.962000574859913,0.0,0.02542855763437595,0.0,0.0,73.57724733376259 +0.249,0.524,0.0,0.526,0.00013275610228523048,0.811,0.0,104.96,2022-01-10,salt lake city smm food,0,86.84656654173692,83.72480907215119,0.4810816989812258,0.8520674942497561,0.0,1.1058386215925942,0.016343442343734048,0.6664262124184206,0.0,86.84656654173692 +0.5720000000000001,0.0,0.0,0.0,8.980014770114694e-05,0.9350000000000002,0.0,72.08,2022-01-10,san diego smm food,0,80.59882482586659,78.71431295071628,1.1051354691456274,0.0,0.0,0.0,0.011055187001944515,0.7683212190027414,0.0,80.59882482586659 +0.705,0.0,0.917,0.9899999999999999,0.00015589773168552055,0.747,0.948,123.44,2022-01-10,san francisco/oakland/san jose smm food,0,95.27042907185069,88.87591304741949,1.3620987862721454,0.0,0.9609526439504795,2.081331245963247,0.019192380202960265,0.6138352412781259,1.3571057267642446,95.27042907185069 +0.0,0.636,0.0,0.0,0.00018620548230960572,0.0,0.779,61.68,2022-01-10,seattle/tacoma smm food,0,90.91704325865979,88.74475650580376,0.0,1.03418879073062,0.0,0.0,0.02292353053327629,0.0,1.115174431592138,90.9170432586598 +0.995,0.0,0.0,0.916,0.00027080154335650696,0.0,0.677,97.9,2022-01-10,st. louis smm food,0,92.55474003805325,87.70409353036166,1.9223947409089144,0.0,0.0,1.9257569912144796,0.03333804875449145,0.0,0.9691567268137065,92.55474003805325 +0.6960000000000001,0.709,0.0,0.852,0.00035937603722075654,0.802,0.0,210.17,2022-01-10,tampa/ft. myers smm food,0,178.24728600044523,173.25520362076367,1.3447102911282458,1.1528928500440403,0.0,1.791206284404734,0.04424234700275992,0.6590306071018166,0.0,178.24728600044526 +0.925,0.0,0.0,0.79,8.450092460996466e-05,0.55,0.809,101.63,2022-01-10,tucson/sierra vista smm food,0,68.39073510107019,63.32224664442017,1.7871508897896944,0.0,0.0,1.6608602871827935,0.01040280609013345,0.4519536582369067,1.1581208153505,68.39073510107019 +0.0,0.0,0.0,0.624,0.00026576425435143584,0.0,0.0,175.2,2022-01-10,washington dc/hagerstown smm food,0,174.36596348928435,173.02137618365978,0.0,0.0,0.0,1.3118693913950166,0.0327179142295547,0.0,0.0,174.36596348928435 +0.0,0.562,0.717,0.661,4.558641528847316e-05,0.0,0.603,81.25,2022-01-10,yakima/pasco/richland/kennewick smm food,0,57.44065839785945,53.51694236690935,0.0,0.9138586484129065,0.7513664620637882,1.3896565187694008,0.005612088160918877,0.0,0.8632223135430797,57.440658397859444 +0.0,0.587,0.0,0.803,0.0003693752474042348,0.0,0.999,94.05,2022-01-17,albany/schenectady/troy smm food,0,86.47515798061913,82.35686844083078,0.0,0.954510723520242,0.0,1.688190899503523,0.04547333761112713,0.0,1.4301145791534604,86.47515798061913 +0.714,0.0,0.0,0.0,0.000421685461261655,0.0,0.851,98.49,2022-01-17,albuquerque/santa fe smm food,0,73.44177558017998,70.79212936171284,1.379487281416045,0.0,0.0,0.0,0.051913184438885776,0.0,1.218245752612207,73.44177558017998 +0.0,0.605,0.0,0.9490000000000002,0.00115820951633818,0.0,0.0,180.71,2022-01-17,atlanta smm food,0,168.36903152246668,165.2475308400832,0.0,0.9837802175975238,0.0,1.9951346994132548,0.14258576537270834,0.0,0.0,168.36903152246668 +0.0,0.636,0.0,0.5720000000000001,0.0004956398322912205,0.0,0.581,105.25,2022-01-17,baltimore smm food,0,108.40984283898621,105.28036119021601,0.0,1.03418879073062,0.0,1.2025469421120987,0.061017617140532575,0.0,0.8317282987869474,108.40984283898621 +0.835,0.0,0.89,0.863,0.00019410304211348476,0.737,0.545,53.02,2022-01-17,baton rouge smm food,0,56.39820486815913,50.62824190344196,1.613265938350697,0.0,0.9326585093957762,1.8143321871376592,0.023895789518656646,0.6056179020374549,0.7801926382769129,56.39820486815912 +0.948,0.8989999999999999,0.0,0.0,0.0006523134819299382,0.0,0.844,47.02,2022-01-17,birmingham/anniston/tuscaloosa smm food,0,66.85748412896677,62.27551690355495,1.831588155157438,1.4618486208597914,0.0,0.0,0.08030551965932808,0.0,1.2082249297352559,66.85748412896676 +0.0,0.0,0.0,0.9980000000000001,0.0009824171494896337,0.527,0.0,234.96999999999997,2022-01-17,boston/manchester smm food,0,185.99643940927754,183.34429136615643,0.0,0.0,0.0,2.098150084314466,0.1209441808232846,0.4330537779833633,0.0,185.99643940927754 +0.684,0.54,0.0,0.632,0.0005348669327626466,0.0,1.0,99.7,2022-01-17,buffalo smm food,0,68.98888493384938,63.96319330778341,1.3215256309363794,0.8780848223184511,0.0,1.3286882297462348,0.06584681778615849,0.0,1.4315461252787391,68.98888493384938 +0.746,0.661,0.868,0.839,0.0008907809921094249,0.863,0.704,89.37,2022-01-17,charlotte smm food,0,134.11714668891082,127.1008852661048,1.4413130419276887,1.0748408658379558,0.9096040293882401,1.7638756720840045,0.10966296490202294,0.7091563764699099,1.0078084721962324,134.11714668891085 +0.671,0.9619999999999999,0.0,0.861,0.0014941548082334105,0.0,0.0,189.84,2022-01-17,chicago smm food,0,181.97762752306588,177.12285569785104,1.2964089157285243,1.5642918501302774,0.0,1.8101274775498546,0.1839435818062015,0.0,0.0,181.9776275230659 +0.0,0.5680000000000001,0.0,0.8200000000000001,0.0013189629129218927,0.9430000000000001,0.0,115.11000000000001,2022-01-17,cleveland/akron/canton smm food,0,134.67589173865036,131.09107465023894,0.0,0.923615146438667,0.0,1.7239309309998616,0.16237592057763117,0.7748950903952782,0.0,134.67589173865036 +0.0,0.9520000000000001,0.562,0.841,0.0007490808292140128,0.0,0.531,119.66,2022-01-17,columbus oh smm food,0,108.67815268515965,103.92073468964487,0.0,1.5480310200873433,0.5889371711016025,1.7680803816718091,0.09221843013100975,0.0,0.7601509925230105,108.67815268515965 +0.0,0.0,0.872,0.534,0.0010981055278808116,0.72,0.0,126.19,2022-01-17,dallas/ft. worth smm food,0,108.04044525604645,105.27715718131851,0.0,0.0,0.9137957530259739,1.1226574599438124,0.1351864364298403,0.5916484253283142,0.0,108.04044525604645 +0.881,0.8220000000000001,0.0,0.86,0.0003333197733434091,0.805,0.5680000000000001,43.62,2022-01-17,des moines/ames smm food,0,68.77075178522624,62.408297363785806,1.7021404690861845,1.3366402295291977,0.0,1.8080251227559523,0.04103459203675769,0.6614958088740179,0.813118199158324,68.77075178522624 +0.601,0.0,0.876,0.0,0.0010234258959618723,0.0,0.758,155.38,2022-01-17,detroit smm food,0,163.6131802749166,160.32292305294044,1.1611650646093041,0.0,0.9179874766637077,0.0,0.12599271774189527,0.0,1.0851119629612842,163.61318027491663 +0.0,0.0,0.0,0.0,0.0005860762821355148,0.0,0.833,88.27,2022-01-17,grand rapids smm food,0,111.28019536948545,110.01556630860257,0.0,0.0,0.0,0.0,0.07215113852568593,0.0,1.1924779223571897,111.28019536948545 +0.887,0.0,0.975,0.0,0.0006100037137941382,0.0,0.0,121.16000000000001,2022-01-17,greensboro smm food,0,86.37980550729708,83.56924325587181,1.7137327991821178,0.0,1.0217326366976198,0.0,0.07509681554553509,0.0,0.0,86.37980550729708 +0.0,0.503,0.0,0.0,0.0005922774480703817,0.0,0.0,120.09,2022-01-17,harrisburg/lancaster smm food,0,85.91594200229385,85.02510769460987,0.0,0.8179197511595941,0.0,0.0,0.07291455652437555,0.0,0.0,85.91594200229385 +0.0,0.788,0.0,0.96,0.000605143106743378,0.558,0.788,136.7,2022-01-17,hartford/new haven smm food,0,117.57142855906004,112.61073024106035,0.0,1.2813534073832211,0.0,2.0182606021461793,0.07449843212117868,0.4585275296294435,1.1280583467196466,117.57142855906002 +0.0,0.711,0.889,0.0,0.0008933126097624517,0.0,0.659,164.04,2022-01-17,houston smm food,0,170.78756110838492,167.64644198801398,0.0,1.1561450160526272,0.9316105784863427,0.0,0.10997462927327518,0.0,0.9433888965586892,170.78756110838492 +0.0,0.5730000000000001,0.6980000000000001,0.722,0.0009029139766641952,0.0,0.9520000000000001,88.48,2022-01-17,indianapolis smm food,0,93.67632502639094,89.02123497580452,0.0,0.9317455614601342,0.7314557747845526,1.517900161197439,0.11115664187893708,0.0,1.3628319112653597,93.67632502639094 +0.0,0.0,0.0,0.0,0.0004202917742374411,0.0,0.0,126.83,2022-01-17,jacksonville smm food,0,86.35163159936944,86.29988999004563,0.0,0.0,0.0,0.0,0.05174160932381866,0.0,0.0,86.35163159936944 +0.0,0.678,0.0,0.675,0.000606802434468129,0.0,0.0,89.6,2022-01-17,kansas city smm food,0,83.08997698434591,80.49370051161102,0.0,1.1024842769109442,0.0,1.4190894858840324,0.0747027099399155,0.0,0.0,83.08997698434591 +0.708,0.0,0.0,0.0,0.0006841508287738611,0.838,0.0,86.69,2022-01-17,knoxville smm food,0,71.5437513428563,69.4030183864474,1.367894951320112,0.0,0.0,0.0,0.08422497672054226,0.6886130283682322,0.0,71.54375134285628 +0.0,0.0,0.6900000000000001,0.0,0.00028990049195606296,0.9140000000000001,0.0,59.45,2022-01-17,las vegas smm food,0,74.58581089812427,73.0759844669223,0.0,0.0,0.7230723275090849,0.0,0.03568929709554425,0.7510648065973322,0.0,74.58581089812427 +0.901,0.649,0.0,0.0,0.0005100375582603385,0.595,0.612,45.1,2022-01-17,little rock/pine bluff smm food,0,61.927508612354615,57.70357115599228,1.7407815694059618,1.0553278697864346,0.0,0.0,0.06279010367943078,0.48893168481992627,0.8761062286705883,61.92750861235462 +0.653,0.9280000000000002,0.0,0.0,0.0018043416009435238,0.0,0.551,214.95,2022-01-17,los angeles smm food,0,157.75812536386024,153.9765761946837,1.2616319254407249,1.5090050279843013,0.0,0.0,0.22213030072292222,0.0,0.7887819150285853,157.75812536386024 +0.0,0.783,0.655,0.686,0.00020980426082244823,0.0,0.0,24.13,2022-01-17,madison wi smm food,0,55.84684715229313,52.419185278171575,0.0,1.273222992361754,0.6863947456789139,1.4422153886169575,0.025828747463934102,0.0,0.0,55.84684715229314 +0.602,0.863,0.0,0.0,0.0004109103331249797,0.0,0.937,193.82,2022-01-17,miami/west palm beach smm food,0,188.08016647931467,184.12181433608328,1.1630971196252928,1.4033096327052281,0.0,0.0,0.05058667151468334,0.0,1.3413587193861787,188.08016647931467 +0.0,0.0,0.0,0.0,0.0005436701420246363,0.673,0.0,83.78,2022-01-17,milwaukee smm food,0,68.77312998109805,68.15317248002567,0.0,0.0,0.0,0.0,0.06693057017521278,0.5530269308971604,0.0,68.77312998109805 +0.854,0.9440000000000001,0.0,0.667,0.0006662108149515326,0.0,0.9390000000000001,99.94,2022-01-17,minneapolis/st. paul smm food,0,91.76422865218905,85.75072244988117,1.6499749836544852,1.5350223560529959,0.0,1.4022706475328144,0.08201640343084846,0.0,1.3442218116367362,91.76422865218905 +0.5640000000000001,0.842,0.0,0.0,0.00048329309963787833,0.61,0.0,69.91,2022-01-17,mobile/pensacola smm food,0,70.4860311144133,67.46643487620449,1.0896790290177165,1.3691618896150661,0.0,0.0,0.05949762589508423,0.5012576936809329,0.0,70.4860311144133 +0.864,0.75,0.0,0.647,0.0009413330351907312,0.0,0.0,135.44,2022-01-17,nashville smm food,0,99.8371356428878,95.47216793873541,1.669295533814374,1.219562253220071,0.0,1.360223551654769,0.11588636546316768,0.0,0.0,99.83713564288779 +0.996,0.631,0.0,0.0,0.0004100145679720053,0.0,0.0,52.14,2022-01-17,new orleans smm food,0,62.55047888287713,59.54961731628727,1.9243267959249033,1.026058375709153,0.0,0.0,0.050476394955797116,0.0,0.0,62.55047888287712 +0.0,0.0,0.738,0.533,0.002666131926088271,0.0,0.0,324.66,2022-01-17,new york smm food,0,292.38391796091423,290.1617655847399,0.0,0.0,0.7733730111618907,1.12055510514991,0.3282242598625915,0.0,0.0,292.3839179609143 +0.872,0.61,0.0,0.0,0.000436888758099379,0.0,0.9420000000000002,108.74,2022-01-17,norfolk/portsmouth/newport news smm food,0,106.3889031489867,102.30993924858487,1.684751973942285,0.9919106326189909,0.0,0.0,0.05378484382798235,0.0,1.3485164500125726,106.3889031489867 +0.0,0.526,0.0,0.9540000000000001,0.000539067762445561,0.9899999999999999,0.649,14.48,2022-01-17,oklahoma city smm food,0,58.27916425056594,53.609244119971564,0.0,0.855319660258343,0.0,2.005646473382766,0.06636397682093527,0.8135165848264319,0.9290734353059017,58.27916425056594 +0.0,0.729,0.597,0.874,0.00024565463555169633,0.926,0.0,38.17,2022-01-17,omaha smm food,0,65.31588506014631,60.87622985001895,0.0,1.1854145101299087,0.6256147529317734,1.8374580898705841,0.030242243508958554,0.7609256136861374,0.0,65.31588506014631 +0.716,0.0,0.739,0.909,0.0010291192557203633,0.0,0.0,117.01000000000002,2022-01-17,orlando/daytona beach/melborne smm food,0,136.81088862837825,132.61538216686213,1.3833513914480229,0.0,0.7744209420713243,1.9110405076571637,0.12669362033961626,0.0,0.0,136.81088862837825 +0.89,0.0,0.0,0.0,0.0005064779728731397,0.0,0.0,55.42,2022-01-17,paducah ky/cape girardeau mo smm food,0,57.34113898451469,55.55925813283435,1.7195289642300844,0.0,0.0,0.0,0.06235188745025668,0.0,0.0,57.34113898451469 +0.0,0.774,0.0,0.975,0.0016583541206952553,0.676,0.848,140.73,2022-01-17,philadelphia smm food,0,205.0197330136437,199.7377476378349,0.0,1.2585882453231132,0.0,2.0497959240547132,0.2041579595252398,0.5554921326693617,1.2139511142363708,205.0197330136437 +0.8230000000000001,0.607,0.6,0.0,0.0007936170370817574,0.874,0.503,133.57,2022-01-17,phoenix/prescott smm food,0,121.72479770607532,116.98296111946722,1.590081278158831,0.9870323836061107,0.6287585456600738,0.0,0.09770122853323443,0.718195449634648,0.7200677010152058,121.72479770607532 +0.8220000000000001,0.0,0.65,0.926,0.0009758514998028671,0.0,0.517,112.2,2022-01-17,pittsburgh smm food,0,109.62856244071463,104.55223234884438,1.588149223142842,0.0,0.6811550911317467,1.9467805391535022,0.1201358916730482,0.0,0.7401093467691081,109.62856244071463 +0.607,0.577,0.9280000000000002,0.628,0.0004736460178248797,0.5630000000000001,0.5750000000000001,69.17,2022-01-17,portland or smm food,0,92.64416066861095,86.8963094792362,1.1727573947052372,0.9382498934773078,0.9724798839542477,1.3202788105706258,0.05830998538227919,0.46263619924977906,0.8231390220352751,92.64416066861095 +0.0,0.0,0.526,0.937,0.0004014214001941613,0.848,0.0,47.95,2022-01-17,providence ri/new bedford ma smm food,0,86.51567332618102,83.24830635780522,0.0,0.0,0.551211658361998,1.9699064418864274,0.04941850051848166,0.6968303676089033,0.0,86.51567332618103 +0.0,0.748,0.918,0.613,0.0007052402293202333,0.0,0.634,91.63,2022-01-17,raleigh/durham/fayetteville smm food,0,129.7916484374423,125.33017277610136,0.0,1.216310087211484,0.962000574859913,1.2887434886620917,0.08682126718072017,0.0,0.9076002434267206,129.7916484374423 +0.503,0.0,0.993,0.0,0.006033513293298007,0.9199999999999999,0.0,303.11,2022-01-17,rem us east north central smm food,0,309.9648654641993,306.4536727021249,0.9718236730423959,0.0,1.040595393067422,0.0,0.7427784858228652,0.7559952101417347,0.0,309.9648654641993 +0.0,0.9899999999999999,0.6960000000000001,0.0,0.0023074514968414797,0.0,0.0,113.33000000000001,2022-01-17,rem us middle atlantic smm food,0,133.42327289722525,130.80002326169728,0.0,1.6098221742504932,0.7293599129656857,0.0,0.28406754831176667,0.0,0.0,133.42327289722522 +0.0,0.0,0.0,0.6890000000000001,0.0017090531928154633,0.0,0.0,207.2,2022-01-17,rem us mountain smm food,0,175.6164334447125,173.95751153106124,0.0,0.0,0.0,1.4485224529986642,0.21039946065260168,0.0,0.0,175.6164334447125 +0.0,0.9269999999999999,0.536,0.844,0.0008643936040100124,0.0,0.0,182.67,2022-01-17,rem us new england smm food,0,152.1715024171795,148.221630613054,0.0,1.5073789449800075,0.5616909674563326,1.774387446053516,0.10641444563563243,0.0,0.0,152.17150241717948 +0.84,0.0,0.679,0.0,0.0015722494675769307,0.0,0.9280000000000002,91.77,2022-01-17,rem us pacific smm food,0,108.97014802757536,105.11364420201244,1.6229262134306413,0.0,0.7115450875053169,0.0,0.19355772036830035,0.0,1.3284748042586703,108.97014802757536 +0.629,0.0,0.631,0.87,0.005869609274452109,0.0,0.634,337.55,2022-01-17,rem us south atlantic smm food,0,289.01598674118765,283.6802303568146,1.2152626050569921,0.0,0.6612444038525109,1.8290486706949751,0.7226004613418598,0.0,0.9076002434267206,289.01598674118765 +0.0,0.5720000000000001,0.0,0.594,0.009126045494197934,0.841,0.0,514.41,2022-01-17,rem us south central smm food,0,403.4248221825087,399.4313293612464,0.0,0.9301194784558408,0.0,1.2487987475779485,1.1234963650880803,0.6910782301404336,0.0,403.4248221825087 +0.0,0.0,0.0,0.923,0.0032361029685423776,0.0,0.9840000000000001,159.84,2022-01-17,rem us west north central smm food,0,129.70203604648643,125.95452848252805,0.0,0.0,0.0,1.9404734747717955,0.39839270191230236,0.0,1.4086413872742796,129.70203604648643 +0.804,0.497,0.8200000000000001,0.717,0.0003453810966859415,0.0,0.869,87.19,2022-01-17,richmond/petersburg smm food,0,92.0828540867779,86.06809383806947,1.5533722328550426,0.8081632531338336,0.8593033457354343,1.5073883872279277,0.04251944688896091,0.0,1.2440135828672243,92.0828540867779 +0.0,0.0,0.0,0.0,0.0005416648636201156,0.0,0.541,44.73,2022-01-17,sacramento/stockton/modesto smm food,0,72.42823180453479,71.58708164797008,0.0,0.0,0.0,0.0,0.06668370278890609,0.0,0.7744664537757979,72.42823180453479 +0.0,0.0,0.682,0.0,0.0004279595239469018,0.0,0.53,127.24000000000001,2022-01-17,salt lake city smm food,0,85.25090297545042,83.72480907215119,0.0,0.0,0.7146888802336173,0.0,0.05268557666788475,0.0,0.7587194463977318,85.25090297545043 +0.901,0.0,0.515,0.0,0.00023512661504342767,0.0,0.725,77.62,2022-01-17,san diego smm food,0,82.06159603101199,78.71431295071628,1.7407815694059618,0.0,0.53968441835823,0.0,0.028946151704448853,0.0,1.0378709408270859,82.061596031012 +0.0,0.6980000000000001,0.0,0.8320000000000001,0.00039934446057740276,0.989,0.0,97.73,2022-01-17,san francisco/oakland/san jose smm food,0,92.62193583485282,88.87591304741949,0.0,1.1350059369968126,0.0,1.749159188526689,0.04916281100746408,0.8126948509023648,0.0,92.62193583485282 +0.0,0.769,0.0,0.0,0.0005563727096628841,0.0,0.0,97.33,2022-01-17,seattle/tacoma smm food,0,90.06370870393843,88.74475650580376,0.0,1.250457830301646,0.0,0.0,0.06849436783301868,0.0,0.0,90.06370870393843 +0.651,0.0,0.715,0.865,0.0008896677722434525,0.9689999999999999,0.8290000000000001,107.34,2022-01-17,st. louis smm food,0,93.6222066707757,87.70409353036166,1.257767815408747,0.0,0.7492706002449212,1.8185368967254638,0.1095259177578071,0.7962601724210226,1.1867517378560748,93.6222066707757 +0.0,0.652,0.0,0.584,0.0011255838961596396,0.0,0.0,186.31,2022-01-17,tampa/ft. myers smm food,0,175.68175420414155,173.25520362076367,0.0,1.060206118799315,0.0,1.2277751996389257,0.13856926493967428,0.0,0.0,175.68175420414158 +0.9280000000000002,0.629,0.7020000000000001,0.0,0.0002588613027518939,0.0,0.0,60.129999999999995,2022-01-17,tucson/sierra vista smm food,0,66.9055155076316,63.32224664442017,1.7929470548376611,1.0228062097005661,0.7356474984222864,0.0,0.031868100250937684,0.0,0.0,66.90551550763162 +0.643,0.798,0.9969999999999999,0.741,0.0007878322475007559,0.637,0.0,131.53,2022-01-17,washington dc/hagerstown smm food,0,178.78436739510548,173.02137618365978,1.2423113752808361,1.2976142374261554,1.044787116705156,1.5578449022815821,0.09698907012122711,0.5234445096307446,0.0,178.78436739510548 +0.0,0.865,0.0,0.0,0.00015774362566971882,0.503,0.555,63.34000000000001,2022-01-17,yakima/pasco/richland/kennewick smm food,0,56.15076405492569,53.51694236690935,0.0,1.406561798713815,0.0,0.0,0.019419625967065125,0.41333216380575283,0.7945080995297003,56.15076405492568 +0.76,0.0,0.746,0.0,0.00037234053894511556,0.522,0.0,101.98,2022-01-24,albany/schenectady/troy smm food,0,85.08177021083013,82.35686844083078,1.4683618121515327,0.0,0.7817564584373584,0.0,0.045838391047440155,0.4289451083630278,0.0,85.08177021083014 +0.982,0.9210000000000002,0.0,0.841,0.00037384665994025457,0.0,0.621,120.36999999999999,2022-01-24,albuquerque/santa fe smm food,0,76.89012416761003,70.79212936171284,1.8972780257010593,1.4976224469542472,0.0,1.7680803816718091,0.046023807771967476,0.0,0.888990143798097,76.89012416761003 +0.0,0.0,0.802,0.0,0.0009874816203338296,0.922,0.0,177.76,2022-01-24,atlanta smm food,0,166.96717776911007,165.2475308400832,0.0,0.0,0.840440589365632,0.0,0.12156766167138755,0.757638677989869,0.0,166.96717776911007 +0.0,0.0,0.0,0.0,0.0004449815329296993,0.0,0.0,92.78,2022-01-24,baltimore smm food,0,105.33514232571393,105.28036119021601,0.0,0.0,0.0,0.0,0.05478113549791997,0.0,0.0,105.33514232571393 +0.542,0.679,0.9580000000000001,0.0,0.00017801509996606473,0.909,0.601,23.8,2022-01-24,baton rouge smm food,0,55.41267447405099,50.62824190344196,1.0471738186659616,1.1041103599152375,1.0039178112372513,0.0,0.02191522252106003,0.7469561369769967,0.8603592212925222,55.41267447405099 +0.0,0.794,0.0,0.0,0.00063151813946137,0.55,0.0,98.26,2022-01-24,birmingham/anniston/tuscaloosa smm food,0,64.09632589753244,62.27551690355495,0.0,1.2911099054089816,0.0,0.0,0.07774543033158456,0.4519536582369067,0.0,64.09632589753242 +0.0,0.9390000000000001,0.0,0.0,0.000860630154829378,0.594,0.0,176.03,2022-01-24,boston/manchester smm food,0,185.46524439006652,183.34429136615643,0.0,1.5268919410315287,0.0,0.0,0.10595113198271182,0.4881099508958592,0.0,185.46524439006652 +0.955,0.0,0.624,0.0,0.0005350534990220936,0.756,0.0,116.56999999999998,2022-01-24,buffalo smm food,0,67.1493153678655,63.96319330778341,1.84511254026936,0.0,0.6539088874864768,0.0,0.0658697857315265,0.6212308465947298,0.0,67.14931536786551 +0.9059999999999999,0.0,0.845,0.586,0.0008157220499808813,0.0,0.0,144.0,2022-01-24,charlotte smm food,0,131.06923118808405,127.1008852661048,1.7504418444859058,0.0,0.8855016184712706,1.2319799092267303,0.10042254979534955,0.0,0.0,131.06923118808405 +0.599,0.9540000000000001,0.67,0.0,0.0014335145962223997,0.0,0.6900000000000001,195.79,2022-01-24,chicago smm food,0,181.69779861332063,177.12285569785104,1.1573009545773263,1.5512831860959302,0.7021137093204158,0.0,0.17647823903360021,0.0,0.98776682644233,181.69779861332063 +0.0,0.0,0.0,0.6960000000000001,0.0012334476114973184,0.5730000000000001,0.0,127.46,2022-01-24,cleveland/akron/canton smm food,0,133.1770153610765,131.09107465023894,0.0,0.0,0.0,1.4632389365559801,0.15184823579115897,0.4708535384904501,0.0,133.1770153610765 +0.895,0.765,0.0,0.5660000000000001,0.000731454642079761,0.617,0.8320000000000001,107.25,2022-01-24,columbus oh smm food,0,109.8719149396327,103.92073468964487,1.7291892393100285,1.2439534982844722,0.0,1.189932813348685,0.09004849166332575,0.5070098311494026,1.191046376231911,109.8719149396327 +0.883,0.0,0.0,0.0,0.0009850945606434207,0.683,0.0,123.94,2022-01-24,dallas/ft. worth smm food,0,107.66567982422967,105.27715718131851,1.7060045791181624,0.0,0.0,0.0,0.12127379365515559,0.5612442701378314,0.0,107.66567982422967 +0.936,0.49900000000000005,0.0,0.0,0.0003127369434352707,0.0,0.763,46.07,2022-01-24,des moines/ames smm food,0,66.15888663635343,62.408297363785806,1.8084034949655718,0.8114154191424205,0.0,0.0,0.03850066487194991,0.0,1.092269693587678,66.15888663635343 +0.579,0.8220000000000001,0.587,0.932,0.001013981442404167,0.603,0.9000000000000001,191.99,2022-01-24,detroit smm food,0,167.2614803399921,160.32292305294044,1.1186598542575492,1.3366402295291977,0.6151354438374388,1.9593946679169159,0.12483002254723827,0.4955055562124631,1.2883915127508654,167.26148033999212 +0.885,0.9460000000000001,0.0,0.0,0.0005551198739868619,0.0,0.0,112.6,2022-01-24,grand rapids smm food,0,113.33204965257048,110.01556630860257,1.70986868915014,1.5382745220615828,0.0,0.0,0.06834013275617642,0.0,0.0,113.33204965257048 +0.0,0.0,0.758,0.666,0.0005816110472902053,0.0,0.9210000000000002,107.62,2022-01-24,greensboro smm food,0,87.15379858823584,83.56924325587181,0.0,0.0,0.7943316293505599,1.400168292738912,0.07160142889283791,0.0,1.3184539813817189,87.15379858823584 +0.0,0.0,0.0,0.6980000000000001,0.0005787285368048408,0.0,0.661,102.56,2022-01-24,harrisburg/lancaster smm food,0,87.51004989609451,85.02510769460987,0.0,0.0,0.0,1.4674436461437848,0.07124656653162197,0.0,0.9462519888092467,87.51004989609453 +0.0,0.0,0.0,0.0,0.0005167601212911436,0.0,0.0,102.7,2022-01-24,hartford/new haven smm food,0,112.67434795130103,112.61073024106035,0.0,0.0,0.0,0.0,0.06361771024067209,0.0,0.0,112.67434795130103 +0.0,0.505,0.0,0.745,0.0008823323822941988,0.0,0.0,232.63,2022-01-24,houston smm food,0,170.14249109345909,167.64644198801398,0.0,0.821171917168181,0.0,1.5662543214571913,0.10862286681972776,0.0,0.0,170.14249109345909 +0.979,0.0,0.847,0.0,0.0008528302025387196,0.0,0.602,95.46,2022-01-24,indianapolis smm food,0,92.76709597350516,89.02123497580452,1.8914818606530928,0.0,0.8875974802901375,0.0,0.10499088933961011,0.0,0.8617907674178009,92.76709597350516 +0.886,0.8140000000000001,0.647,0.723,0.000404606617524324,0.671,0.757,55.95,2022-01-24,jacksonville smm food,0,93.21821062273774,86.29988999004563,1.711800744166129,1.3236315654948503,0.6780112984034463,1.5200025159913413,0.04981062875132123,0.5513834630490262,1.0836804168360055,93.21821062273774 +0.96,0.0,0.0,0.551,0.0005425458023153856,0.0,0.73,80.57,2022-01-24,kansas city smm food,0,84.61869164393457,80.49370051161102,1.8547728153493044,0.0,0.0,1.158397491440151,0.06679215408061076,0.0,1.0450286714534796,84.61869164393457 +0.641,0.0,0.965,0.0,0.0006294869147558667,0.5670000000000001,0.0,64.74,2022-01-24,knoxville smm food,0,72.19613748297331,69.4030183864474,1.2384472652488585,0.0,1.0112533276032853,0.0,0.07749536872771012,0.4659231349460474,0.0,72.1961374829733 +0.0,0.886,0.0,0.961,0.0002453791105460228,0.931,0.0,87.88,2022-01-24,las vegas smm food,0,77.33229957293332,73.0759844669223,0.0,1.440709541803977,0.0,2.0203629569400814,0.030208323960501132,0.7650342833064729,0.0,77.33229957293334 +0.0,0.923,0.834,0.898,0.00046435724207307083,0.733,0.753,55.34,2022-01-24,little rock/pine bluff smm food,0,63.703786406515945,57.70357115599228,0.0,1.5008746129628339,0.8739743784675026,1.8879146049242388,0.05716645549302865,0.6023309663411864,1.0779542323348905,63.70378640651596 +0.0,0.837,0.6970000000000001,0.9540000000000001,0.0015711745493933616,0.542,0.98,149.51,2022-01-24,los angeles smm food,0,160.11538236465037,153.9765761946837,0.0,1.361031474593599,0.7304078438751191,2.005646473382766,0.1934253884976369,0.44537978684436985,1.4029152027731644,160.11538236465034 +0.799,0.0,0.0,0.972,0.000203514136141355,0.0,0.0,32.67,2022-01-24,madison wi smm food,0,56.03144047348183,52.419185278171575,1.5437119577750982,0.0,0.0,2.0434888596730065,0.0250543778621551,0.0,0.0,56.03144047348184 +0.0,0.0,0.0,0.0,0.00034632628336459724,0.505,0.0,208.43,2022-01-24,miami/west palm beach smm food,0,184.57942577540896,184.12181433608328,0.0,0.0,0.0,0.0,0.04263580767178569,0.414975631653887,0.0,184.57942577540894 +0.713,0.0,0.58,0.9339999999999999,0.0005153639631906455,0.5630000000000001,0.584,78.26,2022-01-24,milwaukee smm food,0,73.46423197872882,68.15317248002567,1.3775552264000563,0.0,0.6077999274714047,1.9635993775047202,0.06344583091440803,0.46263619924977906,0.8360229371627836,73.46423197872883 +0.0,0.888,0.678,1.0,0.0006473676227473776,0.0,0.0,109.37,2022-01-24,minneapolis/st. paul smm food,0,90.08723274914055,85.75072244988117,0.0,1.443961707812564,0.7104971565958834,2.10235479390227,0.07969664094867766,0.0,0.0,90.08723274914055 +0.0,0.809,0.856,0.664,0.0004466643358791491,0.719,0.898,23.1,2022-01-24,mobile/pensacola smm food,0,73.00627188353158,67.46643487620449,0.0,1.3155011504733831,0.8970288584750387,1.3959635831511075,0.05498830332302761,0.590826691404247,1.2855284205003077,73.0062718835316 +0.0,0.0,0.869,0.797,0.0008259918430174648,0.0,0.737,91.62,2022-01-24,nashville smm food,0,99.2151330156334,95.47216793873541,0.0,0.0,0.9106519602976736,1.6755767707401095,0.10168685152978031,0.0,1.0550494943304307,99.2151330156334 +0.0,0.735,0.588,0.0,0.0003543436903682535,0.677,0.0,57.980000000000004,2022-01-24,new orleans smm food,0,61.96090838668346,59.54961731628727,0.0,1.1951710081556695,0.6161833747468723,0.0,0.043622820900217026,0.5563138665934287,0.0,61.96090838668346 +0.0,0.0,0.612,0.0,0.0023729226629878425,0.666,0.748,273.75,2022-01-24,new york smm food,0,292.7132982204247,290.1617655847399,0.0,0.0,0.6413337165732753,0.0,0.2921276239743614,0.5472747934286907,1.0707965017084968,292.71329822042475 +0.577,0.75,0.0,0.73,0.0004339679459316114,0.0,0.508,130.55,2022-01-24,norfolk/portsmouth/newport news smm food,0,106.95966694341399,102.30993924858487,1.1147957442255714,1.219562253220071,0.0,1.5347189995486572,0.05342526619321401,0.0,0.7272254316415995,106.95966694341398 +0.0,0.8170000000000001,0.836,0.0,0.0004928919954633378,0.0,0.0,48.55,2022-01-24,oklahoma city smm food,0,55.8745035090552,53.609244119971564,0.0,1.3285098145077305,0.8760702402863695,0.0,0.06067933428954919,0.0,0.0,55.87450350905522 +0.726,0.0,0.774,0.725,0.00022824343205415828,0.0,0.0,59.93,2022-01-24,omaha smm food,0,64.64230631252292,60.87622985001895,1.4026719416079114,0.0,0.8110985239014953,1.524207225579146,0.028098771415407252,0.0,0.0,64.6423063125229 +0.526,0.0,0.642,0.679,0.0009119556447875974,0.742,0.0,137.51,2022-01-24,orlando/daytona beach/melborne smm food,0,136.45390997649446,132.61538216686213,1.0162609384101398,0.0,0.672771643856279,1.4274989050596416,0.11226975064849487,0.6097265716577904,0.0,136.4539099764945 +0.0,0.0,0.96,0.798,0.00047758491342168304,0.0,0.0,89.37,2022-01-24,paducah ky/cape girardeau mo smm food,0,58.30174582945467,55.55925813283435,0.0,0.0,1.006013673056118,1.6776791255340118,0.05879489803018167,0.0,0.0,58.30174582945466 +0.0,0.603,0.54,0.923,0.0015229218427943799,0.0,0.52,146.53,2022-01-24,philadelphia smm food,0,204.15652089688987,199.7377476378349,0.0,0.980528051588937,0.5658826910940664,1.9404734747717955,0.18748505645523322,0.0,0.7444039851449444,204.15652089688987 +0.0,0.742,0.0,0.0,0.0006709231574252489,0.0,0.786,173.13,2022-01-24,phoenix/prescott smm food,0,119.39730649730541,116.98296111946722,0.0,1.2065535891857233,0.0,0.0,0.08259653418338923,0.0,1.125195254469089,119.39730649730542 +0.0,0.553,0.0,0.0,0.0009799473087437087,0.882,0.654,121.65,2022-01-24,pittsburgh smm food,0,107.23309685891009,104.55223234884438,0.0,0.8992239013742657,0.0,0.0,0.12064012173195557,0.7247693210271848,0.9362311659322954,107.23309685891009 +0.0,0.915,0.0,0.52,0.00039437018401757533,0.777,0.0,61.98,2022-01-24,portland or smm food,0,90.16443761386205,86.8963094792362,0.0,1.4878659489284864,0.0,1.0932244928291805,0.048550433868048984,0.638487259000139,0.0,90.16443761386205 +0.6940000000000001,0.0,0.627,0.0,0.00035335896646905275,0.0,0.0,92.37,2022-01-24,providence ri/new bedford ma smm food,0,85.2897068118545,83.24830635780522,1.3408461810962682,0.0,0.6570526802147771,0.0,0.04350159273824141,0.0,0.0,85.2897068118545 +0.865,0.0,0.0,0.0,0.0006753476195118714,0.0,0.904,151.12,2022-01-24,raleigh/durham/fayetteville smm food,0,128.3786592865152,125.33017277610136,1.6712275888303627,0.0,0.0,0.0,0.08314122433148796,0.0,1.2941176972519801,128.3786592865152 +0.0,0.986,0.862,0.803,0.005843148989602316,0.0,0.5750000000000001,365.92,2022-01-24,rem us east north central smm food,0,312.1909798776738,306.4536727021249,0.0,1.6033178422333199,0.9033164439316393,1.688190899503523,0.7193429678451599,0.0,0.8231390220352751,312.1909798776738 +0.0,0.0,0.0,0.0,0.0023109233590205944,0.779,0.663,148.4,2022-01-24,rem us middle atlantic smm food,0,132.6737640346488,130.80002326169728,0.0,0.0,0.0,0.0,0.2844949650434499,0.6401307268482732,0.9491150810598041,132.6737640346488 +0.898,0.0,0.845,0.9520000000000001,0.0015253694438537486,0.527,0.716,156.65,2022-01-24,rem us mountain smm food,0,180.2252674990142,173.95751153106124,1.7349854043579953,0.0,0.8855016184712706,2.0014417637949613,0.18778637764578995,0.4330537779833633,1.0249870256995772,180.2252674990142 +0.9210000000000002,0.8190000000000001,0.0,0.8270000000000001,0.0008303631769639799,0.968,0.0,127.78,2022-01-24,rem us new england smm food,0,153.96912611748735,148.221630613054,1.7794226697257391,1.3317619805163174,0.0,1.7386474145571775,0.10222500113714511,0.7954384384969557,0.0,153.96912611748735 +0.0,0.0,0.0,0.0,0.0013225892173687613,0.79,0.672,75.92,2022-01-24,rem us pacific smm food,0,106.88763534872189,105.11364420201244,0.0,0.0,0.0,0.0,0.1628223505091223,0.6491698000130114,0.9619989961873128,106.88763534872189 +0.737,0.994,0.774,0.795,0.005490200221796419,0.0,0.0,381.64,2022-01-24,rem us south atlantic smm food,0,289.8788438690855,283.6802303568146,1.4239245467837889,1.6163265062676673,0.8110985239014953,1.6713720611523049,0.6758918741656085,0.0,0.0,289.8788438690855 +0.0,0.768,0.881,0.0,0.00830084439559137,0.0,0.0,483.22,2022-01-24,rem us south central smm food,0,402.625295100896,399.4313293612464,0.0,1.2488317472973525,0.9232271312108751,0.0,1.0219068611413167,0.0,0.0,402.625295100896 +0.844,0.0,0.0,0.0,0.0030398995115874356,0.515,0.9570000000000001,152.55,2022-01-24,rem us west north central smm food,0,129.7526038616852,125.95452848252805,1.6306544334945967,0.0,0.0,0.0,0.3742383328762573,0.42319297089455804,1.3699896418917534,129.7526038616852 +0.0,0.0,0.779,0.0,0.00031690441358835016,0.755,0.0,87.66,2022-01-24,richmond/petersburg smm food,0,87.54385484624436,86.06809383806947,0.0,0.0,0.8163381784486625,0.0,0.03901371705556817,0.6204091126706628,0.0,87.54385484624437 +0.686,0.9059999999999999,0.0,0.707,0.0004499249210359758,0.547,0.652,93.82,2022-01-24,sacramento/stockton/modesto smm food,0,77.31031367026102,71.58708164797008,1.3253897409683573,1.4732312018898455,0.0,1.486364839288905,0.055389709997373464,0.44948845646470537,0.9333680736817379,77.31031367026101 +0.0,0.8,0.0,0.0,0.00041029997728281504,0.0,0.0,86.91,2022-01-24,salt lake city smm food,0,85.07618700693497,83.72480907215119,0.0,1.3008664034347424,0.0,0.0,0.05051153134904224,0.0,0.0,85.07618700693497 +0.0,0.589,0.0,0.875,0.00020389962404166947,0.0,0.0,92.83,2022-01-24,san diego smm food,0,81.53673811971845,78.71431295071628,0.0,0.9577628895288289,0.0,1.8395604446644864,0.025101834808875793,0.0,0.0,81.53673811971846 +0.8150000000000001,0.0,0.0,0.558,0.000331257660184355,0.721,0.75,110.06,2022-01-24,san francisco/oakland/san jose smm food,0,93.33056234145224,88.87591304741949,1.57462483803092,0.0,0.0,1.1731139749974668,0.040780727792921675,0.5924701592523812,1.0736595939590543,93.33056234145224 +0.0,0.0,0.0,0.807,0.0004538675232472052,0.0,0.805,83.33,2022-01-24,seattle/tacoma smm food,0,91.64962653429436,88.74475650580376,0.0,0.0,0.0,1.696600318679132,0.05587507896207133,0.0,1.152394630849385,91.64962653429436 +0.0,0.9899999999999999,0.503,0.797,0.0008166808275790994,0.0,0.996,113.33000000000001,2022-01-24,st. louis smm food,0,93.04296224731468,87.70409353036166,0.0,1.6098221742504932,0.5271092474450285,1.6755767707401095,0.10054058373975742,0.0,1.4258199407776242,93.04296224731468 +0.0,0.9590000000000001,0.864,0.0,0.001010293361050197,0.592,0.0,165.06,2022-01-24,tampa/ft. myers smm food,0,176.33087199801508,173.25520362076367,0.0,1.5594136011173974,0.9054123057505062,0.0,0.12437598733582397,0.48646648304772494,0.0,176.3308719980151 +0.6960000000000001,0.0,0.0,0.924,0.0002176326304903734,0.772,0.808,91.99,2022-01-24,tucson/sierra vista smm food,0,68.42739311225495,63.32224664442017,1.3447102911282458,0.0,0.0,1.9425758295656979,0.026792488535800484,0.6343785893798035,1.1566892692252213,68.42739311225493 +0.593,0.738,0.0,0.865,0.0007454891198351211,0.0,0.749,194.55,2022-01-24,washington dc/hagerstown smm food,0,178.34967526902523,173.02137618365978,1.1457086244813932,1.2000492571685497,0.0,1.8185368967254638,0.0917762591562756,0.0,1.0722280478337756,178.34967526902523 +0.0,0.0,0.778,0.0,0.00012160413501523486,0.0,0.924,63.11,2022-01-24,yakima/pasco/richland/kennewick smm food,0,55.66995177141813,53.51694236690935,0.0,0.0,0.8152902475392291,0.0,0.014970537212000154,0.0,1.322748619757555,55.669951771418134 +0.87,0.0,0.602,0.747,0.0001288715703666767,0.0,0.622,93.05,2022-01-31,albany/schenectady/troy smm food,0,87.14535665553056,82.35686844083078,1.680887863910307,0.0,0.6308544074789407,1.5704590310449957,0.015865222342163986,0.0,0.8904216899233758,87.14535665553056 +0.0,0.0,0.0,0.611,0.00013087437769491325,0.584,0.0,91.59,2022-01-31,albuquerque/santa fe smm food,0,72.57267253795958,70.79212936171284,0.0,0.0,0.0,1.284538779074287,0.01611178551727374,0.4798926116551881,0.0,72.57267253795959 +0.669,0.87,0.884,0.0,0.0003556805426379339,0.9350000000000002,0.593,208.35,2022-01-31,atlanta smm food,0,170.54215425390498,165.2475308400832,1.2925448056965465,1.4146922137352822,0.9263709239391754,0.0,0.043787399157754814,0.7683212190027414,0.8489068522902923,170.54215425390498 +0.733,0.0,0.642,0.532,0.00015185875749921258,0.853,0.0,113.54000000000002,2022-01-31,baltimore smm food,0,109.20741609537896,105.28036119021601,1.4161963267198334,0.0,0.672771643856279,1.1184527503560078,0.018695147001582237,0.7009390372292389,0.0,109.20741609537896 +0.743,0.584,0.724,0.63,5.513465405010913e-05,0.9199999999999999,0.746,56.57999999999999,2022-01-31,baton rouge smm food,0,56.92729293324281,50.62824190344196,1.435516876879722,0.9496324745073618,0.7587019784298223,1.3244835201584302,0.0067875602258468115,0.7559952101417347,1.0679334094579394,56.92729293324282 +0.0,0.0,0.975,0.0,0.0001968743541660662,0.0,0.0,48.28,2022-01-31,birmingham/anniston/tuscaloosa smm food,0,63.32148650262858,62.27551690355495,0.0,0.0,1.0217326366976198,0.0,0.024236962376010855,0.0,0.0,63.32148650262858 +0.0,0.778,0.0,0.0,0.000352192618462973,0.965,0.996,180.14,2022-01-31,boston/manchester smm food,0,186.87153512605238,183.34429136615643,0.0,1.2650925773402868,0.0,0.0,0.04335800505329162,0.7929732367247544,1.4258199407776242,186.87153512605238 +0.8,0.0,0.602,0.641,0.00018119784621994337,0.0,0.0,83.85,2022-01-31,buffalo smm food,0,67.5096081974875,63.96319330778341,1.545644012791087,0.0,0.6308544074789407,1.3476094228913553,0.02230704654270267,0.0,0.0,67.5096081974875 +0.595,0.712,0.0,0.0,0.00026889016585078095,0.544,0.905,176.1,2022-01-31,charlotte smm food,0,131.1839043391385,127.1008852661048,1.1495727345133708,1.1577710990569205,0.0,0.0,0.03310274139366802,0.44702325469250404,1.295549243377259,131.1839043391385 +0.0,0.0,0.0,0.609,0.0004901577495550173,0.0,0.0,171.8,2022-01-31,chicago smm food,0,178.46353249193766,177.12285569785104,0.0,0.0,0.0,1.2803340694864824,0.06034272460014888,0.0,0.0,178.46353249193766 +0.687,0.8200000000000001,0.0,0.0,0.000404972336814366,0.759,0.0,159.9,2022-01-31,cleveland/akron/canton smm food,0,134.42533621011927,131.09107465023894,1.327321795984346,1.3333880635206108,0.0,0.0,0.049855652008466506,0.6236960483669312,0.0,134.4253362101193 +0.9829999999999999,0.0,0.581,0.0,0.00023704169916357985,0.0,0.594,108.28,2022-01-31,columbus oh smm food,0,107.3083129425404,103.92073468964487,1.899210080717048,0.0,0.6088478583808381,0.0,0.029181915382067686,0.0,0.850338398415571,107.3083129425404 +0.0,0.0,0.5680000000000001,0.0,0.0003421155693765466,0.835,0.9540000000000001,115.93,2022-01-31,dallas/ft. worth smm food,0,107.96634219978088,105.27715718131851,0.0,0.0,0.5952247565582033,0.0,0.042117431792221195,0.686147826596031,1.3656950035159172,107.96634219978088 +0.0,0.0,0.61,0.0,0.00010409779508076021,0.0,0.0,76.12,2022-01-31,des moines/ames smm food,0,63.06035057152758,62.408297363785806,0.0,0.0,0.6392378547544083,0.0,0.012815352987367142,0.0,0.0,63.06035057152758 +0.0,0.0,0.0,0.892,0.0003451834105832161,0.673,0.654,153.59,2022-01-31,detroit smm food,0,163.7299767359239,160.32292305294044,0.0,0.0,0.0,1.875300476160825,0.04249510999320671,0.5530269308971604,0.9362311659322954,163.7299767359239 +0.0,0.622,0.0,0.0,0.00018805137629380398,0.0,0.9910000000000001,108.92,2022-01-31,grand rapids smm food,0,112.4688029237217,110.01556630860257,0.0,1.011423628670512,0.0,0.0,0.02315077629738115,0.0,1.4186622101512307,112.4688029237217 +0.521,0.753,0.711,0.625,0.00018488716311205585,0.668,0.0,150.01,2022-01-31,greensboro smm food,0,88.4310145393676,83.56924325587181,1.0066006633301954,1.2244405022329512,0.7450788766071874,1.3139717461889189,0.02276123385971546,0.5489182612768249,0.0,88.43101453936761 +0.0,0.0,0.6910000000000001,0.739,0.00020426534333171142,0.0,0.544,104.11,2022-01-31,harrisburg/lancaster smm food,0,88.10677609593982,85.02510769460987,0.0,0.0,0.7241202584185183,1.5536401926937777,0.025146858066021065,0.0,0.7787610921516341,88.10677609593982 +0.532,0.0,0.789,0.783,0.00022792960536608176,0.846,0.8260000000000001,143.41,2022-01-31,hartford/new haven smm food,0,118.0172489365693,112.61073024106035,1.0278532685060728,0.0,0.8268174875429971,1.6461438036254776,0.02806013659339746,0.6951868997607691,1.1824570994802386,118.0172489365693 +0.0,0.876,0.98,0.0,0.00029090992661810446,0.925,0.0,197.14,2022-01-31,houston smm food,0,170.89378043815137,167.64644198801398,0.0,1.4244487117610427,1.0269722912447872,0.0,0.03581356736948914,0.7601038797620703,0.0,170.89378043815137 +0.898,0.0,0.6920000000000001,0.0,0.0003021113154137814,0.0,0.0,77.51,2022-01-31,indianapolis smm food,0,91.51858112621562,89.02123497580452,1.7349854043579953,0.0,0.7251681893279519,0.0,0.03719255672516158,0.0,0.0,91.51858112621562 +0.978,0.0,0.5760000000000001,0.0,0.00012951034358610813,0.961,0.0,52.51,2022-01-31,jacksonville smm food,0,89.59867816148146,86.29988999004563,1.8895498056371038,0.0,0.603608203833671,0.0,0.015943860936569753,0.7896863010284859,0.0,89.59867816148146 +0.532,0.5750000000000001,0.65,0.0,0.0001889916208198916,0.884,0.0,122.03999999999999,2022-01-31,kansas city smm food,0,83.8873859162507,80.49370051161102,1.0278532685060728,0.9349977274687211,0.6811550911317467,0.0,0.02326652865781207,0.726412788875319,0.0,83.8873859162507 +0.5700000000000001,0.0,0.994,0.0,0.00021643910064516887,0.9400000000000001,0.663,65.61,2022-01-31,knoxville smm food,0,73.29412359374848,69.4030183864474,1.1012713591136496,0.0,1.0416433239768557,0.0,0.026645554527684488,0.7724298886230768,0.9491150810598041,73.29412359374847 +0.645,0.955,0.713,0.68,8.045206611852043e-05,0.596,0.0,62.52000000000001,2022-01-31,las vegas smm food,0,78.55150299440288,73.0759844669223,1.246175485312814,1.5529092691002235,0.7471747384260543,1.429601259853544,0.009904356043967711,0.48975341874399336,0.0,78.55150299440291 +0.8260000000000001,0.721,0.0,0.0,0.0001464532781278154,0.0,0.0,68.94,2022-01-31,little rock/pine bluff smm food,0,60.48988413030294,57.70357115599228,1.5958774432067975,1.1724058460955613,0.0,0.0,0.01802968500830329,0.0,0.0,60.48988413030294 +0.0,0.0,0.749,0.781,0.0005879864241030988,0.903,0.0,125.19,2022-01-31,los angeles smm food,0,157.21782756710053,153.9765761946837,0.0,0.0,0.7849002511656588,1.641939094037673,0.0723862937809109,0.742025733432594,0.0,157.21782756710053 +0.0,0.0,0.0,0.895,7.060359158837029e-05,0.885,0.5060000000000001,53.89,2022-01-31,madison wi smm food,0,55.761081603223154,52.419185278171575,0.0,0.0,0.0,1.8816075405425319,0.008691922318613083,0.7272345227993862,0.7243623393910422,55.76108160322315 +0.54,0.686,0.788,0.916,0.00011764423527001702,0.735,0.0,208.09,2022-01-31,miami/west palm beach smm food,0,189.65060100646886,184.12181433608328,1.0433097086339838,1.1154929409452916,0.8257695566335637,1.9257569912144796,0.014483038768923802,0.6039744341893207,0.0,189.65060100646883 +0.71,0.0,0.684,0.5690000000000001,0.00017494478768311113,0.515,0.0,36.82,2022-01-31,milwaukee smm food,0,71.88268637216407,68.15317248002567,1.3717590613520896,0.0,0.7167847420524842,1.196239877730392,0.021537240108877587,0.42319297089455804,0.0,71.88268637216407 +0.0,0.524,0.794,0.0,0.0002041146076783833,0.632,0.974,116.68,2022-01-31,minneapolis/st. paul smm food,0,89.373637153436,85.75072244988117,0.0,0.8520674942497561,0.8320571420901643,0.0,0.025128301183008486,0.5193358400104091,1.394325926021492,89.373637153436 +0.0,0.0,0.0,0.581,0.00015151404235758519,0.0,0.916,86.25,2022-01-31,mobile/pensacola smm food,0,70.01785197175666,67.46643487620449,0.0,0.0,0.0,1.221468135257219,0.018652709539610846,0.0,1.3112962507553252,70.01785197175664 +0.0,0.0,0.0,0.609,0.00027447603379091506,0.559,0.0,115.96000000000001,2022-01-31,nashville smm food,0,97.24564168257973,95.47216793873541,0.0,0.0,0.0,1.2803340694864824,0.03379041080432268,0.45934926355351063,0.0,97.24564168257973 +0.0,0.0,0.0,0.9689999999999999,0.00010751158696719916,0.0,0.9969999999999999,58.22,2022-01-31,new orleans smm food,0,63.027286219237396,59.54961731628727,0.0,0.0,0.0,2.0371817952912994,0.01323562075592251,0.0,1.4272514869029027,63.027286219237396 +0.503,0.529,0.887,0.525,0.0009304763615366815,0.0,0.0,279.68,2022-01-31,new york smm food,0,294.1415879640891,290.1617655847399,0.9718236730423959,0.8601979092712233,0.9295147166674758,1.1037362667986919,0.11454981356946661,0.0,0.0,294.1415879640891 +0.5750000000000001,0.0,0.0,0.0,0.00014779507255006396,0.748,0.964,111.37,2022-01-31,norfolk/portsmouth/newport news smm food,0,105.4337331944376,102.30993924858487,1.110931634193594,0.0,0.0,0.0,0.018194871688234932,0.6146569752021931,1.3800104647687046,105.4337331944376 +0.948,0.656,0.0,0.0,0.00014889717257275794,0.0,0.498,57.02,2022-01-31,oklahoma city smm food,0,57.23878324621637,53.609244119971564,1.831588155157438,1.0667104508164886,0.0,0.0,0.018330549882064603,0.0,0.7129099703888121,57.238783246216364 +0.247,0.0,0.497,0.0,7.94846397533081e-05,0.0,0.0,110.11,2022-01-31,omaha smm food,0,61.884054358316995,60.87622985001895,0.4772175889492481,0.0,0.5208216619884278,0.0,0.009785257360370588,0.0,0.0,61.884054358316995 +0.0,0.63,0.838,0.0,0.00030227069983410374,0.764,0.558,127.61,2022-01-31,orlando/daytona beach/melborne smm food,0,135.9818001959124,132.61538216686213,0.0,1.0244322927048595,0.8781661021052364,0.0,0.03721217834736341,0.6278047179872667,0.7988027379055365,135.9818001959124 +0.686,0.757,0.0,0.743,0.0001572914187097345,0.0,0.9059999999999999,17.04,2022-01-31,paducah ky/cape girardeau mo smm food,0,60.993987064742775,55.55925813283435,1.3253897409683573,1.2309448342501248,0.0,1.5620496118693867,0.019363955318027388,0.0,1.2969807895025376,60.99398706474278 +0.0,0.0,0.0,0.611,0.0005850223681003601,0.871,0.0,181.26,2022-01-31,philadelphia smm food,0,201.81003805722185,199.7377476378349,0.0,0.0,0.0,1.284538779074287,0.07202139245019634,0.7157302478624467,0.0,201.81003805722182 +0.0,0.795,0.0,0.0,0.00024725712852191394,0.979,0.0,149.81,2022-01-31,phoenix/prescott smm food,0,119.11061414401236,116.98296111946722,0.0,1.2927359884132752,0.0,0.0,0.030439524470166048,0.8044775116616938,0.0,119.11061414401236 +0.859,0.645,0.582,0.601,0.0003066939263825842,0.912,0.796,108.62,2022-01-31,pittsburgh smm food,0,111.06079093663453,104.55223234884438,1.6596352587344296,1.048823537769261,0.6098957892902716,1.2635152311352644,0.03775671638986367,0.7494213387491979,1.1395107157218765,111.06079093663455 +0.628,0.5640000000000001,0.0,0.0,0.0001343104092679088,0.0,0.636,85.67,2022-01-31,portland or smm food,0,89.95374897056257,86.8963094792362,1.2133305500410032,0.9171108144214933,0.0,0.0,0.016534791186601457,0.0,0.9104633356772781,89.95374897056257 +0.0,0.775,0.539,0.647,0.0001451448432354018,0.0,0.857,123.06000000000002,2022-01-31,providence ri/new bedford ma smm food,0,87.67828263251543,83.24830635780522,0.0,1.2602143283274065,0.564834760184633,1.360223551654769,0.017868605179530168,0.0,1.2268350293638794,87.67828263251543 +0.0,0.9689999999999999,0.0,0.772,0.0002149700457942909,0.635,0.0,136.06,2022-01-31,raleigh/durham/fayetteville smm food,0,129.07713085090796,125.33017277610136,0.0,1.5756744311603312,0.0,1.6230179008925527,0.02646470097111108,0.5218010417826104,0.0,129.07713085090796 +0.753,0.0,0.0,0.726,0.001989306602958528,0.896,0.0,351.33,2022-01-31,rem us east north central smm food,0,310.41599442273696,306.4536727021249,1.4548374270396107,0.0,0.0,1.5263095803730482,0.24490111723534091,0.7362735959641243,0.0,310.415994422737 +0.0,0.559,0.685,0.0,0.0007599313251773522,0.0,0.0,162.2,2022-01-31,rem us middle atlantic smm food,0,132.52039055555593,130.80002326169728,0.0,0.9089803994000262,0.7178326729619177,0.0,0.09355422149671848,0.0,0.0,132.52039055555593 +0.0,0.884,0.63,0.9210000000000002,0.0005111742533510095,0.0,0.0,181.09,2022-01-31,rem us mountain smm food,0,178.05436418581374,173.95751153106124,0.0,1.4374573757953901,0.6601964729430775,1.9362687651839912,0.06293004083001744,0.0,0.0,178.0543641858137 +0.0,0.0,0.0,0.0,0.0003187070637375773,0.855,0.586,168.45,2022-01-31,rem us new england smm food,0,149.80233478666844,148.221630613054,0.0,0.0,0.0,0.0,0.0392356391237268,0.7025825050773731,0.8388860294133411,149.80233478666844 +0.0,0.6900000000000001,0.525,0.717,0.00045830310517710603,0.0,0.792,123.98000000000002,2022-01-31,rem us pacific smm food,0,109.48339925893671,105.11364420201244,0.0,1.1219972729624652,0.5501637274525646,1.5073883872279277,0.05642113806055623,0.0,1.1337845312207615,109.48339925893671 +0.866,0.9619999999999999,0.528,0.0,0.001879017526248037,0.636,0.967,402.16,2022-01-31,rem us south atlantic smm food,0,289.6092408129174,283.6802303568146,1.6731596438463516,1.5642918501302774,0.5533075201808649,0.0,0.23132356309407187,0.5226227757066775,1.3843051031445408,289.6092408129174 +0.0,0.916,0.908,0.896,0.0027718952265844933,0.0,0.808,434.15,2022-01-31,rem us south central smm food,0,405.25398647470314,399.4313293612464,0.0,1.48949203193278,0.9515212657655784,1.8837098953364342,0.34124465119668784,0.0,1.1566892692252213,405.25398647470314 +0.769,0.0,0.6960000000000001,0.0,0.001020215967868869,0.0,0.538,161.57,2022-01-31,rem us west north central smm food,0,129.0654080655862,125.95452848252805,1.4857503072954323,0.0,0.7293599129656857,0.0,0.12559754739708642,0.0,0.7701718153999617,129.0654080655862 +0.76,0.0,0.0,0.0,0.00011674352796447451,0.535,0.0,140.48,2022-01-31,richmond/petersburg smm food,0,87.99045545338454,86.06809383806947,1.4683618121515327,0.0,0.0,0.0,0.014372153787643721,0.43962764937590015,0.0,87.99045545338456 +0.0,0.0,0.878,0.0,0.00015965747425172893,0.0,0.975,94.05,2022-01-31,sacramento/stockton/modesto smm food,0,73.92257769613852,71.58708164797008,0.0,0.0,0.9200833384825747,0.0,0.01965523753908549,0.0,1.3957574721467707,73.92257769613852 +0.0,0.632,0.0,0.0,0.00013152550629576498,0.542,0.974,85.35,2022-01-31,salt lake city smm food,0,86.60839118889817,83.72480907215119,0.0,1.0276844587134464,0.0,0.0,0.016191945167664142,0.44537978684436985,1.394325926021492,86.60839118889817 +0.0,0.0,0.0,0.932,7.483407418669346e-05,0.0,0.0,85.61,2022-01-31,san diego smm food,0,80.68292035052093,78.71431295071628,0.0,0.0,0.0,1.9593946679169159,0.009212731887752994,0.0,0.0,80.68292035052094 +0.0,0.9510000000000001,0.948,0.0,0.00012338578101604738,0.0,0.0,104.98,2022-01-31,san francisco/oakland/san jose smm food,0,91.43094636013046,88.87591304741949,0.0,1.54640493708305,0.9934385021429166,0.0,0.015189873484984897,0.0,0.0,91.43094636013043 +0.8190000000000001,0.0,0.8140000000000001,0.9350000000000002,0.00015823289877396415,0.0,0.0,69.89,2022-01-31,seattle/tacoma smm food,0,93.16530691626014,88.74475650580376,1.5823530580948755,0.0,0.8530157602788335,1.965701732298623,0.019479859784056773,0.0,0.0,93.16530691626015 +0.0,0.0,0.868,0.885,0.00026185377613189935,0.0,0.752,92.31,2022-01-31,st. louis smm food,0,91.58304073857344,87.70409353036166,0.0,0.0,0.9096040293882401,1.860583992603509,0.032236500010416905,0.0,1.0765226862096118,91.58304073857344 +0.736,0.638,0.0,0.0,0.0003448288111364525,0.876,0.0,141.98,2022-01-31,tampa/ft. myers smm food,0,176.4769274424399,173.25520362076367,1.4219924917678,1.0374409567392069,0.0,0.0,0.04245145568644761,0.7198389174827822,0.0,176.47692744243992 +0.931,0.973,0.0,0.799,7.995290870913884e-05,0.9000000000000001,0.0,30.97,2022-01-31,tucson/sierra vista smm food,0,69.1323535448538,63.32224664442017,1.7987432198856277,1.5821787631775053,0.0,1.679781480327914,0.009842905382188353,0.7395605316603928,0.0,69.1323535448538 +0.613,0.68,0.0,0.65,0.00026849355810718814,0.6950000000000001,0.628,169.29,2022-01-31,washington dc/hagerstown smm food,0,178.1811629268152,173.02137618365978,1.1843497248011703,1.1057364429195309,0.0,1.3665306160364756,0.03305391549656115,0.5711050772266366,0.8990109666750482,178.1811629268152 +0.9759999999999999,0.0,0.0,0.0,4.577298154792024e-05,0.0,0.0,40.1,2022-01-31,yakima/pasco/richland/kennewick smm food,0,55.408263118620766,53.51694236690935,1.885685695605126,0.0,0.0,0.0,0.005635056106286905,0.0,0.0,55.40826311862076 +0.0,0.0,0.52,0.8200000000000001,4.942152568134558e-07,0.502,0.716,73.54,2022-02-07,albany/schenectady/troy smm food,0,86.06328174255668,82.35686844083078,0.0,0.0,0.5449240729053973,1.7239309309998616,6.084223938550386e-05,0.4125104298816857,1.0249870256995772,86.06328174255668 +0.0,0.968,0.751,0.6990000000000001,2.2239686556605507e-06,0.577,0.0,92.25,2022-02-07,albuquerque/santa fe smm food,0,75.09713408805503,70.79212936171284,0.0,1.5740483481560381,0.7869961129845258,1.469546000937687,0.00027379007723476735,0.4741404741867184,0.0,75.09713408805504 +0.941,0.0,0.0,0.9980000000000001,3.7066144261009183e-06,0.0,0.0,182.13,2022-02-07,atlanta smm food,0,169.16420101123856,165.2475308400832,1.818063770045516,0.0,0.0,2.098150084314466,0.000456316795391279,0.0,0.0,169.16420101123856 +0.865,0.638,0.0,0.0,3.706614426100918e-07,0.0,0.0,110.48,2022-02-07,baltimore smm food,0,107.98907536746512,105.28036119021601,1.6712275888303627,1.0374409567392069,0.0,0.0,4.5631679539127894e-05,0.0,0.0,107.98907536746512 +0.0,0.6880000000000001,0.584,0.847,0.0,0.501,0.916,49.71,2022-02-07,baton rouge smm food,0,55.86265811865316,50.62824190344196,0.0,1.1187451069538783,0.6119916511091384,1.7806945104352228,0.0,0.4116886959576186,1.3112962507553252,55.862658118653144 +0.713,0.0,0.635,0.0,2.471076284067279e-07,0.9199999999999999,0.812,49.78,2022-02-07,birmingham/anniston/tuscaloosa smm food,0,66.23694934243301,62.27551690355495,1.3775552264000563,0.0,0.6654361274902448,0.0,3.042111969275193e-05,0.7559952101417347,1.1624154537263363,66.23694934243302 +0.0,0.0,0.0,0.9770000000000001,3.7066144261009183e-06,0.0,0.0,203.92,2022-02-07,boston/manchester smm food,0,185.39874831659432,183.34429136615643,0.0,0.0,0.0,2.0540006336425183,0.000456316795391279,0.0,0.0,185.39874831659432 +0.772,0.548,0.0,0.0,1.2355381420336394e-07,0.761,0.5710000000000001,60.67000000000001,2022-02-07,buffalo smm food,0,67.78860083078868,63.96319330778341,1.491546472343399,0.8910934863527985,0.0,0.0,1.5210559846375966e-05,0.6253395162150653,0.8174128375341602,67.78860083078868 +0.683,0.561,0.793,0.507,3.706614426100918e-07,0.788,0.619,156.45,2022-02-07,charlotte smm food,0,132.76331351451492,127.1008852661048,1.3195935759203907,0.9122325654086131,0.8310092111807309,1.065893880508451,4.5631679539127894e-05,0.6475263321648772,0.8861270515475396,132.76331351451495 +0.5640000000000001,0.0,0.0,0.0,2.347522469863915e-06,0.737,0.0,204.36,2022-02-07,chicago smm food,0,178.8184416295433,177.12285569785104,1.0896790290177165,0.0,0.0,0.0,0.00028900063708114335,0.6056179020374549,0.0,178.8184416295433 +0.0,0.504,0.843,0.0,3.830168240304282e-06,0.0,0.0,145.45,2022-02-07,cleveland/akron/canton smm food,0,132.79449776841045,131.09107465023894,0.0,0.8195458341638876,0.8834057566524036,0.0,0.000471527355237655,0.0,0.0,132.79449776841048 +0.0,0.726,0.0,0.721,1.2355381420336394e-06,0.56,0.675,134.61,2022-02-07,columbus oh smm food,0,108.04368549480463,103.92073468964487,0.0,1.1805362611170285,0.0,1.5157978064035367,0.00015210559846375968,0.4601709974775777,0.966293634563149,108.04368549480463 +0.804,0.0,0.905,0.582,4.4479373113211014e-06,0.747,0.0,136.5,2022-02-07,dallas/ft. worth smm food,0,109.61686019869454,105.27715718131851,1.5533722328550426,0.0,0.948377473037278,1.2235704900511213,0.0005475801544695347,0.6138352412781259,0.0,109.61686019869455 +0.0,0.0,0.727,0.918,1.729753398847095e-06,0.781,0.9380000000000001,61.31,2022-02-07,des moines/ames smm food,0,67.08488224379192,62.408297363785806,0.0,0.0,0.7618457711581228,1.929961700802284,0.00021294783784926353,0.6417741946964075,1.3427902655114574,67.08488224379192 +0.662,0.0,0.0,0.0,2.8417377266773707e-06,0.8160000000000001,0.978,202.55,2022-02-07,detroit smm food,0,163.67288030896287,160.32292305294044,1.2790204205846245,0.0,0.0,0.0,0.00034984287646664725,0.6705348820387561,1.400052110522607,163.6728803089629 +0.6990000000000001,0.0,0.0,0.849,1.729753398847095e-06,0.589,0.5730000000000001,124.04000000000002,2022-02-07,grand rapids smm food,0,114.4554621436999,110.01556630860257,1.3505064561762123,0.0,0.0,1.7848992200230274,0.00021294783784926353,0.48400128127552366,0.8202759297847176,114.4554621436999 +0.0,0.0,0.7010000000000001,0.614,3.706614426100918e-07,0.0,0.0,94.59,2022-02-07,greensboro smm food,0,85.5947342985202,83.56924325587181,0.0,0.0,0.7345995675128529,1.290845843455994,4.5631679539127894e-05,0.0,0.0,85.5947342985202 +0.0,0.681,0.0,0.0,9.884305136269115e-07,0.0,0.0,66.83,2022-02-07,harrisburg/lancaster smm food,0,86.13259190501246,85.02510769460987,0.0,1.1073625259238244,0.0,0.0,0.00012168447877100773,0.0,0.0,86.13259190501246 +0.649,0.793,0.881,0.787,6.177690710168197e-07,0.0,0.765,134.51,2022-02-07,hartford/new haven smm food,0,118.82710696149124,112.61073024106035,1.2539037053767694,1.2894838224046883,0.9232271312108751,1.6545532228010866,7.605279923187984e-05,0.0,1.0951327858382354,118.82710696149124 +0.652,0.781,0.62,0.527,1.8533072130504591e-06,0.0,0.0,187.09,2022-02-07,houston smm food,0,171.93399898342483,167.64644198801398,1.259699870424736,1.269970826353167,0.6497171638487429,1.1079409763864965,0.0002281583976956395,0.0,0.0,171.93399898342483 +0.0,0.797,0.0,0.0,4.942152568134558e-07,0.0,0.0,92.6,2022-02-07,indianapolis smm food,0,90.31728397246577,89.02123497580452,0.0,1.295988154421862,0.0,0.0,6.084223938550386e-05,0.0,0.0,90.31728397246576 +0.6940000000000001,0.0,0.8200000000000001,0.992,2.471076284067279e-07,0.795,0.0,65.7,2022-02-07,jacksonville smm food,0,91.23888436318143,86.29988999004563,1.3408461810962682,0.0,0.8593033457354343,2.085535955551052,3.042111969275193e-05,0.6532784696333469,0.0,91.23888436318143 +0.0,0.0,0.0,0.922,2.8417377266773707e-06,0.886,0.0,84.87,2022-02-07,kansas city smm food,0,83.16047773118882,80.49370051161102,0.0,0.0,0.0,1.9383711199778932,0.00034984287646664725,0.7280562567234533,0.0,83.16047773118883 +0.586,0.0,0.0,0.9530000000000001,1.4826457704403671e-06,0.788,0.993,58.99000000000001,2022-02-07,knoxville smm food,0,74.60798090569054,69.4030183864474,1.1321842393694712,0.0,0.0,2.003544118588864,0.00018252671815651157,0.6475263321648772,1.421525302401788,74.60798090569055 +0.0,0.0,0.664,0.531,4.942152568134558e-07,0.0,0.0,85.27,2022-02-07,las vegas smm food,0,74.8882218285876,73.0759844669223,0.0,0.0,0.695826123863815,1.1163503955621055,6.084223938550386e-05,0.0,0.0,74.88822182858762 +0.0,0.979,0.76,0.867,1.3590919562370033e-06,0.74,0.631,93.84,2022-02-07,little rock/pine bluff smm food,0,63.4262315396971,57.70357115599228,0.0,1.5919352612032658,0.7964274911694268,1.8227416063132682,0.00016731615831013563,0.6080831038096562,0.9033056050508844,63.42623153969709 +0.0,0.678,0.549,0.0,7.783890294811928e-06,0.0,0.6890000000000001,165.91,2022-02-07,los angeles smm food,0,156.64166808646098,153.9765761946837,0.0,1.1024842769109442,0.5753140692789676,0.0,0.0009582652703216859,0.0,0.9863352803170513,156.64166808646098 +0.874,0.848,0.753,0.614,7.413228852201836e-07,0.0,0.749,37.81,2022-02-07,madison wi smm food,0,58.6389768792389,52.419185278171575,1.6886160839742625,1.3789183876408266,0.7890919748033927,1.290845843455994,9.126335907825579e-05,0.0,1.0722280478337756,58.6389768792389 +0.0,0.0,0.0,0.0,2.2239686556605507e-06,0.0,0.7010000000000001,171.09,2022-02-07,miami/west palm beach smm food,0,185.12560195998094,184.12181433608328,0.0,0.0,0.0,0.0,0.00027379007723476735,0.0,1.0035138338203962,185.1256019599809 +0.0,0.8140000000000001,0.0,0.6920000000000001,2.471076284067279e-06,0.978,0.807,62.42000000000001,2022-02-07,milwaukee smm food,0,72.8908512749354,68.15317248002567,0.0,1.3236315654948503,0.0,1.4548295173803711,0.00030421119692751935,0.8036557777376268,1.1552577230999426,72.89085127493539 +0.901,0.0,0.0,1.0,2.5946300982706425e-06,0.0,0.512,86.74,2022-02-07,minneapolis/st. paul smm food,0,90.32712985108888,85.75072244988117,1.7407815694059618,0.0,0.0,2.10235479390227,0.00031942175677389525,0.0,0.7329516161427144,90.32712985108888 +0.79,0.968,0.552,0.0,1.2355381420336394e-07,0.562,0.521,55.91,2022-02-07,mobile/pensacola smm food,0,72.35292975615478,67.46643487620449,1.5263234626311986,1.5740483481560381,0.5784578620072679,0.0,1.5210559846375966e-05,0.4618144653257119,0.7458355312702232,72.35292975615478 +0.0,0.985,0.8310000000000001,0.642,1.2355381420336393e-05,0.5720000000000001,0.73,114.85999999999999,2022-02-07,nashville smm food,0,100.8109835933934,95.47216793873541,0.0,1.6016917592290263,0.8708305857392022,1.3497117776852574,0.0015210559846375966,0.47003180456638294,1.0450286714534796,100.8109835933934 +0.0,0.79,0.879,0.0,6.177690710168197e-07,0.8280000000000001,0.0,71.95,2022-02-07,new orleans smm food,0,62.43582590099787,59.54961731628727,0.0,1.284605573391808,0.9211312693920082,0.0,7.605279923187984e-05,0.6803956891275613,0.0,62.43582590099788 +0.0,0.627,0.786,0.9140000000000001,9.019428436845567e-06,0.589,0.0,242.11,2022-02-07,new york smm food,0,294.4116572570175,290.1617655847399,0.0,1.0195540436919792,0.8236736948146968,1.9215522816266752,0.0011103708687854456,0.48400128127552366,0.0,294.41165725701757 +0.494,0.55,0.668,0.849,0.0,0.586,0.0,122.34,2022-02-07,norfolk/portsmouth/newport news smm food,0,107.12517322587264,102.30993924858487,0.9544351778984962,0.8943456523613853,0.7000178475015488,1.7848992200230274,0.0,0.48153607950332233,0.0,107.12517322587264 +0.0,0.6890000000000001,0.6920000000000001,0.989,8.648766994235475e-07,0.789,0.623,67.67,2022-02-07,oklahoma city smm food,0,59.07432016648356,53.609244119971564,0.0,1.1203711899581719,0.7251681893279519,2.079228891169345,0.00010647391892463176,0.6483480660889442,0.8918532360486545,59.07432016648356 +0.0,0.658,0.877,0.514,4.942152568134558e-07,0.556,0.805,80.34,2022-02-07,omaha smm food,0,65.55517777335302,60.87622985001895,0.0,1.0699626168250755,0.9190354075731412,1.080610364065767,6.084223938550386e-05,0.4568840617813093,1.152394630849385,65.55517777335301 +0.0,0.0,0.7020000000000001,0.0,1.2355381420336394e-06,0.0,0.0,152.37,2022-02-07,orlando/daytona beach/melborne smm food,0,133.35118177088287,132.61538216686213,0.0,0.0,0.7356474984222864,0.0,0.00015210559846375968,0.0,0.0,133.35118177088287 +0.516,0.88,0.0,0.746,0.0,0.811,0.0,88.18,2022-02-07,paducah ky/cape girardeau mo smm food,0,60.221934453532334,55.55925813283435,0.9969403882502511,1.4309530437782165,0.0,1.5683566762510937,0.0,0.6664262124184206,0.0,60.221934453532334 +0.0,0.0,0.6950000000000001,0.706,1.976861027253823e-06,0.721,0.738,221.65,2022-02-07,philadelphia smm food,0,203.5995166730518,199.7377476378349,0.0,0.0,0.7283119820562522,1.4842624844950028,0.00024336895754201545,0.5924701592523812,1.0564810404557095,203.5995166730518 +0.0,0.0,0.0,0.838,2.2239686556605507e-06,0.714,0.733,113.73,2022-02-07,phoenix/prescott smm food,0,120.38104955844778,116.98296111946722,0.0,0.0,0.0,1.7617733172901024,0.00027379007723476735,0.5867180217839115,1.0493233098293158,120.38104955844778 +0.0,0.606,0.0,0.0,6.177690710168197e-07,0.724,0.538,114.30000000000001,2022-02-07,pittsburgh smm food,0,106.90282187866998,104.55223234884438,0.0,0.9854063006018172,0.0,0.0,7.605279923187984e-05,0.5949353610245826,0.7701718153999617,106.90282187866998 +0.791,0.0,0.0,0.5630000000000001,2.5946300982706425e-06,0.0,0.659,99.91,2022-02-07,portland or smm food,0,90.55189906416582,86.8963094792362,1.5282555176471873,0.0,0.0,1.1836257489669781,0.00031942175677389525,0.0,0.9433888965586892,90.55189906416582 +0.0,0.0,0.852,0.0,1.2355381420336394e-07,0.676,0.0,89.53,2022-02-07,providence ri/new bedford ma smm food,0,84.69665083587172,83.24830635780522,0.0,0.0,0.8928371348373048,0.0,1.5210559846375966e-05,0.5554921326693617,0.0,84.69665083587174 +0.764,0.77,0.0,0.0,8.648766994235475e-07,0.517,0.0,159.22,2022-02-07,raleigh/durham/fayetteville smm food,0,128.4832896342844,125.33017277610136,1.4760900322154882,1.2520839133059394,0.0,0.0,0.00010647391892463176,0.4248364387426923,0.0,128.4832896342844 +0.0,0.0,0.637,0.0,8.401659365828748e-06,0.519,0.0,364.7,2022-02-07,rem us east north central smm food,0,307.54871891609434,306.4536727021249,0.0,0.0,0.6675319893091117,0.0,0.0010343180695535658,0.42647990659082646,0.0,307.5487189160944 +0.846,0.0,0.0,0.0,5.065706382337921e-06,0.0,0.8310000000000001,127.71,2022-02-07,rem us middle atlantic smm food,0,133.62478026828418,130.80002326169728,1.6345185435265746,0.0,0.0,0.0,0.0006236329537014147,0.0,1.1896148301066323,133.62478026828418 +0.736,0.543,0.0,0.0,4.571491125524466e-06,0.0,0.0,189.06,2022-02-07,rem us mountain smm food,0,176.2630298848747,173.95751153106124,1.4219924917678,0.8829630713313313,0.0,0.0,0.0005627907143159108,0.0,0.0,176.2630298848747 +0.989,0.0,0.0,0.9700000000000001,1.729753398847095e-06,0.0,0.554,119.53000000000002,2022-02-07,rem us new england smm food,0,152.96500667519447,148.221630613054,1.9108024108129813,0.0,0.0,2.0392841500852024,0.00021294783784926353,0.0,0.7930765534044215,152.96500667519445 +0.0,0.683,0.55,0.0,1.6061995846437312e-06,0.0,0.0,92.75,2022-02-07,rem us pacific smm food,0,106.80081863141125,105.11364420201244,0.0,1.1106146919324114,0.576362000188401,0.0,0.00019773727800288758,0.0,0.0,106.80081863141125 +0.561,0.0,0.0,0.0,4.818598753931193e-06,0.667,0.869,321.39,2022-02-07,rem us south atlantic smm food,0,286.5568165428383,283.6802303568146,1.08388286396975,0.0,0.0,0.0,0.0005932118340086627,0.5480965273527577,1.2440135828672243,286.55681654283836 +0.0,0.56,0.625,0.648,8.030997923218657e-06,0.737,0.0,469.65,2022-02-07,rem us south central smm food,0,402.9658251569228,399.4313293612464,0.0,0.9106064824043196,0.6549568183959102,1.3623259064486712,0.000988686390014438,0.6056179020374549,0.0,402.9658251569228 +0.0,0.73,0.877,0.5,5.436367824948013e-06,0.0,0.809,132.0,2022-02-07,rem us west north central smm food,0,130.27057196017026,125.95452848252805,0.0,1.1870405931342023,0.9190354075731412,1.051177396951135,0.0006692646332405425,0.0,1.1581208153505,130.27057196017026 +0.0,0.0,0.0,0.0,1.976861027253823e-06,0.719,0.727,104.37,2022-02-07,richmond/petersburg smm food,0,87.6998979315089,86.06809383806947,0.0,0.0,0.0,0.0,0.00024336895754201545,0.590826691404247,1.0407340330776433,87.6998979315089 +0.988,0.0,0.0,0.517,2.100414841457187e-06,0.809,0.0,44.1,2022-02-07,sacramento/stockton/modesto smm food,0,75.24791075630225,71.58708164797008,1.9088703557969924,0.0,0.0,1.0869174284474736,0.00025857951738839145,0.6647827445702864,0.0,75.24791075630222 +0.842,0.9500000000000001,0.0,0.0,2.8417377266773707e-06,0.503,0.0,106.34,2022-02-07,salt lake city smm food,0,87.31006025637478,83.72480907215119,1.626790323462619,1.5447788540787566,0.0,0.0,0.00034984287646664725,0.41333216380575283,0.0,87.31006025637478 +0.715,0.51,0.782,0.0,9.884305136269115e-07,0.932,0.684,88.54,2022-02-07,san diego smm food,0,83.48967184191488,78.71431295071628,1.381419336432034,0.8293023321896482,0.8194819711769629,0.0,0.00012168447877100773,0.7658560172305401,0.9791775496906576,83.48967184191488 +0.898,0.805,0.0,0.0,3.45950679769419e-06,0.633,0.636,74.87,2022-02-07,san francisco/oakland/san jose smm food,0,93.35094207552115,88.87591304741949,1.7349854043579953,1.3089968184562095,0.0,0.0,0.00042589567569852705,0.5201575739344761,0.9104633356772781,93.35094207552115 +0.0,0.0,0.0,0.0,5.683475453354741e-06,0.0,0.0,72.56,2022-02-07,seattle/tacoma smm food,0,88.74545619155668,88.74475650580376,0.0,0.0,0.0,0.0,0.0006996857529332945,0.0,0.0,88.7454561915567 +0.973,0.613,0.8,0.741,9.884305136269115e-07,0.0,0.603,79.17,2022-02-07,st. louis smm food,0,93.8403055704009,87.70409353036166,1.8798895305571595,0.9967888816318712,0.8383447275467651,1.5578449022815821,0.00012168447877100773,0.0,0.8632223135430797,93.84030557040089 +0.514,0.706,0.64,0.5700000000000001,1.6061995846437312e-06,0.512,0.597,143.93,2022-02-07,tampa/ft. myers smm food,0,178.54087105776657,173.25520362076367,0.9930762782182734,1.14801460103116,0.6706757820374121,1.198342232524294,0.00019773727800288758,0.42072776912235677,0.8546330367914072,178.54087105776657 +0.0,0.873,0.0,0.9980000000000001,8.648766994235475e-07,0.579,0.59,65.19,2022-02-07,tucson/sierra vista smm food,0,68.16046982135103,63.32224664442017,0.0,1.4195704627481625,0.0,2.098150084314466,0.00010647391892463176,0.4757839420348526,0.8446122139144561,68.16046982135103 +0.805,0.0,0.522,0.88,4.07727586871101e-06,0.599,0.9490000000000002,133.21,2022-02-07,washington dc/hagerstown smm food,0,178.82503046676973,173.02137618365978,1.5553042878710315,0.0,0.5470199347242642,1.8500722186339977,0.0005019484749304069,0.4922186205161947,1.3585372728895238,178.82503046676973 +0.9210000000000002,0.519,0.634,0.0,1.3590919562370033e-06,0.652,0.547,92.61,2022-02-07,yakima/pasco/richland/kennewick smm food,0,58.123683877621716,53.51694236690935,1.7794226697257391,0.8439370792282891,0.6643881965808114,0.0,0.00016731615831013563,0.5357705184917512,0.7830557305274704,58.123683877621716 +0.6990000000000001,0.544,0.892,0.9450000000000001,1.2355381420336394e-07,0.0,0.9700000000000001,93.3,2022-02-14,albany/schenectady/troy smm food,0,88.90205865487513,82.35686844083078,1.3505064561762123,0.8845891543356248,0.9347543712146431,1.9867252802376454,1.5210559846375966e-05,0.0,1.388599741520377,88.90205865487513 +0.0,0.0,0.0,0.903,3.706614426100918e-07,0.0,0.0,48.28,2022-02-14,albuquerque/santa fe smm food,0,72.69060137228612,70.79212936171284,0.0,0.0,0.0,1.89842637889375,4.5631679539127894e-05,0.0,0.0,72.69060137228612 +0.779,0.0,0.0,0.0,4.942152568134558e-06,0.594,0.0,156.31,2022-02-14,atlanta smm food,0,167.2413200708282,165.2475308400832,1.505070857455321,0.0,0.0,0.0,0.0006084223938550387,0.4881099508958592,0.0,167.2413200708282 +0.0,0.912,0.0,0.6980000000000001,0.0,0.0,0.9199999999999999,82.47,2022-02-14,baltimore smm food,0,109.54781497153184,105.28036119021601,0.0,1.4829876999156062,0.0,1.4674436461437848,0.0,0.0,1.31702243525644,109.54781497153185 +0.66,0.542,0.624,0.9140000000000001,1.2355381420336394e-07,0.0,0.0,52.31,2022-02-14,baton rouge smm food,0,55.36021158199463,50.62824190344196,1.2751563105526469,0.8813369883270379,0.6539088874864768,1.9215522816266752,1.5210559846375966e-05,0.0,0.0,55.36021158199464 +0.88,0.773,0.0,0.0,6.177690710168197e-07,0.0,0.781,30.59,2022-02-14,birmingham/anniston/tuscaloosa smm food,0,66.35080105658588,62.27551690355495,1.7002084140701956,1.2569621623188196,0.0,0.0,7.605279923187984e-05,0.0,1.1180375238426954,66.3508010565859 +0.0,0.0,0.9560000000000002,0.872,2.7181839124740066e-06,0.0,0.0,200.91,2022-02-14,boston/manchester smm food,0,186.17970132817422,183.34429136615643,0.0,0.0,1.0018219494183844,1.8332533802827795,0.00033463231662027125,0.0,0.0,186.17970132817422 +0.637,0.0,0.549,0.0,8.648766994235475e-07,0.6960000000000001,0.533,52.27,2022-02-14,buffalo smm food,0,67.10427379209048,63.96319330778341,1.230719045184903,0.0,0.5753140692789676,0.0,0.00010647391892463176,0.5719268111507038,0.763014084773568,67.10427379209048 +0.0,0.532,0.9400000000000001,0.677,1.976861027253823e-06,0.961,0.0,113.94,2022-02-14,charlotte smm food,0,131.16424034471422,127.1008852661048,0.0,0.8650761582841037,0.985055054867449,1.423294195471837,0.00024336895754201545,0.7896863010284859,0.0,131.16424034471422 +0.5630000000000001,0.9540000000000001,0.735,0.7020000000000001,2.9652915408807343e-06,0.8260000000000001,0.738,163.65,2022-02-14,chicago smm food,0,183.7435664568731,177.12285569785104,1.0877469740017276,1.5512831860959302,0.7702292184335904,1.4758530653193938,0.00036505343631302315,0.6787522212794271,1.0564810404557095,183.74356645687314 +0.872,0.898,0.897,0.916,1.729753398847095e-06,0.0,0.591,168.5,2022-02-14,cleveland/akron/canton smm food,0,137.94805688689058,131.09107465023894,1.684751973942285,1.4602225378554983,0.9399940257618103,1.9257569912144796,0.00021294783784926353,0.0,0.8460437600397348,137.94805688689058 +0.675,0.613,0.0,0.91,4.07727586871101e-06,0.0,0.849,138.58,2022-02-14,columbus oh smm food,0,109.35068817835688,103.92073468964487,1.3041371357924798,0.9967888816318712,0.0,1.913142862451066,0.0005019484749304069,0.0,1.2153826603616495,109.35068817835688 +0.0,0.0,0.0,0.788,5.189260196541285e-06,0.716,0.9129999999999999,141.38,2022-02-14,dallas/ft. worth smm food,0,108.82981470443859,105.27715718131851,0.0,0.0,0.0,1.656655577594989,0.0006388435135477905,0.5883614896320457,1.3070016123794888,108.82981470443859 +0.0,0.0,0.0,0.98,1.2355381420336394e-07,0.0,0.0,59.0,2022-02-14,des moines/ames smm food,0,64.46862027236988,62.408297363785806,0.0,0.0,0.0,2.060307698024225,1.5210559846375966e-05,0.0,0.0,64.46862027236988 +0.0,0.0,0.0,0.0,4.07727586871101e-06,0.805,0.0,140.44,2022-02-14,detroit smm food,0,160.9849208102894,160.32292305294044,0.0,0.0,0.0,0.0,0.0005019484749304069,0.6614958088740179,0.0,160.9849208102894 +0.543,0.0,0.924,0.524,1.976861027253823e-06,0.507,0.0,157.43,2022-02-14,grand rapids smm food,0,113.55145672306539,110.01556630860257,1.0491058736819503,0.0,0.9682881603165137,1.1016339120047896,0.00024336895754201545,0.41661909950202125,0.0,113.55145672306539 +0.965,0.0,0.9460000000000001,0.0,1.2355381420336394e-07,0.0,0.0,101.88,2022-02-14,greensboro smm food,0,86.42503419718494,83.56924325587181,1.8644330904292485,0.0,0.9913426403240497,0.0,1.5210559846375966e-05,0.0,0.0,86.42503419718496 +0.986,0.508,0.678,0.552,1.729753398847095e-06,0.0,0.671,95.1,2022-02-14,harrisburg/lancaster smm food,0,90.58794150728578,85.02510769460987,1.9050062457650148,0.8260501661810613,0.7104971565958834,1.1604998462340532,0.00021294783784926353,0.0,0.960567450062034,90.58794150728576 +0.62,0.545,0.549,0.0,9.884305136269115e-07,0.746,0.0,103.99,2022-02-14,hartford/new haven smm food,0,115.88326884942516,112.61073024106035,1.1978741099130925,0.8862152373399182,0.5753140692789676,0.0,0.00012168447877100773,0.6130135073540588,0.0,115.88326884942516 +0.512,0.679,0.0,0.0,3.5830606118975546e-06,0.834,0.603,180.49,2022-02-14,houston smm food,0,171.28875402856607,167.64644198801398,0.9892121681862958,1.1041103599152375,0.0,0.0,0.00044110623554490306,0.6853260926719639,0.8632223135430797,171.2887540285661 +0.0,0.643,0.558,0.873,6.177690710168197e-07,0.496,0.836,73.33,2022-02-14,indianapolis smm food,0,94.09133616997528,89.02123497580452,0.0,1.045571371760674,0.5847454474638687,1.8353557350766818,7.605279923187984e-05,0.4075800263372831,1.196772560733026,94.09133616997528 +0.5760000000000001,0.585,0.0,0.793,1.2355381420336394e-07,0.667,0.7020000000000001,72.71,2022-02-14,jacksonville smm food,0,91.58423670618966,86.29988999004563,1.1128636892095827,0.9512585575116552,0.0,1.6671673515645002,1.5210559846375966e-05,0.5480965273527577,1.004945379945675,91.58423670618964 +0.812,0.537,0.0,0.729,2.2239686556605507e-06,0.0,0.0,84.89,2022-02-14,kansas city smm food,0,84.46862619273153,80.49370051161102,1.5688286729829535,0.8732065733055707,0.0,1.532616644754755,0.00027379007723476735,0.0,0.0,84.46862619273153 +0.0,0.8170000000000001,0.611,0.0,1.3590919562370033e-06,0.0,0.0,76.6,2022-02-14,knoxville smm food,0,71.37198130277727,69.4030183864474,0.0,1.3285098145077305,0.6402857856638419,0.0,0.00016731615831013563,0.0,0.0,71.37198130277729 +0.0,0.622,0.0,0.0,4.942152568134558e-07,0.773,0.0,119.05,2022-02-14,las vegas smm food,0,74.72266926113608,73.0759844669223,0.0,1.011423628670512,0.0,0.0,6.084223938550386e-05,0.6352003233038707,0.0,74.72266926113608 +0.9500000000000001,0.0,0.0,0.5690000000000001,0.0,0.534,0.0,90.24,2022-02-14,little rock/pine bluff smm food,0,61.174069214363925,57.70357115599228,1.8354522651894158,0.0,0.0,1.196239877730392,0.0,0.438805915451833,0.0,61.17406921436392 +0.0,0.0,0.0,0.0,6.795459781185017e-06,0.0,0.0,213.09,2022-02-14,los angeles smm food,0,153.97741277547527,153.9765761946837,0.0,0.0,0.0,0.0,0.0008365807915506782,0.0,0.0,153.97741277547524 +0.0,0.0,0.996,0.0,7.413228852201836e-07,0.497,0.0,49.52,2022-02-14,madison wi smm food,0,53.87141748758773,52.419185278171575,0.0,0.0,1.0437391857957226,0.0,9.126335907825579e-05,0.40840176026135017,0.0,53.87141748758773 +0.64,0.0,0.0,0.0,6.177690710168197e-07,0.0,0.9460000000000001,185.89,2022-02-14,miami/west palm beach smm food,0,186.71264823362907,184.12181433608328,1.2365152102328696,0.0,0.0,0.0,7.605279923187984e-05,0.0,1.3542426345136873,186.71264823362907 +1.0,0.8190000000000001,0.0,0.926,9.884305136269115e-07,0.0,0.0,52.89,2022-02-14,milwaukee smm food,0,73.36389170016314,68.15317248002567,1.9320550159888588,1.3317619805163174,0.0,1.9467805391535022,0.00012168447877100773,0.0,0.0,73.36389170016312 +0.961,0.0,0.0,0.0,1.976861027253823e-06,0.74,0.713,81.17,2022-02-14,minneapolis/st. paul smm food,0,89.23644618033741,85.75072244988117,1.8567048703652933,0.0,0.0,0.0,0.00024336895754201545,0.6080831038096562,1.020692387323741,89.2364461803374 +0.8989999999999999,0.0,0.764,0.0,3.706614426100918e-07,0.0,0.911,78.77,2022-02-14,mobile/pensacola smm food,0,71.3081557021941,67.46643487620449,1.7369174593739838,0.0,0.8006192148071607,0.0,4.5631679539127894e-05,0.0,1.3041385201289315,71.3081557021941 +0.6960000000000001,0.867,0.9520000000000001,0.8290000000000001,1.037852039308257e-05,0.0,0.0,97.18,2022-02-14,nashville smm food,0,100.96845223153879,95.47216793873541,1.3447102911282458,1.409813964722402,0.9976302257806505,1.7428521241449821,0.001277687027095581,0.0,0.0,100.96845223153879 +0.0,0.662,0.0,0.98,3.706614426100918e-07,0.9619999999999999,0.771,40.82,2022-02-14,new orleans smm food,0,64.58066769237574,59.54961731628727,0.0,1.0764669488422491,0.0,2.060307698024225,4.5631679539127894e-05,0.790508034952553,1.103722062589908,64.58066769237574 +0.0,0.919,0.779,0.0,2.4587209026469422e-05,0.0,0.88,269.5,2022-02-14,new york smm food,0,293.73526153578894,290.1617655847399,0.0,1.4943702809456603,0.8163381784486625,0.0,0.003026901409428817,0.0,1.2597605902452904,293.73526153578894 +0.0,0.526,0.0,0.0,9.884305136269115e-07,0.679,0.0,62.31,2022-02-14,norfolk/portsmouth/newport news smm food,0,103.72333792776354,102.30993924858487,0.0,0.855319660258343,0.0,0.0,0.00012168447877100773,0.5579573344415629,0.0,103.72333792776355 +0.8280000000000001,0.0,0.521,0.6,8.648766994235475e-07,0.0,0.859,46.36,2022-02-14,oklahoma city smm food,0,58.246175148899894,53.609244119971564,1.599741553238775,0.0,0.5459720038148308,1.2614128763413621,0.00010647391892463176,0.0,1.229698121614437,58.246175148899894 +0.59,0.93,0.0,0.552,3.706614426100918e-07,0.891,0.0,40.4,2022-02-14,omaha smm food,0,65.42110990770266,60.87622985001895,1.1399124594334267,1.512257193992888,0.0,1.1604998462340532,4.5631679539127894e-05,0.7321649263437888,0.0,65.42110990770264 +0.0,0.0,0.923,0.0,8.648766994235475e-07,0.0,0.747,129.3,2022-02-14,orlando/daytona beach/melborne smm food,0,134.65209382577135,132.61538216686213,0.0,0.0,0.9672402294070802,0.0,0.00010647391892463176,0.0,1.069364955583218,134.65209382577135 +0.0,0.0,0.541,0.0,1.2355381420336394e-07,0.0,0.0,63.230000000000004,2022-02-14,paducah ky/cape girardeau mo smm food,0,56.1262039653977,55.55925813283435,0.0,0.0,0.5669306220035,0.0,1.5210559846375966e-05,0.0,0.0,56.1262039653977 +0.664,0.0,0.0,0.0,1.4826457704403671e-06,0.8290000000000001,0.912,197.81,2022-02-14,philadelphia smm food,0,203.0076021844755,199.7377476378349,1.2828845306166023,0.0,0.0,0.0,0.00018252671815651157,0.6812174230516285,1.3055700662542102,203.0076021844755 +0.727,0.0,0.955,0.0,1.729753398847095e-06,0.8140000000000001,0.0,163.58,2022-02-14,phoenix/prescott smm food,0,120.05744349662855,116.98296111946722,1.4046039966239003,0.0,1.0007740185089509,0.0,0.00021294783784926353,0.6688914141906219,0.0,120.05744349662854 +0.5060000000000001,0.588,0.498,0.0,1.8533072130504591e-06,0.9390000000000001,0.0,115.11000000000001,2022-02-14,pittsburgh smm food,0,107.77969489945386,104.55223234884438,0.9776198380903628,0.9561368065245355,0.5218695928978613,0.0,0.0002281583976956395,0.7716081546990098,0.0,107.77969489945384 +0.0,0.866,0.0,0.508,3.953722054507646e-06,0.0,0.544,109.04,2022-02-14,portland or smm food,0,90.15174142632338,86.8963094792362,0.0,1.4081878817181084,0.0,1.0679962353023533,0.0004867379150840309,0.0,0.7787610921516341,90.15174142632337 +0.9689999999999999,0.0,0.0,0.965,2.471076284067279e-07,0.0,0.0,92.8,2022-02-14,providence ri/new bedford ma smm food,0,87.14927046553382,83.24830635780522,1.8721613104932038,0.0,0.0,2.0287723761156906,3.042111969275193e-05,0.0,0.0,87.1492704655338 +0.864,0.91,0.0,0.948,1.3590919562370033e-06,0.6900000000000001,0.0,160.99,2022-02-14,raleigh/durham/fayetteville smm food,0,131.03939991220673,125.33017277610136,1.669295533814374,1.4797355339070193,0.0,1.993032344619352,0.00016731615831013563,0.5669964076063011,0.0,131.03939991220673 +0.0,0.8140000000000001,0.578,0.0,4.818598753931193e-06,0.6890000000000001,0.0,365.64,2022-02-14,rem us east north central smm food,0,308.9497762187885,306.4536727021249,0.0,1.3236315654948503,0.6057040656525378,0.0,0.0005932118340086627,0.5661746736822341,0.0,308.94977621878854 +0.868,0.0,0.9899999999999999,0.777,1.6061995846437312e-06,0.749,0.0,112.75,2022-02-14,rem us middle atlantic smm food,0,135.76370473718106,130.80002326169728,1.6770237538783295,0.0,1.0374516003391216,1.633529674862064,0.00019773727800288758,0.6154787091262601,0.0,135.76370473718106 +0.0,0.704,0.0,0.621,7.042567409591745e-06,0.736,0.9689999999999999,187.19,2022-02-14,rem us mountain smm food,0,178.40066765851685,173.95751153106124,0.0,1.1447624350225731,0.0,1.3055623270133099,0.0008670019112434302,0.6047961681133878,1.387168195395098,178.40066765851685 +0.966,0.0,0.0,0.529,1.3590919562370033e-06,0.861,0.0,143.12,2022-02-14,rem us new england smm food,0,151.90782166925362,148.221630613054,1.8663651454452375,0.0,0.0,1.112145685974301,0.00016731615831013563,0.7075129086217756,0.0,151.90782166925362 +0.0,0.577,0.0,0.904,1.1984719977726302e-05,0.635,0.885,96.08,2022-02-14,rem us pacific smm food,0,109.74261761613678,105.11364420201244,0.0,0.9382498934773078,0.0,1.9005287336876524,0.0014754243050984688,0.5218010417826104,1.266918320871684,109.7426176161368 +0.687,0.0,0.0,0.64,5.559921639151377e-06,0.662,0.784,271.64,2022-02-14,rem us south atlantic smm food,0,288.0200637160404,283.6802303568146,1.327321795984346,0.0,0.0,1.345507068097453,0.0006844751930869185,0.5439878577324222,1.1223321622185316,288.02006371604045 +0.0,0.738,0.0,0.0,1.593844203223395e-05,0.9510000000000001,0.0,428.48,2022-02-14,rem us south central smm food,0,401.41480974242296,399.4313293612464,0.0,1.2000492571685497,0.0,0.0,0.0019621622201824998,0.781468961787815,0.0,401.41480974242296 +0.0,0.0,0.0,0.514,6.424798338574925e-06,0.889,0.0,177.02,2022-02-14,rem us west north central smm food,0,127.76645125420148,125.95452848252805,0.0,0.0,0.0,1.080610364065767,0.0007909491120115503,0.7305214584956545,0.0,127.76645125420148 +0.0,0.948,0.619,0.0,6.177690710168197e-07,0.514,0.0,87.3,2022-02-14,richmond/petersburg smm food,0,88.68073704884867,86.06809383806947,0.0,1.5415266880701695,0.6486692329393094,0.0,7.605279923187984e-05,0.42237123697049095,0.0,88.68073704884867 +0.595,0.0,0.0,0.0,1.8533072130504591e-06,0.0,0.0,62.809999999999995,2022-02-14,sacramento/stockton/modesto smm food,0,72.73688254088114,71.58708164797008,1.1495727345133708,0.0,0.0,0.0,0.0002281583976956395,0.0,0.0,72.73688254088114 +0.0,0.0,0.0,0.0,2.9652915408807343e-06,0.0,0.0,112.77,2022-02-14,salt lake city smm food,0,83.7251741255875,83.72480907215119,0.0,0.0,0.0,0.0,0.00036505343631302315,0.0,0.0,83.7251741255875 +0.0,0.0,0.0,0.0,1.1119843278302754e-06,0.0,0.555,71.29,2022-02-14,san diego smm food,0,79.50895794528458,78.71431295071628,0.0,0.0,0.0,0.0,0.00013689503861738367,0.0,0.7945080995297003,79.50895794528459 +0.996,0.603,0.0,0.9460000000000001,2.2239686556605507e-06,0.729,0.657,66.81,2022-02-14,san francisco/oakland/san jose smm food,0,95.30943915499515,88.87591304741949,1.9243267959249033,0.980528051588937,0.0,1.9888276350315477,0.00027379007723476735,0.5990440306449181,0.9405258043081317,95.30943915499516 +0.0,0.9829999999999999,0.627,0.541,3.5830606118975546e-06,0.0,0.765,81.25,2022-02-14,seattle/tacoma smm food,0,93.23319661481389,88.74475650580376,0.0,1.5984395932204394,0.6570526802147771,1.1373739435011283,0.00044110623554490306,0.0,1.0951327858382354,93.23319661481389 +0.834,0.0,0.845,0.972,2.471076284067279e-06,0.0,0.0,111.71,2022-02-14,st. louis smm food,0,92.24472210303757,87.70409353036166,1.6113338833347082,0.0,0.8855016184712706,2.0434888596730065,0.00030421119692751935,0.0,0.0,92.24472210303757 +0.0,0.0,0.0,0.0,1.976861027253823e-06,0.0,0.0,213.34,2022-02-14,tampa/ft. myers smm food,0,173.25544698972118,173.25520362076367,0.0,0.0,0.0,0.0,0.00024336895754201545,0.0,0.0,173.2554469897212 +0.782,0.0,0.93,0.885,3.706614426100918e-07,0.9829999999999999,0.601,98.99,2022-02-14,tucson/sierra vista smm food,0,69.3364427056301,63.32224664442017,1.5108670225032876,0.0,0.9745757457731145,1.860583992603509,4.5631679539127894e-05,0.8077644473579622,0.8603592212925222,69.3364427056301 +0.864,0.0,0.0,0.0,4.818598753931193e-06,0.766,0.598,129.45,2022-02-14,washington dc/hagerstown smm food,0,176.17677769806025,173.02137618365978,1.669295533814374,0.0,0.0,0.0,0.0005932118340086627,0.6294481858354009,0.856064582916686,176.17677769806025 +0.905,0.0,0.629,0.652,4.942152568134558e-07,0.0,0.91,47.24,2022-02-14,yakima/pasco/richland/kennewick smm food,0,58.59810384028023,53.51694236690935,1.7485097894699173,0.0,0.659148542033644,1.3707353256242802,6.084223938550386e-05,0.0,1.3027069740036528,58.598103840280224 +0.528,0.6920000000000001,0.0,0.5670000000000001,9.884305136269115e-07,0.744,0.758,54.58,2022-02-21,albany/schenectady/troy smm food,0,87.39088178333252,82.35686844083078,1.0201250484421174,1.1252494389710521,0.0,1.1920351681425874,0.00012168447877100773,0.6113700395059246,1.0851119629612842,87.39088178333252 +0.0,0.9590000000000001,0.0,0.918,4.571491125524466e-06,0.0,0.767,112.01,2022-02-21,albuquerque/santa fe smm food,0,75.38006333243563,70.79212936171284,0.0,1.5594136011173974,0.0,1.929961700802284,0.0005627907143159108,0.0,1.0979958780887928,75.38006333243563 +0.0,0.8160000000000001,0.894,0.0,2.347522469863915e-06,0.0,0.748,220.62,2022-02-21,atlanta smm food,0,168.5823503069657,165.2475308400832,0.0,1.3268837315034372,0.93685023303351,0.0,0.00028900063708114335,0.0,1.0707965017084968,168.5823503069657 +0.0,0.0,0.789,0.0,1.4826457704403671e-06,0.0,0.723,78.19,2022-02-21,baltimore smm food,0,107.1423690530537,105.28036119021601,0.0,0.0,0.8268174875429971,0.0,0.00018252671815651157,0.0,1.0350078485765284,107.1423690530537 +0.0,0.0,0.0,0.0,0.0,0.596,0.737,64.28,2022-02-21,baton rouge smm food,0,52.17304481651638,50.62824190344196,0.0,0.0,0.0,0.0,0.0,0.48975341874399336,1.0550494943304307,52.17304481651639 +0.0,0.0,0.0,0.606,1.2355381420336394e-07,0.0,0.0,99.23,2022-02-21,birmingham/anniston/tuscaloosa smm food,0,63.54955911921957,62.27551690355495,0.0,0.0,0.0,1.2740270051047757,1.5210559846375966e-05,0.0,0.0,63.54955911921957 +0.856,0.5060000000000001,0.93,0.803,1.2355381420336394e-06,0.0,0.0,199.62,2022-02-21,boston/manchester smm food,0,188.48384721089047,183.34429136615643,1.653839093686463,0.8227980001724746,0.9745757457731145,1.688190899503523,0.00015210559846375968,0.0,0.0,188.48384721089047 +0.682,0.544,0.711,0.0,1.1119843278302754e-06,0.887,0.9910000000000001,66.14,2022-02-21,buffalo smm food,0,69.058199955468,63.96319330778341,1.3176615209044018,0.8845891543356248,0.7450788766071874,0.0,0.00013689503861738367,0.7288779906475203,1.4186622101512307,69.058199955468 +0.0,0.79,0.0,0.987,2.100414841457187e-06,0.0,0.806,147.12,2022-02-21,charlotte smm food,0,131.6145997775702,127.1008852661048,0.0,1.284605573391808,0.0,2.0750241815815405,0.00025857951738839145,0.0,1.1538261769746638,131.6145997775702 +0.67,0.0,0.655,0.0,4.4479373113211014e-06,0.9199999999999999,0.9420000000000002,182.43,2022-02-21,chicago smm food,0,181.20878654455126,177.12285569785104,1.2944768607125354,0.0,0.6863947456789139,0.0,0.0005475801544695347,0.7559952101417347,1.3485164500125726,181.20878654455126 +0.591,0.716,0.8989999999999999,0.8280000000000001,5.683475453354741e-06,0.0,0.0,150.08,2022-02-21,cleveland/akron/canton smm food,0,136.08073393844714,131.09107465023894,1.1418445144494154,1.1642754310740941,0.9420898875806771,1.7407497693510798,0.0006996857529332945,0.0,0.0,136.08073393844714 +0.989,0.6880000000000001,0.623,0.629,3.706614426100918e-07,0.0,0.7030000000000001,133.96,2022-02-21,columbus oh smm food,0,109.9319468871038,103.92073468964487,1.9108024108129813,1.1187451069538783,0.6528609565770433,1.3223811653645279,4.5631679539127894e-05,0.0,1.0063769260709536,109.93194688710379 +0.587,0.0,0.0,0.523,6.301244524371561e-06,0.504,0.892,122.41,2022-02-21,dallas/ft. worth smm food,0,109.20267381294548,105.27715718131851,1.1341162943854601,0.0,0.0,1.0995315572108875,0.0007757385521651744,0.4141538977298199,1.2769391437486353,109.20267381294548 +0.0,0.0,0.0,0.0,4.942152568134558e-07,0.8290000000000001,0.0,38.77,2022-02-21,des moines/ames smm food,0,63.08957562907683,62.408297363785806,0.0,0.0,0.0,0.0,6.084223938550386e-05,0.6812174230516285,0.0,63.08957562907682 +0.64,0.676,0.8290000000000001,0.508,2.8417377266773707e-06,0.782,0.598,143.93,2022-02-21,detroit smm food,0,166.09441168771195,160.32292305294044,1.2365152102328696,1.0992321109023573,0.8687347239203353,1.0679962353023533,0.00034984287646664725,0.6425959286204745,0.856064582916686,166.09441168771198 +0.0,0.0,0.716,0.0,2.100414841457187e-06,0.633,0.636,88.11,2022-02-21,grand rapids smm food,0,112.19676432888608,110.01556630860257,0.0,0.0,0.7503185311543548,0.0,0.00025857951738839145,0.5201575739344761,0.9104633356772781,112.19676432888608 +0.0,0.631,0.5060000000000001,0.769,6.177690710168197e-07,0.539,0.932,86.54,2022-02-21,greensboro smm food,0,88.5194571348963,83.56924325587181,0.0,1.026058375709153,0.5302530401733291,1.6167108365108458,7.605279923187984e-05,0.4429145850721685,1.334200988759785,88.51945713489633 +0.0,0.779,0.0,0.0,2.471076284067279e-07,0.0,0.868,117.87000000000002,2022-02-21,harrisburg/lancaster smm food,0,87.53443881281609,85.02510769460987,0.0,1.2667186603445804,0.0,0.0,3.042111969275193e-05,0.0,1.2425820367419456,87.53443881281609 +0.0,0.0,0.0,0.948,4.942152568134558e-07,0.862,0.0,103.35,2022-02-21,hartford/new haven smm food,0,115.31215807046493,112.61073024106035,0.0,0.0,0.0,1.993032344619352,6.084223938550386e-05,0.7083346425458428,0.0,115.31215807046493 +0.0,0.856,0.0,0.0,8.77232080843884e-06,0.561,0.0,183.43,2022-02-21,houston smm food,0,169.5004417208399,167.64644198801398,0.0,1.391927051675174,0.0,0.0,0.0010799497490926937,0.4609927314016448,0.0,169.5004417208399 +0.0,0.706,0.0,0.591,8.648766994235475e-07,0.0,0.684,112.23999999999998,2022-02-21,indianapolis smm food,0,92.3910252836415,89.02123497580452,0.0,1.14801460103116,0.0,1.2424916831962416,0.00010647391892463176,0.0,0.9791775496906576,92.3910252836415 +0.0,0.884,0.0,0.0,4.942152568134558e-07,0.9420000000000002,0.596,39.46,2022-02-21,jacksonville smm food,0,89.36468305521774,86.29988999004563,0.0,1.4374573757953901,0.0,0.0,6.084223938550386e-05,0.7740733564712111,0.8532014906661285,89.36468305521774 +0.0,0.601,0.9059999999999999,0.0,3.0888453550840984e-06,0.0,0.948,86.22,2022-02-21,kansas city smm food,0,83.7778877918985,80.49370051161102,0.0,0.9772758855803501,0.9494254039467114,0.0,0.00038026399615939915,0.0,1.3571057267642446,83.7778877918985 +0.0,0.585,0.551,0.0,8.648766994235475e-07,0.0,0.867,114.70999999999998,2022-02-21,knoxville smm food,0,72.17294383959248,69.4030183864474,0.0,0.9512585575116552,0.5774099310978345,0.0,0.00010647391892463176,0.0,1.2411504906166668,72.17294383959248 +0.973,0.9969999999999999,0.0,0.505,1.1119843278302754e-06,0.804,0.0,96.88,2022-02-21,las vegas smm food,0,78.2995788936692,73.0759844669223,1.8798895305571595,1.6212047552805473,0.0,1.0616891709206464,0.00013689503861738367,0.6606740749499509,0.0,78.29957889366923 +0.0,0.609,0.0,0.667,1.2355381420336394e-07,0.841,0.0,86.87,2022-02-21,little rock/pine bluff smm food,0,60.78721979384008,57.70357115599228,0.0,0.9902845496146975,0.0,1.4022706475328144,1.5210559846375966e-05,0.6910782301404336,0.0,60.78721979384007 +0.0,0.9390000000000001,0.0,0.754,5.436367824948013e-06,0.892,0.0,167.46,2022-02-21,los angeles smm food,0,157.82229957521866,153.9765761946837,0.0,1.5268919410315287,0.0,1.5851755146023117,0.0006692646332405425,0.7329866602678559,0.0,157.82229957521864 +0.0,0.0,0.0,0.0,8.648766994235475e-07,0.889,0.8190000000000001,35.41,2022-02-21,madison wi smm food,0,54.322249487189445,52.419185278171575,0.0,0.0,0.0,0.0,0.00010647391892463176,0.7305214584956545,1.1724362766032874,54.32224948718944 +0.0,0.0,0.9000000000000001,0.9400000000000001,1.1119843278302754e-06,0.0,0.0,141.49,2022-02-21,miami/west palm beach smm food,0,187.04130255588015,184.12181433608328,0.0,0.0,0.9431378184901108,1.976213506268134,0.00013689503861738367,0.0,0.0,187.04130255588015 +0.0,0.617,0.0,0.995,7.413228852201836e-07,0.609,0.637,94.94,2022-02-21,milwaukee smm food,0,72.66073081852598,68.15317248002567,0.0,1.003293213649045,0.0,2.091843019932759,9.126335907825579e-05,0.5004359597568657,0.9118948818025568,72.66073081852598 +0.0,0.0,0.0,0.9770000000000001,3.2123991692874624e-06,0.62,0.667,63.230000000000004,2022-02-21,minneapolis/st. paul smm food,0,89.26943485656221,85.75072244988117,0.0,0.0,0.0,2.0540006336425183,0.00039547455600577515,0.5094750329216039,0.9548412655609191,89.26943485656221 +0.0,0.0,0.519,0.0,0.0,0.0,0.0,86.87,2022-02-21,mobile/pensacola smm food,0,68.01031101820045,67.46643487620449,0.0,0.0,0.5438761419959639,0.0,0.0,0.0,0.0,68.01031101820045 +0.909,0.673,0.0,0.0,6.177690710168197e-06,0.0,0.0,70.68,2022-02-21,nashville smm food,0,98.32352033815107,95.47216793873541,1.7562380095338728,1.094353861889477,0.0,0.0,0.0007605279923187983,0.0,0.0,98.32352033815108 +0.49900000000000005,0.0,0.0,0.0,6.177690710168197e-07,0.633,0.0,62.760000000000005,2022-02-21,new orleans smm food,0,61.03394639599942,59.54961731628727,0.9640954529784407,0.0,0.0,0.0,7.605279923187984e-05,0.5201575739344761,0.0,61.033946395999415 +0.9619999999999999,0.0,0.893,0.9899999999999999,3.953722054507646e-06,0.0,0.5740000000000001,213.45,2022-02-21,new york smm food,0,295.8597302720335,290.1617655847399,1.8586369253812818,0.0,0.9358023021240766,2.081331245963247,0.0004867379150840309,0.0,0.8217074759099964,295.8597302720336 +0.9380000000000001,0.9510000000000001,0.0,0.872,4.942152568134558e-07,0.517,0.0,91.41,2022-02-21,norfolk/portsmouth/newport news smm food,0,107.92676245193033,102.30993924858487,1.8122676049975497,1.54640493708305,0.0,1.8332533802827795,6.084223938550386e-05,0.4248364387426923,0.0,107.92676245193033 +0.785,0.865,0.0,0.929,1.8533072130504591e-06,0.0,0.0,63.11999999999999,2022-02-21,oklahoma city smm food,0,58.48578486816953,53.609244119971564,1.5166631875512542,1.406561798713815,0.0,1.9530876035352092,0.0002281583976956395,0.0,0.0,58.48578486816954 +0.863,0.0,0.5060000000000001,0.531,4.942152568134558e-07,0.9840000000000001,0.599,74.73,2022-02-21,omaha smm food,0,65.85633991711614,60.87622985001895,1.667363478798385,0.0,0.5302530401733291,1.1163503955621055,6.084223938550386e-05,0.8085861812820294,0.8574961290419647,65.85633991711614 +0.9899999999999999,0.915,0.9140000000000001,0.0,1.2355381420336394e-06,0.0,0.8160000000000001,115.7,2022-02-21,orlando/daytona beach/melborne smm food,0,138.14208517666768,132.61538216686213,1.91273446582897,1.4878659489284864,0.9578088512221793,0.0,0.00015210559846375968,0.0,1.1681416382274512,138.14208517666768 +0.0,0.64,0.901,0.0,0.0,0.0,0.0,79.44,2022-02-21,paducah ky/cape girardeau mo smm food,0,57.544137004981685,55.55925813283435,0.0,1.0406931227477938,0.9441857493995441,0.0,0.0,0.0,0.0,57.54413700498169 +0.594,0.9910000000000001,0.805,0.525,2.347522469863915e-06,0.0,0.0,227.47,2022-02-21,philadelphia smm food,0,204.44444622411677,199.7377476378349,1.1476406794973821,1.611448257254787,0.8435843820939324,1.1037362667986919,0.00028900063708114335,0.0,0.0,204.44444622411677 +0.521,0.584,0.0,0.753,2.347522469863915e-06,0.535,0.0,113.88,2022-02-21,phoenix/prescott smm food,0,120.96218406712616,116.98296111946722,1.0066006633301954,0.9496324745073618,0.0,1.5830731598084096,0.00028900063708114335,0.43962764937590015,0.0,120.96218406712617 +0.531,0.0,0.778,0.805,3.706614426100918e-07,0.58,0.753,64.27,2022-02-21,pittsburgh smm food,0,109.64044495893837,104.55223234884438,1.0259212134900841,0.0,0.8152902475392291,1.6923956090913277,4.5631679539127894e-05,0.47660567595891973,1.0779542323348905,109.64044495893837 +0.0,0.8170000000000001,0.0,0.0,2.471076284067279e-07,0.734,0.0,74.98,2022-02-21,portland or smm food,0,88.82800241512886,86.8963094792362,0.0,1.3285098145077305,0.0,0.0,3.042111969275193e-05,0.6031527002652536,0.0,88.82800241512886 +0.0,0.0,0.0,0.653,4.942152568134558e-07,0.902,0.929,87.53,2022-02-21,providence ri/new bedford ma smm food,0,86.69231523035526,83.24830635780522,0.0,0.0,0.0,1.3728376804181825,6.084223938550386e-05,0.7412039995085269,1.3299063503839488,86.69231523035526 +0.0,0.0,0.0,0.5650000000000001,8.648766994235475e-07,0.843,0.9500000000000001,139.71,2022-02-21,raleigh/durham/fayetteville smm food,0,128.57080022557847,125.33017277610136,0.0,0.0,0.0,1.1878304585547828,0.00010647391892463176,0.6927216979885678,1.3599688190148023,128.57080022557844 +0.0,0.0,0.981,0.577,7.413228852201837e-06,0.878,0.737,275.91,2022-02-21,rem us east north central smm food,0,310.4721961536128,306.4536727021249,0.0,0.0,1.0280202221542207,1.2130587160816098,0.000912633590782558,0.7214823853309165,1.0550494943304307,310.47219615361286 +0.87,0.68,0.9759999999999999,0.0,1.1119843278302754e-06,0.788,0.0,101.03,2022-02-21,rem us middle atlantic smm food,0,135.25709136333768,130.80002326169728,1.680887863910307,1.1057364429195309,1.0227805676070532,0.0,0.00013689503861738367,0.6475263321648772,0.0,135.25709136333765 +0.0,0.0,0.705,0.0,7.907444109015292e-06,0.0,0.0,185.61,2022-02-21,rem us mountain smm food,0,174.697276298042,173.95751153106124,0.0,0.0,0.7387912911505867,0.0,0.0009734758301680618,0.0,0.0,174.697276298042 +0.76,0.713,0.0,0.987,1.976861027253823e-06,0.0,0.941,162.12,2022-02-21,rem us new england smm food,0,154.27174206169315,148.221630613054,1.4683618121515327,1.159397182061214,0.0,2.0750241815815405,0.00024336895754201545,0.0,1.3470849038872934,154.27174206169312 +0.0,0.0,0.681,0.0,3.0888453550840984e-06,0.666,0.0,79.11,2022-02-21,rem us pacific smm food,0,106.37494020876146,105.11364420201244,0.0,0.0,0.7136409493241839,0.0,0.00038026399615939915,0.5472747934286907,0.0,106.37494020876147 +0.858,0.887,0.637,0.0,4.200829682914374e-06,0.585,0.905,289.77,2022-02-21,rem us south atlantic smm food,0,289.2245819226417,283.6802303568146,1.6577032037184407,1.4423356248082704,0.6675319893091117,0.0,0.0005171590347767829,0.48071434557925524,1.295549243377259,289.22458192264173 +0.9339999999999999,0.6940000000000001,0.0,0.0,8.278105551625384e-06,0.0,0.0,423.89,2022-02-21,rem us south central smm food,0,402.36538945866937,399.4313293612464,1.804539384933594,1.128501604979639,0.0,0.0,0.0010191075097071896,0.0,0.0,402.36538945866937 +0.728,0.0,0.655,0.0,2.8417377266773707e-06,0.9619999999999999,0.0,131.03,2022-02-21,rem us west north central smm food,0,128.83831715767587,125.95452848252805,1.406536051639889,0.0,0.6863947456789139,0.0,0.00034984287646664725,0.790508034952553,0.0,128.83831715767587 +0.0,0.961,0.909,0.49900000000000005,6.177690710168197e-07,0.0,0.9390000000000001,101.05,2022-02-21,richmond/petersburg smm food,0,90.97670170846365,86.06809383806947,0.0,1.562665767125984,0.9525691966750118,1.049075042157233,7.605279923187984e-05,0.0,1.3442218116367362,90.97670170846366 +0.8180000000000001,0.0,0.0,0.0,5.189260196541285e-06,0.0,0.0,49.84,2022-02-21,sacramento/stockton/modesto smm food,0,73.16814149456252,71.58708164797008,1.5804210030788866,0.0,0.0,0.0,0.0006388435135477905,0.0,0.0,73.16814149456252 +0.738,0.625,0.8250000000000001,0.0,2.347522469863915e-06,0.725,0.797,88.47,2022-02-21,salt lake city smm food,0,88.76849890934984,83.72480907215119,1.4258566017997778,1.0163018776833923,0.8645430002826016,0.0,0.00028900063708114335,0.5957570949486497,1.1409422618471552,88.76849890934984 +0.0,0.0,0.0,0.755,4.942152568134558e-07,0.0,0.0,65.61,2022-02-21,san diego smm food,0,80.30165166235187,78.71431295071628,0.0,0.0,0.0,1.587277869396214,6.084223938550386e-05,0.0,0.0,80.30165166235187 +0.875,0.0,0.0,0.0,4.818598753931193e-06,0.0,0.6970000000000001,73.5,2022-02-21,san francisco/oakland/san jose smm food,0,91.56484204756305,88.87591304741949,1.6905481389902515,0.0,0.0,0.0,0.0005932118340086627,0.0,0.9977876493192813,91.56484204756303 +0.0,0.635,0.0,0.862,4.324383497117738e-06,0.0,0.67,100.81,2022-02-21,seattle/tacoma smm food,0,92.54921731940522,88.74475650580376,0.0,1.0325627077263266,0.0,1.812229832343757,0.0005323695946231589,0.0,0.9591359039367553,92.54921731940523 +0.52,0.726,0.756,0.781,2.100414841457187e-06,0.855,0.0,74.62,2022-02-21,st. louis smm food,0,93.02631434595702,87.70409353036166,1.0046686083142067,1.1805362611170285,0.792235767531693,1.641939094037673,0.00025857951738839145,0.7025825050773731,0.0,93.02631434595702 +0.771,0.531,0.501,0.0,2.100414841457187e-06,0.0,0.0,149.7,2022-02-21,tampa/ft. myers smm food,0,176.13354007851444,173.25520362076367,1.4896144173274102,0.8634500752798102,0.5250133856261616,0.0,0.00025857951738839145,0.0,0.0,176.13354007851444 +0.854,0.9560000000000002,0.511,0.663,0.0,0.0,0.0,102.05,2022-02-21,tucson/sierra vista smm food,0,68.45611090325687,63.32224664442017,1.6499749836544852,1.5545353521045173,0.5354926947204962,1.3938612283572052,0.0,0.0,0.0,68.45611090325687 +0.881,0.538,0.0,0.89,4.942152568134558e-06,0.0,0.0,175.16,2022-02-21,washington dc/hagerstown smm food,0,177.4700534980227,173.02137618365978,1.7021404690861845,0.8748326563098642,0.0,1.8710957665730206,0.0006084223938550387,0.0,0.0,177.4700534980227 +0.0,0.9059999999999999,0.617,0.508,1.1119843278302754e-06,0.0,0.655,36.46,2022-02-21,yakima/pasco/richland/kennewick smm food,0,57.64254278231819,53.51694236690935,0.0,1.4732312018898455,0.6465733711204426,1.0679962353023533,0.00013689503861738367,0.0,0.9376627120575742,57.64254278231818 +0.0,0.0,0.559,0.711,6.177690710168197e-07,0.663,0.562,47.2,2022-02-28,albany/schenectady/troy smm food,0,85.78685064453097,82.35686844083078,0.0,0.0,0.5857933783733021,1.494774258464514,7.605279923187984e-05,0.5448095916564893,0.8045289224066515,85.78685064453097 +0.0,0.916,0.0,0.54,7.413228852201836e-07,0.557,0.885,98.78,2022-02-28,albuquerque/santa fe smm food,0,75.14160836228899,70.79212936171284,0.0,1.48949203193278,0.0,1.135271588707226,9.126335907825579e-05,0.4577057957053764,1.266918320871684,75.14160836228898 +0.0,0.0,0.0,0.863,2.9652915408807343e-06,0.746,0.795,187.51,2022-02-28,atlanta smm food,0,168.8133207576078,165.2475308400832,0.0,0.0,0.0,1.8143321871376592,0.00036505343631302315,0.6130135073540588,1.1380791695965977,168.8133207576078 +0.0,0.904,0.623,0.892,6.177690710168197e-07,0.0,0.672,96.11,2022-02-28,baltimore smm food,0,110.24057670782169,105.28036119021601,0.0,1.4699790358812588,0.6528609565770433,1.875300476160825,7.605279923187984e-05,0.0,0.9619989961873128,110.24057670782169 +0.9390000000000001,0.726,0.9070000000000001,0.0,0.0,0.0,0.0,69.8,2022-02-28,baton rouge smm food,0,54.57345115942867,50.62824190344196,1.8141996600135384,1.1805362611170285,0.950473334856145,0.0,0.0,0.0,0.0,54.57345115942867 +0.55,0.0,0.0,0.911,1.2355381420336394e-07,0.0,0.0,54.0,2022-02-28,birmingham/anniston/tuscaloosa smm food,0,65.25340759015364,62.27551690355495,1.0626302587938723,0.0,0.0,1.9152452172449683,1.5210559846375966e-05,0.0,0.0,65.25340759015364 +0.589,0.0,0.712,0.0,1.729753398847095e-06,0.843,0.996,142.59,2022-02-28,boston/manchester smm food,0,187.34715316469453,183.34429136615643,1.1379804044174378,0.0,0.7461268075166209,0.0,0.00021294783784926353,0.6927216979885678,1.4258199407776242,187.34715316469453 +0.0,0.665,0.0,0.76,2.471076284067279e-07,0.0,0.0,98.05,2022-02-28,buffalo smm food,0,66.64235857012396,63.96319330778341,0.0,1.0813451978551296,0.0,1.5977896433657253,3.042111969275193e-05,0.0,0.0,66.64235857012396 +0.0,0.0,0.9899999999999999,1.0,4.942152568134558e-07,0.665,0.0,134.15,2022-02-28,charlotte smm food,0,130.78720556209018,127.1008852661048,0.0,0.0,1.0374516003391216,2.10235479390227,6.084223938550386e-05,0.5464530595046235,0.0,130.7872055620902 +0.761,0.0,0.852,0.0,2.471076284067279e-06,0.0,0.549,173.86,2022-02-28,chicago smm food,0,180.2722097338308,177.12285569785104,1.4702938671675216,0.0,0.8928371348373048,0.0,0.00030421119692751935,0.0,0.7859188227780278,180.2722097338308 +0.0,0.8210000000000001,0.0,0.578,3.5830606118975546e-06,0.0,0.0,112.73000000000002,2022-02-28,cleveland/akron/canton smm food,0,133.6416909738749,131.09107465023894,0.0,1.3350141465249044,0.0,1.215161070875512,0.00044110623554490306,0.0,0.0,133.6416909738749 +0.0,0.616,0.8140000000000001,0.0,1.6061995846437312e-06,0.0,0.0,141.35,2022-02-28,columbus oh smm food,0,105.77561531784646,103.92073468964487,0.0,1.0016671306447515,0.8530157602788335,0.0,0.00019773727800288758,0.0,0.0,105.77561531784646 +0.531,0.0,0.608,0.731,4.4479373113211014e-06,0.9630000000000002,0.9630000000000002,139.29,2022-02-28,dallas/ft. worth smm food,0,110.64749800976122,105.27715718131851,1.0259212134900841,0.0,0.6371419929355414,1.5368213543425595,0.0005475801544695347,0.7913297688766203,1.378578918643426,110.64749800976122 +0.0,0.594,0.0,0.631,6.177690710168197e-07,0.0,0.892,80.86,2022-02-28,des moines/ames smm food,0,65.97779173983629,62.408297363785806,0.0,0.9658933045502961,0.0,1.3265858749523325,7.605279923187984e-05,0.0,1.2769391437486353,65.9777917398363 +0.0,0.0,0.0,0.0,1.2355381420336394e-06,0.0,0.666,163.64,2022-02-28,detroit smm food,0,161.27648487797453,160.32292305294044,0.0,0.0,0.0,0.0,0.00015210559846375968,0.0,0.9534097194356403,161.27648487797455 +0.0,1.0,0.644,0.0,1.6061995846437312e-06,0.919,0.0,103.18,2022-02-28,grand rapids smm food,0,113.07188803206682,110.01556630860257,0.0,1.6260830042934278,0.6748675056751459,0.0,0.00019773727800288758,0.7551734762176677,0.0,113.07188803206682 +0.0,0.964,0.0,0.895,1.1119843278302754e-06,0.0,0.0,135.81,2022-02-28,greensboro smm food,0,87.01853170759182,83.56924325587181,0.0,1.5675440161388643,0.0,1.8816075405425319,0.00013689503861738367,0.0,0.0,87.01853170759182 +0.663,0.0,0.798,0.901,7.413228852201836e-07,0.803,0.0,74.52,2022-02-28,harrisburg/lancaster smm food,0,89.6964743096293,85.02510769460987,1.2809524756006134,0.0,0.8362488657278982,1.8942216693059455,9.126335907825579e-05,0.6598523410258837,0.0,89.6964743096293 +0.0,0.9280000000000002,0.503,0.835,1.2355381420336394e-07,0.878,0.0,93.33,2022-02-28,hartford/new haven smm food,0,117.12380836528884,112.61073024106035,0.0,1.5090050279843013,0.5271092474450285,1.7554662529083955,1.5210559846375966e-05,0.7214823853309165,0.0,117.12380836528884 +0.0,0.745,0.0,0.512,7.413228852201836e-07,0.835,0.0,179.5,2022-02-28,houston smm food,0,170.62051857064566,167.64644198801398,0.0,1.2114318381986038,0.0,1.0764056544779623,9.126335907825579e-05,0.686147826596031,0.0,170.62051857064566 +0.0,0.863,0.687,0.686,1.2355381420336394e-07,0.867,0.0,73.35,2022-02-28,indianapolis smm food,0,93.29914705463351,89.02123497580452,0.0,1.4033096327052281,0.7199285347807846,1.4422153886169575,1.5210559846375966e-05,0.7124433121661783,0.0,93.29914705463351 +0.0,0.8210000000000001,0.0,0.0,4.942152568134558e-07,0.0,0.0,104.06,2022-02-28,jacksonville smm food,0,87.63496497880992,86.29988999004563,0.0,1.3350141465249044,0.0,0.0,6.084223938550386e-05,0.0,0.0,87.63496497880992 +0.0,0.849,0.796,0.0,8.648766994235475e-07,0.0,0.9000000000000001,136.55,2022-02-28,kansas city smm food,0,83.99689597283496,80.49370051161102,0.0,1.3805444706451202,0.8341530039090312,0.0,0.00010647391892463176,0.0,1.2883915127508654,83.99689597283496 +0.0,0.0,0.0,0.848,6.177690710168197e-07,0.0,0.0,71.64,2022-02-28,knoxville smm food,0,71.18589130447575,69.4030183864474,0.0,0.0,0.0,1.782796865229125,7.605279923187984e-05,0.0,0.0,71.18589130447576 +0.901,0.975,0.667,0.0,3.706614426100918e-07,0.0,0.606,92.76,2022-02-28,las vegas smm food,0,77.96872946570491,73.0759844669223,1.7407815694059618,1.585430929186092,0.6989699165921154,0.0,4.5631679539127894e-05,0.0,0.8675169519189159,77.96872946570493 +0.0,0.0,0.838,0.902,6.177690710168197e-07,0.0,0.0,62.400000000000006,2022-02-28,little rock/pine bluff smm food,0,60.4781373349966,57.70357115599228,0.0,0.0,0.8781661021052364,1.8963240240998478,7.605279923187984e-05,0.0,0.0,60.478137334996596 +0.496,0.0,0.842,0.0,3.953722054507646e-06,0.8989999999999999,0.501,143.0,2022-02-28,los angeles smm food,0,157.2736634527732,153.9765761946837,0.9582992879304739,0.0,0.8823578257429702,0.0,0.0004867379150840309,0.7387387977363256,0.7172046087646483,157.2736634527732 +0.562,0.0,0.612,0.0,6.177690710168197e-07,0.0,0.8220000000000001,94.54,2022-02-28,madison wi smm food,0,55.32314088150894,52.419185278171575,1.0858149189857387,0.0,0.6413337165732753,0.0,7.605279923187984e-05,0.0,1.1767309149791236,55.32314088150895 +0.8240000000000001,0.64,0.0,0.0,2.347522469863915e-06,0.0,0.0,158.31,2022-02-28,miami/west palm beach smm food,0,186.754809792643,184.12181433608328,1.5920133331748196,1.0406931227477938,0.0,0.0,0.00028900063708114335,0.0,0.0,186.75480979264296 +0.0,0.0,0.639,0.0,3.0888453550840984e-06,0.0,0.0,61.62,2022-02-28,milwaukee smm food,0,68.82318059514981,68.15317248002567,0.0,0.0,0.6696278511279786,0.0,0.00038026399615939915,0.0,0.0,68.82318059514981 +0.673,0.5750000000000001,0.0,0.0,2.471076284067279e-06,0.0,0.715,110.49,2022-02-28,minneapolis/st. paul smm food,0,89.00985289388161,85.75072244988117,1.300273025760502,0.9349977274687211,0.0,0.0,0.00030421119692751935,0.0,1.0235554795742985,89.00985289388161 +0.0,0.55,0.683,0.0,2.471076284067279e-07,0.0,0.859,78.45,2022-02-28,mobile/pensacola smm food,0,70.30624588244305,67.46643487620449,0.0,0.8943456523613853,0.7157368111430508,0.0,3.042111969275193e-05,0.0,1.229698121614437,70.30624588244305 +0.9390000000000001,0.0,0.589,0.889,4.69504493972783e-06,0.631,0.562,94.6,2022-02-28,nashville smm food,0,101.09621334595153,95.47216793873541,1.8141996600135384,0.0,0.6172313056563058,1.8689934117791183,0.0005780012741622867,0.518514106086342,0.8045289224066515,101.09621334595153 +0.0,0.859,0.0,0.895,1.2355381420336394e-07,0.738,0.808,90.35,2022-02-28,new orleans smm food,0,64.59117427326444,59.54961731628727,0.0,1.3968053006880545,0.0,1.8816075405425319,1.5210559846375966e-05,0.606439635961522,1.1566892692252213,64.59117427326444 +0.0,0.0,0.0,0.0,2.9652915408807346e-05,0.523,0.0,304.73,2022-02-28,new york smm food,0,290.5951829613901,290.1617655847399,0.0,0.0,0.0,0.0,0.003650534363130232,0.4297668422870949,0.0,290.5951829613901 +0.0,0.0,0.653,0.648,1.4826457704403671e-06,0.857,0.0,165.24,2022-02-28,norfolk/portsmouth/newport news smm food,0,105.06097253853726,102.30993924858487,0.0,0.0,0.684298883860047,1.3623259064486712,0.00018252671815651157,0.7042259729255073,0.0,105.06097253853726 +0.0,0.0,0.59,0.81,6.177690710168197e-07,0.0,0.0,77.02,2022-02-28,oklahoma city smm food,0,55.93050679239737,53.609244119971564,0.0,0.0,0.6182792365657392,1.702907383060839,7.605279923187984e-05,0.0,0.0,55.930506792397374 +0.807,0.0,0.0,0.0,1.2355381420336394e-06,0.581,0.741,75.46,2022-02-28,omaha smm food,0,63.97375344223496,60.87622985001895,1.559168397903009,0.0,0.0,0.0,0.00015210559846375968,0.4774274098829868,1.0607756788315457,63.97375344223496 +0.5750000000000001,0.633,0.0,0.0,1.4826457704403671e-06,0.0,0.0,134.43,2022-02-28,orlando/daytona beach/melborne smm food,0,134.7558068694916,132.61538216686213,1.110931634193594,1.0293105417177397,0.0,0.0,0.00018252671815651157,0.0,0.0,134.75580686949164 +0.0,0.68,0.932,0.972,1.2355381420336394e-07,0.0,0.893,85.23,2022-02-28,paducah ky/cape girardeau mo smm food,0,60.963540943452635,55.55925813283435,0.0,1.1057364429195309,0.9766716075919814,2.0434888596730065,1.5210559846375966e-05,0.0,1.278370689873914,60.96354094345263 +0.0,0.539,0.0,0.8220000000000001,2.9652915408807343e-06,0.0,0.993,185.53,2022-02-28,philadelphia smm food,0,203.76423237357483,199.7377476378349,0.0,0.8764587393141576,0.0,1.7281356405876662,0.00036505343631302315,0.0,1.421525302401788,203.76423237357483 +0.0,0.0,0.0,0.561,1.729753398847095e-06,0.999,0.0,155.74,2022-02-28,phoenix/prescott smm food,0,118.98350729682728,116.98296111946722,0.0,0.0,0.0,1.1794210393791738,0.00021294783784926353,0.8209121901430358,0.0,118.98350729682728 +0.711,0.663,0.0,0.558,0.0,0.844,0.0,123.68,2022-02-28,pittsburgh smm food,0,108.8706739039691,104.55223234884438,1.3736911163680785,1.0780930318465427,0.0,1.1731139749974668,0.0,0.6935434319126349,0.0,108.8706739039691 +0.0,0.862,0.9510000000000001,0.88,1.6061995846437312e-06,0.738,0.0,85.51,2022-02-28,portland or smm food,0,91.75128491568186,86.8963094792362,0.0,1.4016835497009348,0.9965822948712171,1.8500722186339977,0.00019773727800288758,0.606439635961522,0.0,91.75128491568186 +0.657,0.0,0.8180000000000001,0.638,4.942152568134558e-07,0.0,0.5700000000000001,60.92999999999999,2022-02-28,providence ri/new bedford ma smm food,0,87.53221847938438,83.24830635780522,1.2693601455046803,0.0,0.8572074839165673,1.3413023585096484,6.084223938550386e-05,0.0,0.8159812914088814,87.53221847938438 +0.841,0.56,0.0,0.0,1.1119843278302754e-06,0.865,0.735,147.98,2022-02-28,raleigh/durham/fayetteville smm food,0,129.62876066838885,125.33017277610136,1.6248582684466302,0.9106064824043196,0.0,0.0,0.00013689503861738367,0.7107998443180441,1.0521864020798732,129.62876066838885 +0.524,0.882,0.75,0.792,6.5483521527782885e-06,0.0,0.518,292.08,2022-02-28,rem us east north central smm food,0,312.09363497170176,306.4536727021249,1.0123968283781621,1.4342052097868032,0.7859481820750922,1.6650649967705982,0.0008061596718579261,0.0,0.7415408928943868,312.0936349717018 +0.736,0.806,0.0,0.0,2.471076284067279e-06,0.0,0.987,153.66,2022-02-28,rem us middle atlantic smm food,0,134.94587889177262,130.80002326169728,1.4219924917678,1.3106229014605029,0.0,0.0,0.00030421119692751935,0.0,1.4129360256501156,134.94587889177262 +0.607,0.0,0.712,0.0,8.030997923218657e-06,0.721,0.0,233.28999999999996,2022-02-28,rem us mountain smm food,0,176.46985457892552,173.95751153106124,1.1727573947052372,0.0,0.7461268075166209,0.0,0.000988686390014438,0.5924701592523812,0.0,176.4698545789255 +0.6950000000000001,0.0,0.9510000000000001,0.0,2.100414841457187e-06,0.964,0.721,106.0,2022-02-28,rem us new england smm food,0,152.38554598268155,148.221630613054,1.3427782361122569,0.0,0.9965822948712171,0.0,0.00025857951738839145,0.7921515028006872,1.032144756325971,152.38554598268152 +0.656,0.91,0.96,0.613,3.45950679769419e-06,0.78,0.8290000000000001,95.81,2022-02-28,rem us pacific smm food,0,111.98369508243047,105.11364420201244,1.2674280904886914,1.4797355339070193,1.006013673056118,1.2887434886620917,0.00042589567569852705,0.6409524607723404,1.1867517378560748,111.98369508243047 +0.0,0.0,0.884,0.0,4.200829682914374e-06,0.0,0.0,350.39,2022-02-28,rem us south atlantic smm food,0,284.6071184397885,283.6802303568146,0.0,0.0,0.9263709239391754,0.0,0.0005171590347767829,0.0,0.0,284.60711843978856 +0.9059999999999999,0.0,0.0,0.0,9.884305136269115e-06,0.628,0.9199999999999999,440.08,2022-02-28,rem us south central smm food,0,403.0160593900906,399.4313293612464,1.7504418444859058,0.0,0.0,0.0,0.0012168447877100774,0.5160489043141406,1.31702243525644,403.0160593900906 +0.9460000000000001,0.6900000000000001,0.738,0.8160000000000001,3.3359529834908265e-06,0.516,0.5740000000000001,158.22,2022-02-28,rem us west north central smm food,0,132.63927718944657,125.95452848252805,1.8277240451254606,1.1219972729624652,0.7733730111618907,1.7155215118242526,0.0004106851158521511,0.42401470481862513,0.8217074759099964,132.6392771894466 +0.0,0.0,0.842,0.893,7.413228852201836e-07,0.0,0.0,95.95,2022-02-28,richmond/petersburg smm food,0,88.82794575812625,86.06809383806947,0.0,0.0,0.8823578257429702,1.8774028309547273,9.126335907825579e-05,0.0,0.0,88.82794575812625 +0.0,0.52,0.9000000000000001,0.648,5.807029267558105e-06,0.5650000000000001,0.0,82.18,2022-02-28,sacramento/stockton/modesto smm food,0,75.20310309855213,71.58708164797008,0.0,0.8455631622325824,0.9431378184901108,1.3623259064486712,0.0007148963127796703,0.46427966709791324,0.0,75.20310309855213 +0.8,0.771,0.619,0.0,9.884305136269115e-07,0.841,0.0,76.91,2022-02-28,salt lake city smm food,0,87.86403222881103,83.72480907215119,1.545644012791087,1.253709996310233,0.6486692329393094,0.0,0.00012168447877100773,0.6910782301404336,0.0,87.86403222881103 +0.629,0.851,0.787,0.746,1.2355381420336394e-06,0.0,0.0,79.61,2022-02-28,san diego smm food,0,83.70660260000068,78.71431295071628,1.2152626050569921,1.3837966366537071,0.8247216257241302,1.5683566762510937,0.00015210559846375968,0.0,0.0,83.70660260000066 +0.0,0.0,0.0,0.0,3.45950679769419e-06,0.863,0.0,109.55,2022-02-28,san francisco/oakland/san jose smm food,0,89.5854953195651,88.87591304741949,0.0,0.0,0.0,0.0,0.00042589567569852705,0.7091563764699099,0.0,89.5854953195651 +0.7010000000000001,0.0,0.761,0.889,6.177690710168197e-06,0.613,0.0,123.99,2022-02-28,seattle/tacoma smm food,0,93.27007932931537,88.74475650580376,1.3543705662081902,0.0,0.7974754220788602,1.8689934117791183,0.0007605279923187983,0.5037228954531341,0.0,93.27007932931538 +0.0,0.0,0.9980000000000001,0.0,1.6061995846437312e-06,0.996,0.665,86.0,2022-02-28,st. louis smm food,0,90.52055147693545,87.70409353036166,0.0,0.0,1.0458350476145895,0.0,0.00019773727800288758,0.8184469883708346,0.9519781733103616,90.52055147693545 +0.667,0.0,0.902,0.0,9.884305136269115e-07,0.0,0.0,160.31,2022-02-28,tampa/ft. myers smm food,0,175.48923968121596,173.25520362076367,1.2886806956645689,0.0,0.9452336803089777,0.0,0.00012168447877100773,0.0,0.0,175.489239681216 +0.721,0.727,0.0,0.0,0.0,0.633,0.581,80.17,2022-02-28,tucson/sierra vista smm food,0,67.24930652779088,63.32224664442017,1.393011666527967,1.182162344121322,0.0,0.0,0.0,0.5201575739344761,0.8317282987869474,67.24930652779088 +0.585,0.0,0.0,0.0,5.189260196541285e-06,0.859,0.673,163.18,2022-02-28,washington dc/hagerstown smm food,0,175.82156719461304,173.02137618365978,1.1302521843534823,0.0,0.0,0.0,0.0006388435135477905,0.7058694407736414,0.9634305423125915,175.82156719461304 +0.0,0.975,0.901,0.0,0.0,0.0,0.0,75.18,2022-02-28,yakima/pasco/richland/kennewick smm food,0,56.04655904549497,53.51694236690935,0.0,1.585430929186092,0.9441857493995441,0.0,0.0,0.0,0.0,56.04655904549498 +0.529,0.866,0.767,0.0,0.006590350565302296,0.0,0.739,79.56,2022-03-07,albany/schenectady/troy smm food,0,87.46011906548435,82.35686844083078,1.0220571034581063,1.4081878817181084,0.803763007535461,0.0,0.8113300453609064,0.0,1.0579125865809882,87.46011906548435 +0.0,0.0,0.0,0.0,0.005461308397883105,0.596,0.0,112.92,2022-03-07,albuquerque/santa fe smm food,0,71.95421781730796,70.79212936171284,0.0,0.0,0.0,0.0,0.672335036851132,0.48975341874399336,0.0,71.95421781730796 +0.0,0.616,0.0,0.0,0.022846760809464885,0.517,0.56,178.89,2022-03-07,atlanta smm food,0,170.28833718514596,165.2475308400832,0.0,1.0016671306447515,0.0,0.0,2.8126369455192513,0.4248364387426923,0.801665830156094,170.28833718514596 +0.0,0.529,0.0,0.0,0.011503359259742564,0.646,0.0,130.41,2022-03-07,baltimore smm food,0,108.08756378679396,105.28036119021601,0.0,0.8601979092712233,0.0,0.0,1.4161645723593816,0.5308401149473485,0.0,108.08756378679396 +0.0,0.687,0.0,0.0,0.00302727107623771,0.79,0.0,43.1,2022-03-07,baton rouge smm food,0,52.76721438895892,50.62824190344196,0.0,1.117119023949585,0.0,0.0,0.3726836615543592,0.6491698000130114,0.0,52.76721438895892 +0.557,0.0,0.0,0.888,0.007107677798600634,0.665,0.581,64.5,2022-03-07,birmingham/anniston/tuscaloosa smm food,0,67.47176153480879,62.27551690355495,1.0761546439057945,0.0,0.0,1.866891056985216,0.8750175720712734,0.5464530595046235,0.8317282987869474,67.4717615348088 +0.851,0.0,0.0,0.556,0.026784382566443693,0.0,0.0,187.63,2022-03-07,boston/manchester smm food,0,189.4547722227223,183.34429136615643,1.6441788186065187,0.0,0.0,1.1689092654096624,3.2973927725497014,0.0,0.0,189.4547722227223 +0.0,0.8140000000000001,0.887,0.715,0.005734765112706842,0.8200000000000001,0.0,39.55,2022-03-07,buffalo smm food,0,69.09934504585762,63.96319330778341,0.0,1.3236315654948503,0.9295147166674758,1.503183677640123,0.7059999605367221,0.6738218177350245,0.0,69.0993450458576 +0.0,0.833,0.855,0.0,0.014690134603502391,0.736,0.903,132.52,2022-03-07,charlotte smm food,0,133.05736026584552,127.1008852661048,0.0,1.3545271425764254,0.8959809275656052,0.0,1.808484610358617,0.6047961681133878,1.2926861511267014,133.05736026584555 +0.0,0.558,0.0,0.0,0.031356875713401344,0.0,0.0,167.18,2022-03-07,chicago smm food,0,181.89051685875273,177.12285569785104,0.0,0.9073543163957328,0.0,0.0,3.8603068445059656,0.0,0.0,181.89051685875273 +0.0,0.873,0.879,0.0,0.012493124154562872,0.0,0.554,141.0,2022-03-07,cleveland/akron/canton smm food,0,135.76286626096027,131.09107465023894,0.0,1.4195704627481625,0.9211312693920082,0.0,1.5380133251767305,0.0,0.7930765534044215,135.76286626096027 +0.505,0.77,0.777,0.0,0.011432987949324895,0.0,0.901,116.07,2022-03-07,columbus oh smm food,0,109.6600730074244,103.92073468964487,0.9756877830743736,1.2520839133059394,0.8142423166297956,0.0,1.4075012458932799,0.0,1.289823058876144,109.6600730074244 +0.72,0.0,0.0,0.599,0.023886862763729786,0.0,0.0,157.53,2022-03-07,dallas/ft. worth smm food,0,110.86822994690156,105.27715718131851,1.3910796115119783,0.0,0.0,1.2593105215474598,2.940682632523612,0.0,0.0,110.86822994690156 +0.792,0.0,0.0,0.0,0.003303625128004516,0.0,0.0,81.55,2022-03-07,des moines/ames smm food,0,64.34519020931732,62.408297363785806,1.5301875726631762,0.0,0.0,0.0,0.4067052728683468,0.0,0.0,64.34519020931732 +0.666,0.865,0.0,0.0,0.01770959954975873,0.0,0.0,179.44,2022-03-07,detroit smm food,0,165.1964407610447,160.32292305294044,1.28674864064858,1.406561798713815,0.0,0.0,2.180207268741882,0.0,0.0,165.19644076104473 +0.964,0.622,0.0,0.679,0.00799045868124039,0.0,0.924,91.81,2022-03-07,grand rapids smm food,0,116.62343415072678,110.01556630860257,1.8625010354132598,1.011423628670512,0.0,1.4274989050596416,0.9836956532232433,0.0,1.322748619757555,116.62343415072678 +0.0,0.874,0.0,0.78,0.00903890793119287,0.0,0.0,129.8,2022-03-07,greensboro smm food,0,87.74304550651885,83.56924325587181,0.0,1.4211965457524558,0.0,1.6398367392437707,1.1127689656508253,0.0,0.0,87.74304550651887 +0.552,0.81,0.777,0.887,0.009848253368822717,0.9840000000000001,0.0,100.54,2022-03-07,harrisburg/lancaster smm food,0,92.10875299546905,85.02510769460987,1.0664943688258501,1.3171272334776767,0.8142423166297956,1.8647887021913137,1.2124064984525034,0.8085861812820294,0.0,92.10875299546905 +0.0,0.677,0.656,0.0,0.012106123955562528,0.0,0.5660000000000001,71.98,2022-03-07,hartford/new haven smm food,0,116.69965641966662,112.61073024106035,0.0,1.1008581939066506,0.6874426765883473,0.0,1.4903702012035178,0.0,0.8102551069077665,116.69965641966664 +0.917,0.8170000000000001,0.0,0.0,0.02235561957154881,0.0,0.0,167.97,2022-03-07,houston smm food,0,173.4988193970462,167.64644198801398,1.7716944496617835,1.3285098145077305,0.0,0.0,2.7521731448627254,0.0,0.0,173.49881939704622 +0.8300000000000001,0.9580000000000001,0.0,0.9840000000000001,0.012806567825815386,0.8130000000000001,0.0,64.34,2022-03-07,indianapolis smm food,0,96.49601594910577,89.02123497580452,1.603605663270753,1.557787518113104,0.0,2.068717117199834,1.5766009944510015,0.6680696802665548,0.0,96.49601594910577 +0.0,0.811,0.0,0.0,0.007004110049382805,0.937,0.0,55.16,2022-03-07,jacksonville smm food,0,89.25087546576412,86.29988999004563,0.0,1.31875331648197,0.0,0.0,0.862267472385647,0.7699646868508756,0.0,89.25087546576412 +0.0,0.797,0.0,0.0,0.006624598447061327,0.8320000000000001,0.0,114.93999999999998,2022-03-07,kansas city smm food,0,83.28891755130144,80.49370051161102,0.0,1.295988154421862,0.0,0.0,0.8155462604447233,0.6836826248238298,0.0,83.28891755130144 +0.0,0.0,0.0,0.556,0.006187925908136803,0.598,0.0,105.97,2022-03-07,knoxville smm food,0,71.82511257354565,69.4030183864474,0.0,0.0,0.0,1.1689092654096624,0.7617880350964721,0.49139688659212755,0.0,71.82511257354567 +0.715,0.0,0.613,0.637,0.006155530098052682,0.0,0.728,69.24,2022-03-07,las vegas smm food,0,78.23895086006047,73.0759844669223,1.381419336432034,0.0,0.6423816474827088,1.339200003715746,0.7577998263047523,0.0,1.042165579202922,78.23895086006047 +0.9140000000000001,0.0,0.0,0.782,0.0062213027355057,0.0,0.0,77.02,2022-03-07,little rock/pine bluff smm food,0,61.879407905171036,57.70357115599228,1.7658982846138171,0.0,0.0,1.6440414488315753,0.7658970157333721,0.0,0.0,61.87940790517104 +0.0,0.9570000000000001,0.0,0.659,0.04838416538621784,0.56,0.0,179.33,2022-03-07,los angeles smm food,0,163.33487621032072,153.9765761946837,0.0,1.5561614351088104,0.0,1.3854518091815962,5.956515773869016,0.4601709974775777,0.0,163.33487621032072 +0.601,0.0,0.0,0.649,0.003602895941229762,0.0,0.0,45.67,2022-03-07,madison wi smm food,0,55.3883267428461,52.419185278171575,1.1611650646093041,0.0,0.0,1.3644282612425733,0.4435481388226402,0.0,0.0,55.38832674284609 +0.0,0.0,0.604,0.5,0.01403109361638908,0.0,0.665,162.69,2022-03-07,miami/west palm beach smm food,0,188.48527105135824,184.12181433608328,0.0,0.0,0.6329502692978076,1.051177396951135,1.727350875715654,0.0,0.9519781733103616,188.48527105135824 +0.677,0.0,0.0,0.0,0.00847656510122768,0.0,0.0,96.93,2022-03-07,milwaukee smm food,0,70.50471334941616,68.15317248002567,1.3080012458244574,0.0,0.0,0.0,1.0435396235660297,0.0,0.0,70.50471334941616 +0.0,0.591,0.598,0.0,0.010323989917183916,0.0,0.0,107.75,2022-03-07,minneapolis/st. paul smm food,0,88.60937403576717,85.75072244988117,0.0,0.9610150555374157,0.6266626838412068,0.0,1.2709738465073832,0.0,0.0,88.60937403576717 +0.0,0.0,0.605,0.6920000000000001,0.005476970079371523,0.0,0.0,39.62,2022-03-07,mobile/pensacola smm food,0,70.22952572120936,67.46643487620449,0.0,0.0,0.6339982002072411,1.4548295173803711,0.6742631274172586,0.0,0.0,70.22952572120936 +0.0,0.685,0.592,0.0,0.01373012640929482,0.879,0.864,108.55,2022-03-07,nashville smm food,0,100.8558690353315,95.47216793873541,0.0,1.113866857940998,0.6203750983846061,0.0,1.6902991687746696,0.7223041192549835,1.2368558522408306,100.8558690353315 +0.0,0.543,0.629,0.0,0.006405698154437227,0.795,0.743,72.96,2022-03-07,new orleans smm food,0,63.5972438819326,59.54961731628727,0.0,0.8829630713313313,0.659148542033644,0.0,0.7885977115648991,0.6532784696333469,1.0636387710821031,63.59724388193259 +0.0,0.0,0.593,0.0,0.06877934052580605,0.726,0.501,349.85,2022-03-07,new york smm food,0,300.5643130399478,290.1617655847399,0.0,0.0,0.6214230292940396,0.0,8.467340988276517,0.5965788288727167,0.7172046087646483,300.5643130399478 +0.868,0.978,0.854,0.892,0.007887985618816403,0.665,0.776,121.37000000000002,2022-03-07,norfolk/portsmouth/newport news smm food,0,110.97591882529795,102.30993924858487,1.6770237538783295,1.5903091781989724,0.8949329966561717,1.875300476160825,0.9710803190978559,0.5464530595046235,1.1108797932163017,110.97591882529795 +0.767,0.6,0.0,0.0,0.0056055537693511055,0.0,0.0,58.07000000000001,2022-03-07,oklahoma city smm food,0,56.756873028966055,53.609244119971564,1.4818861972634547,0.9756498025760566,0.0,0.0,0.6900929091549804,0.0,0.0,56.756873028966055 +0.0,0.649,0.965,0.9280000000000002,0.0037388446740740083,0.0,0.0,28.620000000000005,2022-03-07,omaha smm food,0,65.35408091818277,60.87622985001895,0.0,1.0553278697864346,1.0112533276032853,1.950985248741307,0.4602846220328047,0.0,0.0,65.35408091818279 +0.521,0.523,0.0,0.811,0.01450051285823006,0.9129999999999999,0.765,116.85,2022-03-07,orlando/daytona beach/melborne smm food,0,139.8079503456496,132.61538216686213,1.0066006633301954,0.8504414112454628,0.0,1.7050097378547413,1.7851405078455882,0.750243072673265,1.0951327858382354,139.80795034564963 +0.0,0.911,0.0,0.8150000000000001,0.003848965717597182,0.0,0.549,55.3,2022-03-07,paducah ky/cape girardeau mo smm food,0,60.013799219366724,55.55925813283435,0.0,1.4813616169113129,0.0,1.7134191570303503,0.4738414898126826,0.0,0.7859188227780278,60.013799219366724 +0.0,0.0,0.5680000000000001,0.0,0.031187393239844166,0.0,0.9590000000000001,159.15,2022-03-07,philadelphia smm food,0,205.5452671917833,199.7377476378349,0.0,0.0,0.5952247565582033,0.0,3.8394420632478967,0.0,1.372852734142311,205.54526719178332 +0.0,0.0,0.605,0.844,0.016526019493212037,0.0,0.0,187.71,2022-03-07,phoenix/prescott smm food,0,121.42584493273829,116.98296111946722,0.0,0.0,0.6339982002072411,1.774387446053516,2.0344981670103195,0.0,0.0,121.4258449327383 +0.0,0.745,0.0,0.578,0.008695170100235834,0.0,0.0,114.65,2022-03-07,pittsburgh smm food,0,108.04927707712632,104.55223234884438,0.0,1.2114318381986038,0.0,1.215161070875512,1.0704518192078212,0.0,0.0,108.04927707712632 +0.599,0.919,0.873,0.912,0.009954220533112372,0.9269999999999999,0.8290000000000001,130.8,2022-03-07,portland or smm food,0,95.55412304341009,86.8963094792362,1.1573009545773263,1.4943702809456603,0.9148436839354074,1.9173475720388704,1.225451987210346,0.7617473476102045,1.1867517378560748,95.55412304341009 +0.754,0.0,0.0,0.903,0.007645853502507646,0.501,0.594,80.71,2022-03-07,providence ri/new bedford ma smm food,0,88.80680104177787,83.24830635780522,1.4567694820555994,0.0,0.0,1.89842637889375,0.9412717286501178,0.4116886959576186,0.850338398415571,88.80680104177787 +0.607,0.607,0.0,0.599,0.014221939779960165,0.0,0.9980000000000001,150.59,2022-03-07,raleigh/durham/fayetteville smm food,0,131.92880182386511,125.33017277610136,1.1727573947052372,0.9870323836061107,0.0,1.2593105215474598,1.7508457148767602,0.0,1.428683033028182,131.92880182386511 +0.0,0.0,0.0,0.0,0.06432856765444896,0.0,0.9689999999999999,295.71,2022-03-07,rem us east north central smm food,0,315.76025264897845,306.4536727021249,0.0,0.0,0.0,0.0,7.9194117514585045,0.0,1.387168195395098,315.7602526489785 +0.768,0.931,0.0,0.561,0.023180986232266405,0.742,0.986,150.29,2022-03-07,rem us middle atlantic smm food,0,139.85215991249538,130.80002326169728,1.4838182522794436,1.5138832769971813,0.0,1.1794210393791738,2.853783030959683,0.6097265716577904,1.4115044795248368,139.85215991249538 +0.0,0.0,0.0,0.0,0.02975418505708099,0.0,0.0,190.16,2022-03-07,rem us mountain smm food,0,177.62051307746395,173.95751153106124,0.0,0.0,0.0,0.0,3.6630015464027155,0.0,0.0,177.62051307746395 +0.0,0.759,0.577,0.923,0.013225963834899853,0.9590000000000001,0.0,180.89,2022-03-07,rem us new england smm food,0,154.4172323832239,148.221630613054,0.0,1.2341970002587117,0.6046561347431043,1.9404734747717955,1.628232327215934,0.7880428331803518,0.0,154.4172323832239 +0.514,0.0,0.0,0.955,0.0262613483824673,0.892,0.512,75.6,2022-03-07,rem us pacific smm food,0,112.81341025489799,105.11364420201244,0.9930762782182734,0.0,0.0,2.007748828176668,3.23300267008003,0.7329866602678559,0.7329516161427144,112.81341025489797 +0.581,0.941,0.0,0.0,0.07006090864132114,0.0,1.0,306.18,2022-03-07,rem us south atlantic smm food,0,296.389557834234,283.6802303568146,1.1225239642895268,1.5301441070401154,0.0,0.0,8.625113280811043,0.0,1.4315461252787391,296.38955783423404 +1.0,0.61,0.0,0.9910000000000001,0.09631745695810663,0.0,0.974,476.37000000000006,2022-03-07,rem us south central smm food,0,417.69057955727396,399.4313293612464,1.9320550159888588,0.9919106326189909,0.0,2.08343360075715,11.85752502064104,0.0,1.394325926021492,417.69057955727396 +0.656,0.639,0.853,0.0,0.03126404231956151,0.657,0.0,144.73,2022-03-07,rem us west north central smm food,0,133.54366610487884,125.95452848252805,1.2674280904886914,1.0390670397435005,0.8938850657467382,0.0,3.8488782382597932,0.5398791881120867,0.0,133.54366610487887 +0.498,0.8190000000000001,0.87,0.0,0.006642187568051318,0.0,0.0,127.66,2022-03-07,richmond/petersburg smm food,0,90.0914307434998,86.06809383806947,0.9621633979624516,1.3317619805163174,0.911699891207107,0.0,0.8177116357444534,0.0,0.0,90.0914307434998 +0.9540000000000001,0.0,0.0,0.917,0.009075935773771476,0.741,0.0,64.33,2022-03-07,sacramento/stockton/modesto smm food,0,77.08435373529673,71.58708164797008,1.8431804852533713,0.0,0.0,1.927859346008382,1.1173274183311857,0.6089048377337233,0.0,77.08435373529674 +0.994,0.0,0.86,0.9899999999999999,0.010161395568768572,0.647,0.0,104.67,2022-03-07,salt lake city smm food,0,90.4104424889523,83.72480907215119,1.9204626858929257,0.0,0.9012205821127725,2.081331245963247,1.250957053960749,0.5316618488714157,0.0,90.4104424889523 +0.0,0.0,0.0,0.749,0.008161787048781769,0.0,0.0,92.95,2022-03-07,san diego smm food,0,81.29376437159448,78.71431295071628,0.0,0.0,0.0,1.5746637406328003,1.0047876802454174,0.0,0.0,81.29376437159449 +0.686,0.904,0.0,0.742,0.01368285842659504,0.0,0.0,74.67,2022-03-07,san francisco/oakland/san jose smm food,0,94.91570914623881,88.87591304741949,1.3253897409683573,1.4699790358812588,0.0,1.5599472570754844,1.6844800648942415,0.0,0.0,94.91570914623883 +0.842,0.0,0.0,0.0,0.014783208927279927,0.0,0.0,63.73,2022-03-07,seattle/tacoma smm food,0,92.19148970646287,88.74475650580376,1.626790323462619,0.0,0.0,0.0,1.8199428771964905,0.0,0.0,92.19148970646287 +0.88,0.0,0.0,0.9269999999999999,0.009745017979365096,0.0,0.727,112.65000000000002,2022-03-07,st. louis smm food,0,93.59361618662976,87.70409353036166,1.7002084140701956,0.0,0.0,1.9488828939474043,1.199697315172864,0.0,1.0407340330776433,93.59361618662977 +0.9530000000000001,0.793,0.0,0.511,0.015014418886413106,0.0,0.0,159.65,2022-03-07,tampa/ft. myers smm food,0,179.30864602724358,173.25520362076367,1.8412484302373826,1.2894838224046883,0.0,1.07430329968406,1.848406854153809,0.0,0.0,179.3086460272436 +0.665,0.0,0.536,0.8190000000000001,0.003425633283992196,0.0,0.968,67.33,2022-03-07,tucson/sierra vista smm food,0,68.69804497159592,63.32224664442017,1.284816585632591,0.0,0.5616909674563326,1.7218285762059595,0.4217255486110446,0.0,1.3857366492698195,68.69804497159592 +0.0,0.881,0.792,0.725,0.022910182217833613,0.792,0.0,165.55,2022-03-07,washington dc/hagerstown smm food,0,180.27938176214786,173.02137618365978,0.0,1.4325791267825099,0.8299612802712975,1.524207225579146,2.8204446779939945,0.6508132678611456,0.0,180.27938176214786 +0.0,0.0,0.0,0.0,0.002012208537959263,0.9490000000000002,0.732,53.92,2022-03-07,yakima/pasco/richland/kennewick smm food,0,55.59238017116154,53.51694236690935,0.0,0.0,0.0,0.0,0.24772054660846513,0.7798254939396809,1.047891763704037,55.59238017116153 +0.623,0.0,0.765,0.9619999999999999,0.008453227021262805,0.0,0.8240000000000001,81.08,2022-03-14,albany/schenectady/troy smm food,0,88.60493168138875,82.35686844083078,1.203670274961059,0.0,0.8016671457165941,2.0224653117339835,1.0406665009166476,0.0,1.179594007229681,88.60493168138875 +0.994,0.546,0.596,0.9490000000000002,0.007067183035995481,0.973,0.0,60.47,2022-03-14,albuquerque/santa fe smm food,0,77.88971430858449,70.79212936171284,1.9204626858929257,0.8878413203442116,0.6245668220223399,1.9951346994132548,0.8700323110816236,0.7995471081172912,0.0,77.88971430858449 +0.617,0.52,0.0,0.562,0.030996676807777995,0.0,0.849,262.07,2022-03-14,atlanta smm food,0,173.49804119689023,165.2475308400832,1.1920779448651257,0.8455631622325824,0.0,1.181523394173076,3.8159631951746293,0.0,1.2153826603616495,173.49804119689026 +0.562,0.673,0.0,0.0,0.015604702175922245,0.0,0.0,113.62,2022-03-14,baltimore smm food,0,109.38160588333349,105.28036119021601,1.0858149189857387,1.094353861889477,0.0,0.0,1.921075912242264,0.0,0.0,109.38160588333349 +0.0,0.0,0.861,0.0,0.003990652289573031,0.0,0.0,58.52000000000001,2022-03-14,baton rouge smm food,0,52.02179476788628,50.62824190344196,0.0,0.0,0.9022685130222059,0.0,0.4912843514221127,0.0,0.0,52.02179476788628 +0.885,0.739,0.0,0.0,0.009422221284377386,0.674,0.504,79.99,2022-03-14,birmingham/anniston/tuscaloosa smm food,0,67.62236705135788,62.27551690355495,1.70986868915014,1.201675340172843,0.0,0.0,1.159958206518222,0.5538486648212274,0.7214992471404845,67.62236705135787 +0.973,0.0,0.0,0.55,0.03517064589148456,0.0,0.617,230.29000000000002,2022-03-14,boston/manchester smm food,0,191.59355544689762,183.34429136615643,1.8798895305571595,0.0,0.0,1.1562951366462486,4.32981545424081,0.0,0.8832639592969821,191.59355544689762 +0.0,0.5,0.0,0.996,0.007485960040470789,0.5660000000000001,0.707,59.239999999999995,2022-03-14,buffalo smm food,0,69.26897213519257,63.96319330778341,0.0,0.8130415021467139,0.0,2.093945374726661,0.9215874389417257,0.46510140102198033,1.0121031105720686,69.26897213519257 +0.0,0.993,0.0,0.578,0.019132399559213416,0.992,0.0,147.75,2022-03-14,charlotte smm food,0,133.10127326094386,127.1008852661048,0.0,1.6147004232633737,0.0,1.215161070875512,2.3553664480256047,0.8151600526745661,0.0,133.10127326094386 +0.0,0.0,0.0,0.588,0.04335001711910375,0.0,0.55,202.52,2022-03-14,chicago smm food,0,184.48315858693243,177.12285569785104,0.0,0.0,0.0,1.236184618814535,5.336767901363564,0.0,0.7873503689033066,184.48315858693243 +0.8240000000000001,0.627,0.9500000000000001,0.758,0.016829374995534843,0.751,0.0,106.49,2022-03-14,cleveland/akron/canton smm food,0,138.98072739589296,131.09107465023894,1.5920133331748196,1.0195540436919792,0.9955343639617836,1.5935849337779209,2.0718438940731336,0.6171221769743943,0.0,138.98072739589296 +0.625,0.9840000000000001,0.0,0.642,0.0151006989859476,0.867,0.6910000000000001,126.78,2022-03-14,columbus oh smm food,0,111.63871690558743,103.92073468964487,1.2075343849930367,1.6000656762247332,0.0,1.3497117776852574,1.8590286923057304,0.7124433121661783,0.9891983725676088,111.63871690558742 +0.0,0.0,0.0,0.0,0.03296309506665535,0.0,0.0,123.37,2022-03-14,dallas/ft. worth smm food,0,109.33520373751695,105.27715718131851,0.0,0.0,0.0,0.0,4.05804655619843,0.0,0.0,109.33520373751695 +0.0,0.0,0.9520000000000001,0.0,0.004377276884978198,0.687,0.707,59.3,2022-03-14,des moines/ames smm food,0,65.52144314126602,62.408297363785806,0.0,0.0,0.9976302257806505,0.0,0.5388812352933924,0.5645312058340998,1.0121031105720686,65.52144314126602 +0.0,0.0,0.868,0.0,0.024159269271132794,0.0,0.885,179.58,2022-03-14,detroit smm food,0,165.47366366965088,160.32292305294044,0.0,0.0,0.9096040293882401,0.0,2.974218266450508,0.0,1.266918320871684,165.47366366965088 +0.0,0.613,0.911,0.86,0.010685383588190614,0.994,0.728,107.06,2022-03-14,grand rapids smm food,0,116.94947905316232,110.01556630860257,0.0,0.9967888816318712,0.9546650584938787,1.8080251227559523,1.3154645819524344,0.8168035205227003,1.042165579202922,116.94947905316234 +0.0,0.0,0.0,0.583,0.01171632155605605,0.545,0.0,82.94,2022-03-14,greensboro smm food,0,86.68514319106637,83.56924325587181,0.0,0.0,0.0,1.2256728448450234,1.4423821017329892,0.4478449886165712,0.0,86.6851431910664 +0.0,0.5650000000000001,0.0,0.0,0.012833330817509977,0.71,0.0,62.63,2022-03-14,harrisburg/lancaster smm food,0,88.10717143194263,85.02510769460987,0.0,0.9187368974257868,0.0,0.0,1.579895753819325,0.583431086087643,0.0,88.10717143194263 +0.0,0.713,0.513,0.988,0.015671489190189875,0.77,0.0,124.28,2022-03-14,hartford/new haven smm food,0,118.94687561793526,112.61073024106035,0.0,1.159397182061214,0.5375885565393631,2.077126536375443,1.9292979803672226,0.6327351215316693,0.0,118.94687561793526 +0.0,0.0,0.0,0.0,0.03114778930023942,0.0,0.0,171.1,2022-03-14,houston smm food,0,171.4810084584087,167.64644198801398,0.0,0.0,0.0,0.0,3.8345664703947393,0.0,0.0,171.48100845840872 +0.528,0.0,0.0,0.0,0.017139960867064832,0.0,0.762,56.669999999999995,2022-03-14,indianapolis smm food,0,93.24227791480719,89.02123497580452,1.0201250484421174,0.0,0.0,0.0,2.110079743098158,0.0,1.0908381474623992,93.24227791480719 +0.0,0.895,0.0,0.609,0.00948390676165656,0.0,0.861,157.41,2022-03-14,jacksonville smm food,0,91.43568179286686,86.29988999004563,0.0,1.4553442888426178,0.0,1.2803340694864824,1.1675522306271238,0.0,1.2325612138649944,91.43568179286684 +0.778,0.759,0.804,0.0,0.00902424827113764,0.866,0.0,121.63,2022-03-14,kansas city smm food,0,85.89615857646072,80.49370051161102,1.5031388024393322,1.2341970002587117,0.8425364511844989,0.0,1.1109642327250526,0.7116215782421111,0.0,85.89615857646073 +0.0,0.837,0.536,0.76,0.00819907311883206,0.655,0.0,82.77,2022-03-14,knoxville smm food,0,74.47114411512288,69.4030183864474,0.0,1.361031474593599,0.5616909674563326,1.5977896433657253,1.0093779229958568,0.5382357202639525,0.0,74.47114411512287 +0.0,0.0,0.0,0.7020000000000001,0.008210624164921933,0.517,0.0,70.77,2022-03-14,las vegas smm food,0,75.98747392922027,73.0759844669223,0.0,0.0,0.0,1.4758530653193938,1.0107999582358946,0.4248364387426923,0.0,75.98747392922029 +0.0,0.0,0.0,0.0,0.007910334032729508,0.0,0.0,71.16,2022-03-14,little rock/pine bluff smm food,0,58.67740276115515,57.70357115599228,0.0,0.0,0.0,0.0,0.9738316051628685,0.0,0.0,58.67740276115515 +0.0,0.631,0.0,0.923,0.06378700534049464,0.8290000000000001,0.638,165.25,2022-03-14,los angeles smm food,0,166.39039256957838,153.9765761946837,0.0,1.026058375709153,0.0,1.9404734747717955,7.852740673434273,0.6812174230516285,0.9133264279278356,166.39039256957838 +0.552,0.0,0.645,0.0,0.0047701928406026,0.0,0.628,80.73,2022-03-14,madison wi smm food,0,55.64785869112911,52.419185278171575,1.0664943688258501,0.0,0.6759154365845793,0.0,0.5872526408720495,0.0,0.8990109666750482,55.6478586911291 +0.804,0.525,0.683,0.0,0.01913501025130753,0.9199999999999999,0.768,420.53,2022-03-14,miami/west palm beach smm food,0,191.4557274388464,184.12181433608328,1.5533722328550426,0.8536935772540496,0.7157368111430508,0.0,2.3556878471551586,0.7559952101417347,1.0994274242140716,191.4557274388464 +0.0,0.0,0.635,0.0,0.011667846452591502,0.0,0.0,43.93,2022-03-14,milwaukee smm food,0,70.25502299819878,68.15317248002567,0.0,0.0,0.6654361274902448,0.0,1.436414390682862,0.0,0.0,70.25502299819878 +0.8140000000000001,0.0,0.704,0.559,0.014005669948040454,0.0,0.0,67.54,2022-03-14,minneapolis/st. paul smm food,0,90.96059592174468,85.75072244988117,1.572692783014931,0.0,0.7377433602411533,1.1752163297913691,1.724220998816065,0.0,0.0,90.96059592174468 +0.0,0.0,0.504,0.681,0.007469494023651905,0.0,0.926,88.3,2022-03-14,mobile/pensacola smm food,0,71.67146770884551,67.46643487620449,0.0,0.0,0.528157178354462,1.4317036146474462,0.919560327630999,0.0,1.3256117120081126,71.67146770884551 +0.541,0.0,0.0,0.853,0.018150014533715477,0.742,0.522,135.61,2022-03-14,nashville smm food,0,101.9021382125852,95.47216793873541,1.0452417636499727,0.0,0.0,1.7933086391986364,2.2344262219478805,0.6097265716577904,0.7472670773955019,101.90213821258519 +0.767,0.917,0.0,0.0,0.008600289419694644,0.543,0.0,74.52,2022-03-14,new orleans smm food,0,64.02759432324122,59.54961731628727,1.4818861972634547,1.4911181149370734,0.0,0.0,1.0587711739849937,0.44620152076843694,0.0,64.02759432324123 +0.644,0.0,0.0,0.767,0.09183524705426366,0.648,0.514,360.54,2022-03-14,new york smm food,0,305.5925390421242,290.1617655847399,1.244243430296825,0.0,0.0,1.6125061269230412,11.305725608975719,0.5324835827954828,0.7358147083932719,305.59253904212426 +0.9500000000000001,0.922,0.798,0.0,0.010436320102905046,0.655,0.0,78.17,2022-03-14,norfolk/portsmouth/newport news smm food,0,108.30392730882198,102.30993924858487,1.8354522651894158,1.4992485299585405,0.8362488657278982,0.0,1.2848026790973144,0.5382357202639525,0.0,108.30392730882198 +0.0,0.0,0.0,0.985,0.007329817672233146,0.886,0.0,58.43000000000001,2022-03-14,oklahoma city smm food,0,57.31048479051901,53.609244119971564,0.0,0.0,0.0,2.0708194719937363,0.9023649418302696,0.7280562567234533,0.0,57.31048479051902 +0.0,0.6900000000000001,0.9540000000000001,0.0,0.005013367751103235,0.508,0.0,83.14,2022-03-14,omaha smm food,0,64.03258365245193,60.87622985001895,0.0,1.1219972729624652,0.9997260875995174,0.0,0.6171896084448913,0.41744083342608834,0.0,64.03258365245192 +0.837,0.0,0.905,0.727,0.01992537164538503,0.729,0.0,275.97,2022-03-14,orlando/daytona beach/melborne smm food,0,139.7613339315304,132.61538216686213,1.6171300483826747,0.0,0.948377473037278,1.5284119351669503,2.452988277436441,0.5990440306449181,0.0,139.7613339315304 +0.0,0.673,0.0,0.52,0.004926278374085709,0.932,0.61,57.27000000000001,2022-03-14,paducah ky/cape girardeau mo smm food,0,59.99240378232955,55.55925813283435,0.0,1.094353861889477,0.0,1.0932244928291805,0.6064681411259761,0.7658560172305401,0.8732431364200308,59.99240378232955 +0.0,0.788,0.0,0.9759999999999999,0.04136532895772014,0.657,0.0,217.31,2022-03-14,philadelphia smm food,0,208.7033138670341,199.7377476378349,0.0,1.2813534073832211,0.0,2.0518982788486153,5.092435354855279,0.5398791881120867,0.0,208.7033138670341 +0.8989999999999999,0.0,0.0,0.979,0.022206614907157692,0.0,0.0,129.98,2022-03-14,phoenix/prescott smm food,0,123.51191328386513,116.98296111946722,1.7369174593739838,0.0,0.0,2.0582053432303224,2.7338293617935943,0.0,0.0,123.51191328386511 +0.0,0.0,0.917,0.62,0.011426078820034644,0.898,0.0,100.48,2022-03-14,pittsburgh smm food,0,108.96121270021321,104.55223234884438,0.0,0.0,0.9609526439504795,1.3034599722194076,1.4066506713866704,0.7379170638122585,0.0,108.9612127002132 +0.0,0.0,0.0,0.9689999999999999,0.013189504339866582,0.0,0.96,69.27,2022-03-14,portland or smm food,0,91.93151939790596,86.8963094792362,0.0,0.0,0.0,2.0371817952912994,1.623743843110867,0.0,1.3742842802675894,91.93151939790594 +0.513,0.0,0.625,0.992,0.01001851546694752,0.721,0.676,87.94,2022-03-14,providence ri/new bedford ma smm food,0,89.77350595323848,83.24830635780522,0.9911442232022846,0.0,0.6549568183959102,2.085535955551052,1.2333672583432032,0.5924701592523812,0.9677251806884277,89.77350595323848 +0.0,0.641,0.0,0.764,0.01857451331532654,0.653,0.0,151.4,2022-03-14,raleigh/durham/fayetteville smm food,0,130.8019690476451,125.33017277610136,0.0,1.0423192057520871,0.0,1.6061990625413345,2.286685750834468,0.5365922524158183,0.0,130.80196904764506 +0.0,0.0,0.9400000000000001,0.5740000000000001,0.08524781235897658,0.721,0.979,293.37,2022-03-14,rem us east north central smm food,0,321.1341877574197,306.4536727021249,0.0,0.0,0.985055054867449,1.2067516516999033,10.494754532827189,0.5924701592523812,1.4014836566478857,321.1341877574197 +0.761,0.833,0.88,0.0,0.029880218596335415,0.0,0.0,168.32,2022-03-14,rem us middle atlantic smm food,0,138.2255408539279,130.80002326169728,1.4702938671675216,1.3545271425764254,0.9221792003014416,0.0,3.678517382185208,0.0,0.0,138.22554085392787 +0.0,0.0,0.803,0.0,0.04001024014506333,0.0,0.9520000000000001,202.72,2022-03-14,rem us mountain smm food,0,181.08744398128584,173.95751153106124,0.0,0.0,0.8414885202750655,0.0,4.925612018684167,0.0,1.3628319112653597,181.08744398128584 +0.971,0.507,0.917,0.84,0.01697346963134952,0.898,0.8,159.26,2022-03-14,rem us new england smm food,0,157.62174796111356,148.221630613054,1.8760254205251818,0.8244240831767679,0.9609526439504795,1.7659780268779068,2.08958320949397,0.7379170638122585,1.1452369002229914,157.62174796111356 +0.0,0.0,0.648,0.708,0.034614929252575095,0.0,0.735,71.53,2022-03-14,rem us pacific smm food,0,112.59475888196857,105.11364420201244,0.0,0.0,0.6790592293128798,1.4884671940828071,4.261401854480575,0.0,1.0521864020798732,112.59475888196857 +0.6940000000000001,0.871,0.0,0.0,0.09248443215361797,0.5720000000000001,0.0,383.15,2022-03-14,rem us south atlantic smm food,0,298.29307263647655,283.6802303568146,1.3408461810962682,1.4163182967395755,0.0,0.0,11.385645997259736,0.47003180456638294,0.0,298.29307263647655 +0.0,0.759,0.0,0.0,0.12748057805115057,0.0,0.0,448.86,2022-03-14,rem us south central smm food,0,416.35950533091227,399.4313293612464,0.0,1.2341970002587117,0.0,0.0,15.693978969407118,0.0,0.0,416.35950533091227 +0.87,0.9700000000000001,0.84,0.0,0.041463256475319586,0.0,0.0,125.83,2022-03-14,rem us west north central smm food,0,135.19746991701098,125.95452848252805,1.680887863910307,1.577300514164625,0.8802619639241033,0.0,5.1044910924839195,0.0,0.0,135.197469917011 +0.0,0.0,0.0,0.84,0.008816565429305066,0.599,0.632,100.63,2022-03-14,richmond/petersburg smm food,0,90.31642428721342,86.06809383806947,0.0,0.0,0.0,1.7659780268779068,1.085396650573681,0.4922186205161947,0.9047371511761632,90.31642428721342 +0.0,0.613,0.0,0.0,0.01221844919913109,0.0,0.501,65.92,2022-03-14,sacramento/stockton/modesto smm food,0,74.80527356373767,71.58708164797008,0.0,0.9967888816318712,0.0,0.0,1.504198425371055,0.0,0.7172046087646483,74.80527356373766 +0.93,0.591,0.0,0.5630000000000001,0.013338688157288291,0.0,0.975,86.65,2022-03-14,salt lake city smm food,0,90.70412819516376,83.72480907215119,1.7968111648696388,0.9610150555374157,0.0,1.1836257489669781,1.642109681491775,0.0,1.3957574721467707,90.70412819516376 +0.54,0.0,0.797,0.867,0.010710812198691808,0.0,0.859,111.1,2022-03-14,san diego smm food,0,84.96385838937084,78.71431295071628,1.0433097086339838,0.0,0.8352009348184648,1.8227416063132682,1.318595067274417,0.0,1.229698121614437,84.96385838937084 +0.0,0.0,0.0,0.0,0.018398101943868837,0.0,0.0,76.6,2022-03-14,san francisco/oakland/san jose smm food,0,91.14088100879971,88.87591304741949,0.0,0.0,0.0,0.0,2.264967961380214,0.0,0.0,91.1408810087997 +0.0,0.0,0.631,0.0,0.019492929589058832,0.848,0.933,104.23,2022-03-14,seattle/tacoma smm food,0,93.83821467380756,88.74475650580376,0.0,0.0,0.6612444038525109,0.0,2.3997508616573295,0.6968303676089033,1.3356325348850637,93.83821467380757 +0.0,0.0,0.981,0.678,0.01331314093512546,0.0,0.0,96.6,2022-03-14,st. louis smm food,0,91.79647489681396,87.70409353036166,0.0,0.0,1.0280202221542207,1.4253965502657393,1.6389645940323398,0.0,0.0,91.79647489681396 +0.724,0.0,0.0,0.0,0.021057534782151,0.0,1.0,358.16,2022-03-14,tampa/ft. myers smm food,0,178.67792508230627,173.25520362076367,1.3988078315759338,0.0,0.0,0.0,2.592367504687935,0.0,1.4315461252787391,178.67792508230627 +0.0,0.0,0.0,0.761,0.0046254940266364725,0.516,0.0,98.57,2022-03-14,tucson/sierra vista smm food,0,65.915592293212,63.32224664442017,0.0,0.0,0.0,1.5998919981596276,0.5694389458135648,0.42401470481862513,0.0,65.91559229321199 +0.0,0.0,0.0,0.0,0.030338883714188143,0.0,0.8270000000000001,194.77,2022-03-14,washington dc/hagerstown smm food,0,177.9402479164514,173.02137618365978,0.0,0.0,0.0,0.0,3.734983087186115,0.0,1.1838886456055173,177.94024791645143 +0.0,0.0,0.0,0.0,0.0026345046207284944,0.0,0.929,71.36,2022-03-14,yakima/pasco/richland/kennewick smm food,0,55.17117937804642,53.51694236690935,0.0,0.0,0.0,0.0,0.32433066075311623,0.0,1.3299063503839488,55.17117937804641 +0.67,0.0,0.0,0.791,0.012257471200270938,0.0,0.549,54.81,2022-03-21,albany/schenectady/troy smm food,0,87.60922914278537,82.35686844083078,1.2944768607125354,0.0,0.0,1.6629626419766959,1.509002376487336,0.0,0.7859188227780278,87.60922914278538 +0.0,0.635,0.68,0.545,0.012757325453164636,0.0,0.0,57.080000000000005,2022-03-21,albuquerque/santa fe smm food,0,75.25360727635488,70.79212936171284,0.0,1.0325627077263266,0.7125930184147504,1.1457833626767373,1.5705388258242285,0.0,0.0,75.25360727635488 +0.765,0.0,0.0,0.529,0.06247802186914595,0.504,0.705,110.54,2022-03-21,atlanta smm food,0,176.95268583911573,165.2475308400832,1.4780220872314769,0.0,0.0,1.112145685974301,7.691593309775433,0.4141538977298199,1.0092400183215111,176.95268583911573 +0.0,0.0,0.0,0.579,0.023500915243226454,0.0,0.0,96.72,2022-03-21,baltimore smm food,0,109.39079371840572,105.28036119021601,0.0,0.0,0.0,1.2172634256694144,2.8931691025202904,0.0,0.0,109.39079371840572 +0.0,0.708,0.0,0.0,0.006284095254960134,0.0,0.586,63.43,2022-03-21,baton rouge smm food,0,53.392022026353544,50.62824190344196,0.0,1.1512667670397467,0.0,0.0,0.7736273264584973,0.0,0.8388860294133411,53.392022026353544 +0.0,0.0,0.0,0.886,0.014836607650240478,0.9210000000000002,0.0,92.42,2022-03-21,birmingham/anniston/tuscaloosa smm food,0,66.72153692407466,62.27551690355495,0.0,0.0,0.0,1.8626863473974113,1.8265167290564956,0.756816944065802,0.0,66.72153692407466 +0.0,0.0,0.62,0.755,0.0536868121535917,0.926,0.0,188.24,2022-03-21,boston/manchester smm food,0,192.95153018338095,183.34429136615643,0.0,0.0,0.6497171638487429,1.587277869396214,6.609318170293426,0.7609256136861374,0.0,192.95153018338095 +0.0,0.0,0.879,0.757,0.011952709655542494,0.776,0.0,83.42,2022-03-21,buffalo smm food,0,68.58495623448898,63.96319330778341,0.0,0.0,0.9211312693920082,1.5914825789840186,1.4714835532534696,0.637665525076072,0.0,68.58495623448898 +0.0,0.67,0.628,0.0,0.03273955779938419,0.534,0.514,123.36,2022-03-21,charlotte smm food,0,134.05360926895827,127.1008852661048,0.0,1.0894756128765968,0.6581006111242106,0.0,4.03052715500757,0.438805915451833,0.7358147083932719,134.05360926895827 +0.0,0.597,0.0,0.0,0.07593318420708375,0.0,0.645,180.12,2022-03-21,chicago smm food,0,188.3650164882534,177.12285569785104,0.0,0.9707715535631763,0.0,0.0,9.348041986034387,0.0,0.9233472508047867,188.3650164882534 +0.596,0.0,0.0,0.0,0.028114962008976983,0.0,0.0,119.35999999999999,2022-03-21,cleveland/akron/canton smm food,0,135.7037782297324,131.09107465023894,1.1515047895293598,0.0,0.0,0.0,3.4611987899640884,0.0,0.0,135.7037782297324 +0.864,0.757,0.596,0.0,0.030383979620834226,0.987,0.0,86.64,2022-03-21,columbus oh smm food,0,111.99712805221039,103.92073468964487,1.669295533814374,1.2309448342501248,0.6245668220223399,0.0,3.7405347894244434,0.8110513830542306,0.0,111.99712805221039 +0.0,0.0,0.0,0.922,0.062181450706761045,0.0,0.0,59.46,2022-03-21,dallas/ft. worth smm food,0,114.87061109585018,105.27715718131851,0.0,0.0,0.0,1.9383711199778932,7.655082794553782,0.0,0.0,114.8706110958502 +0.55,0.0,0.673,0.615,0.008579783193151311,0.74,0.795,49.98,2022-03-21,des moines/ames smm food,0,68.27154227365185,62.408297363785806,1.0626302587938723,0.0,0.7052575020487162,1.2929481982498963,1.0562466773672905,0.6080831038096562,1.1380791695965977,68.27154227365183 +0.846,0.6990000000000001,0.714,0.0,0.03985230624651974,0.994,0.0,106.91,2022-03-21,detroit smm food,0,169.56526877478126,160.32292305294044,1.6345185435265746,1.1366320200011062,0.7482226693354878,0.0,4.906168968454939,0.8168035205227003,0.0,169.56526877478126 +0.0,0.0,0.756,0.0,0.017716660650240457,0.0,0.0,107.93,2022-03-21,grand rapids smm food,0,112.98887862837137,110.01556630860257,0.0,0.0,0.792235767531693,0.0,2.1810765522371027,0.0,0.0,112.98887862837137 +0.0,0.51,0.0,0.878,0.017396928089844988,0.544,0.0,102.78,2022-03-21,greensboro smm food,0,88.8331510172668,83.56924325587181,0.0,0.8293023321896482,0.0,1.8458675090461933,2.1417146654666506,0.44702325469250404,0.0,88.8331510172668 +0.0,0.0,0.893,0.0,0.01957766897253021,0.619,0.0,88.69,2022-03-21,harrisburg/lancaster smm food,0,88.87974631985945,85.02510769460987,0.0,0.0,0.9358023021240766,0.0,2.4101830241279667,0.5086532989975368,0.0,88.87974631985945 +0.0,0.7010000000000001,0.541,0.0,0.023266863546366597,0.0,0.686,153.11,2022-03-21,hartford/new haven smm food,0,118.16394097370127,112.61073024106035,0.0,1.1398841860096929,0.5669306220035,0.0,2.8643552826865055,0.0,0.9820406419412151,118.16394097370127 +0.0,0.0,0.0,0.8230000000000001,0.05030995297329442,0.761,0.0,174.96,2022-03-21,houston smm food,0,176.19561664189794,167.64644198801398,0.0,0.0,0.0,1.7302379953815685,6.193597142287335,0.6253395162150653,0.0,176.19561664189794 +0.8310000000000001,0.5640000000000001,0.0,0.681,0.028915173113122774,0.0,0.743,96.49,2022-03-21,indianapolis smm food,0,97.59893770031863,89.02123497580452,1.6055377182867419,0.9171108144214933,0.0,1.4317036146474462,3.559711806076324,0.0,1.0636387710821031,97.59893770031863 +0.941,0.0,0.5060000000000001,0.518,0.013988096889046309,0.626,0.0,92.19,2022-03-21,jacksonville smm food,0,91.97368962086097,86.29988999004563,1.818063770045516,0.0,0.5302530401733291,1.089019783241376,1.7220576008891149,0.5144054364660064,0.0,91.97368962086097 +0.6960000000000001,0.0,0.0,0.804,0.01855027947020869,0.992,0.0,71.54,2022-03-21,kansas city smm food,0,86.62756646133747,80.49370051161102,1.3447102911282458,0.0,0.0,1.6902932542974254,2.2837023516261996,0.8151600526745661,0.0,86.62756646133747 +0.724,0.878,0.9420000000000002,0.5660000000000001,0.012567818612939515,0.0,0.0,42.96,2022-03-21,knoxville smm food,0,75.9538196949598,69.4030183864474,1.3988078315759338,1.4277008777696296,0.987150916686316,1.189932813348685,1.5472088691318568,0.0,0.0,75.95381969495982 +0.995,0.592,0.85,0.715,0.015642482461229353,0.0,0.524,88.58,2022-03-21,las vegas smm food,0,81.03080246390965,73.0759844669223,1.9223947409089144,0.9626411385417092,0.8907412730184379,1.503183677640123,1.9257269972320892,0.0,0.7501301696460594,81.03080246390964 +0.0,0.505,0.919,0.0,0.012565441437554243,0.0,0.0,19.26,2022-03-21,little rock/pine bluff smm food,0,61.03470779689023,57.70357115599228,0.0,0.821171917168181,0.9630485057693464,0.0,1.5469162179604128,0.0,0.0,61.03470779689022 +0.733,0.717,0.0,0.5720000000000001,0.12776328400450557,0.0,0.9140000000000001,160.23,2022-03-21,los angeles smm food,0,174.7984366917016,153.9765761946837,1.4161963267198334,1.1659015140783877,0.0,1.2025469421120987,15.728782555602807,0.0,1.3084331585047677,174.7984366917016 +0.0,0.6970000000000001,0.9590000000000001,0.0,0.008185589691088048,0.0,0.0,52.48,2022-03-21,madison wi smm food,0,55.56524886891061,52.419185278171575,0.0,1.1333798539925193,1.0049657421466847,0.0,1.007717994599822,0.0,0.0,55.5652488689106 +0.0,0.887,0.897,0.743,0.031582431849996574,0.0,0.0,163.6,2022-03-21,miami/west palm beach smm food,0,191.95426838476746,184.12181433608328,0.0,1.4423356248082704,0.9399940257618103,1.5620496118693867,3.888074786244714,0.0,0.0,191.95426838476746 +0.0,0.0,0.8220000000000001,0.0,0.019289315374327973,0.0,0.612,66.81,2022-03-21,milwaukee smm food,0,72.26536207949226,68.15317248002567,0.0,0.0,0.8613992075543012,0.0,2.374684163241699,0.0,0.8761062286705883,72.26536207949226 +0.626,0.0,0.0,0.865,0.032228503393232966,0.0,0.652,115.54,2022-03-21,minneapolis/st. paul smm food,0,93.67970572871799,85.75072244988117,1.2094664400090256,0.0,0.0,1.8185368967254638,3.9676118684206036,0.0,0.9333680736817379,93.67970572871799 +0.736,0.685,0.0,0.0,0.011280543546746359,0.0,0.0,110.55,2022-03-21,mobile/pensacola smm food,0,71.3910282267513,67.46643487620449,1.4219924917678,1.113866857940998,0.0,0.0,1.3887340008380258,0.0,0.0,71.39102822675132 +0.847,0.633,0.0,0.0,0.027491117796915786,0.658,0.0,113.94,2022-03-21,nashville smm food,0,102.06302808853644,95.47216793873541,1.6364505985425633,1.0293105417177397,0.0,0.0,3.3843980875045627,0.5407009220361538,0.0,102.06302808853643 +0.0,0.707,0.0,0.0,0.013068332643201059,0.0,0.59,71.19,2022-03-21,new orleans smm food,0,63.1526967570955,59.54961731628727,0.0,1.1496406840354534,0.0,0.0,1.608826542858329,0.0,0.8446122139144561,63.152696757095505 +0.0,0.754,0.0,0.877,0.14890449684286391,0.0,0.64,341.37,2022-03-21,new york smm food,0,312.4792384084601,290.1617655847399,0.0,1.2260665852372445,0.0,1.843765154252291,18.331451564052298,0.0,0.9161895201783931,312.4792384084601 +0.0,0.0,0.792,0.0,0.016228168313311985,0.979,0.585,96.27,2022-03-21,norfolk/portsmouth/newport news smm food,0,106.77966259419458,102.30993924858487,0.0,0.0,0.8299612802712975,0.0,1.9978300703886607,0.8044775116616938,0.8374544832880624,106.77966259419458 +0.584,0.85,0.0,0.726,0.014584947063780359,0.527,0.0,79.77,2022-03-21,oklahoma city smm food,0,59.8746332615483,53.609244119971564,1.1283201293374934,1.3821705536494135,0.0,1.5263095803730482,1.795535100233405,0.4330537779833633,0.0,59.87463326154829 +0.931,0.0,0.713,0.598,0.009310148090589799,0.0,0.5730000000000001,89.01,2022-03-21,omaha smm food,0,66.64579291676168,60.87622985001895,1.7987432198856277,0.0,0.7471747384260543,1.2572081667535575,1.1461610118927712,0.0,0.8202759297847176,66.64579291676168 +0.0,0.9630000000000002,0.631,0.835,0.032825547547455314,0.834,0.0,95.41,2022-03-21,orlando/daytona beach/melborne smm food,0,141.32445009777342,132.61538216686213,0.0,1.5659179331345712,0.6612444038525109,1.7554662529083955,4.041113248343852,0.6853260926719639,0.0,141.32445009777342 +0.0,0.0,0.0,0.0,0.007834642495072243,0.833,0.603,88.55,2022-03-21,paducah ky/cape girardeau mo smm food,0,58.07149811711512,55.55925813283435,0.0,0.0,0.0,0.0,0.9645133119897816,0.6845043587478967,0.8632223135430797,58.07149811711511 +0.0,0.0,0.0,0.0,0.07038671634276097,0.0,0.0,194.02,2022-03-21,philadelphia smm food,0,208.40297070864403,199.7377476378349,0.0,0.0,0.0,0.0,8.66522307080914,0.0,0.0,208.40297070864403 +0.553,0.614,0.0,0.642,0.040692935509905874,0.0,0.0,108.56,2022-03-21,phoenix/prescott smm food,0,125.4091721006402,116.98296111946722,1.068426423841839,0.9984149646361646,0.0,1.3497117776852574,5.009657815009719,0.0,0.0,125.4091721006402 +0.0,0.784,0.589,0.0,0.0200704361786412,0.63,0.0,134.63,2022-03-21,pittsburgh smm food,0,109.43285209778108,104.55223234884438,0.0,1.2748490753660475,0.6172313056563058,0.0,2.470846995752071,0.5176923721622749,0.0,109.43285209778108 +0.59,0.87,0.0,0.9840000000000001,0.02710985914366147,0.729,0.0,82.53,2022-03-21,portland or smm food,0,95.45613709849707,86.8963094792362,1.1399124594334267,1.4146922137352822,0.0,2.068717117199834,3.337461798247411,0.5990440306449181,0.0,95.45613709849707 +0.847,0.922,0.0,0.0,0.014492084017025108,0.634,0.73,124.82,2022-03-21,providence ri/new bedford ma smm food,0,89.73411630907123,83.24830635780522,1.6364505985425633,1.4992485299585405,0.0,0.0,1.7841028434528685,0.5209793078585433,1.0450286714534796,89.73411630907121 +0.0,0.0,0.0,0.0,0.028565295893137978,0.0,0.0,119.55000000000001,2022-03-21,raleigh/durham/fayetteville smm food,0,128.84681162301592,125.33017277610136,0.0,0.0,0.0,0.0,3.516638846914554,0.0,0.0,128.84681162301592 +0.96,0.596,0.0,0.0,0.1338373007091757,0.0,0.0,288.41,2022-03-21,rem us east north central smm food,0,325.7541383551876,306.4536727021249,1.8547728153493044,0.9691454705588829,0.0,0.0,16.47654736715451,0.0,0.0,325.7541383551876 +0.979,0.687,0.0,0.0,0.04700388395084496,0.752,0.737,120.55,2022-03-21,rem us middle atlantic smm food,0,141.2682085560741,130.80002326169728,1.8914818606530928,1.117119023949585,0.0,0.0,5.786591004545227,0.6179439108984615,1.0550494943304307,141.2682085560741 +0.0,0.524,0.0,0.0,0.07549973765824808,0.0,0.0,176.07,2022-03-21,rem us mountain smm food,0,184.10425993371473,173.95751153106124,0.0,0.8520674942497561,0.0,0.0,9.294680908403723,0.0,0.0,184.10425993371473 +0.924,0.0,0.0,0.875,0.025996495955264688,0.861,0.0,162.78,2022-03-21,rem us new england smm food,0,155.75431981089613,148.221630613054,1.7852188347737057,0.0,0.0,1.8395604446644864,3.200397009782142,0.7075129086217756,0.0,155.7543198108961 +0.936,0.0,0.0,0.891,0.06676444098577343,0.552,0.0,123.89999999999999,2022-03-21,rem us pacific smm food,0,117.46813210010458,105.11364420201244,1.8084034949655718,0.0,0.0,1.8731981213669229,8.219289155674597,0.4535971260850409,0.0,117.46813210010457 +0.0,0.0,0.539,0.662,0.14369007120544572,0.715,0.622,327.07,2022-03-21,rem us south atlantic smm food,0,304.80429539986886,283.6802303568146,0.0,0.0,0.564834760184633,1.3917588735633029,17.689509963675,0.5875397557079786,0.8904216899233758,304.8042953998689 +0.0,0.801,0.0,0.0,0.21134834125592494,0.66,0.0,447.11,2022-03-21,rem us south central smm food,0,427.29500356633275,399.4313293612464,0.0,1.3024924864390357,0.0,0.0,26.018837328763027,0.542344389884288,0.0,427.29500356633275 +0.76,0.869,0.882,0.0,0.07640825603592453,0.961,0.0,109.01,2022-03-21,rem us west north central smm food,0,139.95644528983667,125.95452848252805,1.4683618121515327,1.4130661307309886,0.9242750621203085,0.0,9.406527501277292,0.7896863010284859,0.0,139.95644528983667 +0.785,0.918,0.0,0.9540000000000001,0.013101940516202516,0.0,0.8170000000000001,72.55,2022-03-21,richmond/petersburg smm food,0,93.86568484853973,86.06809383806947,1.5166631875512542,1.4927441979413667,0.0,2.005646473382766,1.6129639672421419,0.0,1.16957318435273,93.86568484853973 +0.0,0.0,0.0,0.0,0.027227958056967753,0.863,0.79,96.18,2022-03-21,sacramento/stockton/modesto smm food,0,76.77916027528676,71.58708164797008,0.0,0.0,0.0,0.0,3.352000811876569,0.7091563764699099,1.130921438970204,76.77916027528676 +0.0,0.0,0.812,0.0,0.027237081270608532,0.893,0.5730000000000001,63.14999999999999,2022-03-21,salt lake city smm food,0,89.48293725420342,83.72480907215119,0.0,0.0,0.8509198984599666,0.0,3.3531239596156257,0.733808394191923,0.8202759297847176,89.48293725420342 +0.6,0.0,0.0,0.0,0.018005241587460825,0.0,0.891,106.5,2022-03-21,san diego smm food,0,83.36565695848643,78.71431295071628,1.1592330095933152,0.0,0.0,0.0,2.2166034005534874,0.0,1.2755075976233565,83.36565695848644 +0.716,0.686,0.0,0.0,0.0460712416909453,0.0,0.0,74.5,2022-03-21,san francisco/oakland/san jose smm food,0,97.04653192967447,88.87591304741949,1.3833513914480229,1.1154929409452916,0.0,0.0,5.671774549861654,0.0,0.0,97.04653192967446 +0.6930000000000001,0.0,0.905,0.0,0.04305636800442476,0.729,0.845,77.87,2022-03-21,seattle/tacoma smm food,0,98.14136572730905,88.74475650580376,1.3389141260802793,0.0,0.948377473037278,0.0,5.300617115882281,0.5990440306449181,1.2096564758605346,98.14136572730905 +0.722,0.528,0.0,0.0,0.023788594237603138,0.704,0.52,84.77,2022-03-21,st. louis smm food,0,94.20909865961053,87.70409353036166,1.394943721543956,0.85857182626693,0.0,0.0,2.9285849137497966,0.5785006825432405,0.7444039851449444,94.20909865961053 +0.8300000000000001,0.74,0.0,0.0,0.03368007908601561,0.875,0.5640000000000001,159.79,2022-03-21,tampa/ft. myers smm food,0,181.73483349252,173.25520362076367,1.603605663270753,1.2033014231771366,0.0,0.0,4.146313587092547,0.7190171835587151,0.807392014657209,181.73483349252004 +0.539,0.781,0.746,0.0,0.00828897210958457,0.527,0.8210000000000001,65.72,2022-03-21,tucson/sierra vista smm food,0,69.04415000811159,63.32224664442017,1.0413776536179948,1.269970826353167,0.7817564584373584,0.0,1.0204452784456783,0.4330537779833633,1.175299368853845,69.04415000811157 +0.504,0.0,0.9280000000000002,0.0,0.0728148725028503,0.0,0.8300000000000001,170.37,2022-03-21,washington dc/hagerstown smm food,0,185.11994550311098,173.02137618365978,0.9737557280583848,0.0,0.9724798839542477,0.0,8.964150423457227,0.0,1.1881832839813535,185.11994550311098 +0.986,0.0,0.0,0.0,0.005259981164253149,0.0,0.0,93.17,2022-03-21,yakima/pasco/richland/kennewick smm food,0,56.069498498572614,53.51694236690935,1.9050062457650148,0.0,0.0,0.0,0.6475498858982577,0.0,0.0,56.06949849857262 +0.0,0.0,0.0,0.924,0.013280617864612711,0.5670000000000001,0.0,121.18,2022-03-28,albany/schenectady/troy smm food,0,86.40032812370652,82.35686844083078,0.0,0.0,0.0,1.9425758295656979,1.6349607183639785,0.4659231349460474,0.0,86.4003281237065 +0.0,0.0,0.809,0.0,0.014554589891630592,0.765,0.5640000000000001,102.7,2022-03-28,albuquerque/santa fe smm food,0,74.86772179969219,70.79212936171284,0.0,0.0,0.8477761057316663,0.0,1.7917978656791504,0.6286264519113338,0.807392014657209,74.86772179969219 +0.0,0.737,0.706,0.0,0.07253106321393446,0.0,0.9070000000000001,137.26,2022-03-28,atlanta smm food,0,177.4134165788974,165.2475308400832,0.0,1.1984231741642564,0.7398392220600202,0.0,8.929211006962108,0.0,1.2984123356278165,177.4134165788974 +0.0,0.9390000000000001,0.0,0.8220000000000001,0.025980062062437498,0.978,0.0,109.89,2022-03-28,baltimore smm food,0,112.53741840278981,105.28036119021601,0.0,1.5268919410315287,0.0,1.7281356405876662,3.1983738532169754,0.8036557777376268,0.0,112.53741840278981 +0.6,0.719,0.708,0.0,0.006675917759328836,0.839,0.683,77.01,2022-03-28,baton rouge smm food,0,56.18760856144132,50.62824190344196,1.1592330095933152,1.1691536800869746,0.7419350838788871,0.0,0.821864118582514,0.6894347622922994,0.9777460035653789,56.18760856144133 +0.0,0.858,0.0,0.718,0.016512437222416656,0.0,0.0,80.86,2022-03-28,birmingham/anniston/tuscaloosa smm food,0,67.21301293342694,62.27551690355495,0.0,1.395179217683761,0.0,1.50949074202183,2.0328260701664065,0.0,0.0,67.21301293342695 +0.0,0.0,0.0,0.0,0.059401545486401745,0.0,0.722,173.24,2022-03-28,boston/manchester smm food,0,191.69071971136992,183.34429136615643,0.0,0.0,0.0,0.0,7.312852042762254,0.0,1.0335763024512497,191.69071971136992 +0.0,0.0,0.883,0.8230000000000001,0.01323307065029283,0.716,0.0,56.14999999999999,2022-03-28,buffalo smm food,0,68.83622302444508,63.96319330778341,0.0,0.0,0.925322993029742,1.7302379953815685,1.6291072386182974,0.5883614896320457,0.0,68.83622302444506 +0.0,0.705,0.556,0.0,0.036583122979762545,0.708,0.0,114.72,2022-03-28,charlotte smm food,0,133.91541477926552,127.1008852661048,0.0,1.1463885180268665,0.5826495856450018,0.0,4.503703791249367,0.5817876182395089,0.0,133.91541477926555 +0.613,0.0,0.0,0.0,0.0881788424271787,0.806,0.0,142.0,2022-03-28,chicago smm food,0,189.8251130463451,177.12285569785104,1.1843497248011703,0.0,0.0,0.0,10.85559008089481,0.6623175427980851,0.0,189.8251130463451 +0.842,0.891,0.0,0.0,0.0318092544131874,0.0,0.741,101.24,2022-03-28,cleveland/akron/canton smm food,0,139.1434792455804,131.09107465023894,1.626790323462619,1.4488399568254442,0.0,0.0,3.9159986362218886,0.0,1.0607756788315457,139.14347924558044 +0.0,0.848,0.8220000000000001,0.741,0.03742097104679097,0.0,0.859,62.27,2022-03-28,columbus oh smm food,0,113.55544555683802,103.92073468964487,0.0,1.3789183876408266,0.8613992075543012,1.5578449022815821,4.606850248102006,0.0,1.229698121614437,113.55544555683802 +0.0,0.0,0.0,0.739,0.07056251735837653,0.9530000000000001,0.668,100.75,2022-03-28,dallas/ft. worth smm food,0,117.2570483354322,105.27715718131851,0.0,0.0,0.0,1.5536401926937777,8.686865720097753,0.7831124296359492,0.9562728116861978,117.25704833543219 +0.642,0.538,0.0,0.596,0.00976044614414467,0.0,0.519,96.73,2022-03-28,des moines/ames smm food,0,67.72108189432682,62.408297363785806,1.2403793202648474,0.8748326563098642,0.0,1.253003457165753,1.2015966577808808,0.0,0.7429724390196656,67.72108189432682 +0.0,0.543,0.0,0.79,0.045633130985623445,0.0,0.0,167.64,2022-03-28,detroit smm food,0,168.48458568505134,160.32292305294044,0.0,0.8829630713313313,0.0,1.6608602871827935,5.617839273596791,0.0,0.0,168.48458568505134 +0.904,0.76,0.0,0.0,0.019728956911407802,0.0,0.537,139.74,2022-03-28,grand rapids smm food,0,116.19551529393725,110.01556630860257,1.7465777344539284,1.235823083263005,0.0,0.0,2.4288078983430585,0.0,0.768740269274683,116.19551529393725 +0.687,0.722,0.948,0.729,0.018979203949444523,0.0,0.865,63.89,2022-03-28,greensboro smm food,0,92.17144624898626,83.56924325587181,1.327321795984346,1.1740319290998549,0.9934385021429166,1.532616644754755,2.336506722766485,0.0,1.2382873983661093,92.17144624898629 +0.0,0.0,0.0,0.808,0.02147070491453776,0.5760000000000001,0.748,52.27,2022-03-28,harrisburg/lancaster smm food,0,90.91115798739627,85.02510769460987,0.0,0.0,0.0,1.6987026734730344,2.6432323773422084,0.47331874026265136,1.0707965017084968,90.91115798739627 +0.727,0.971,0.0,0.0,0.025040277156538733,0.0,0.73,105.89,2022-03-28,hartford/new haven smm food,0,119.72196758237533,112.61073024106035,1.4046039966239003,1.5789265971689184,0.0,0.0,3.0826780760686825,0.0,1.0450286714534796,119.72196758237533 +0.0,0.0,0.0,0.0,0.053972973907129976,0.862,0.0,170.5,2022-03-28,houston smm food,0,174.99932382640782,167.64644198801398,0.0,0.0,0.0,0.0,6.644547195848019,0.7083346425458428,0.0,174.99932382640785 +0.547,0.555,0.72,0.0,0.03264710124467768,0.534,0.71,89.71,2022-03-28,indianapolis smm food,0,97.20940399709403,89.02123497580452,1.0568340937459058,0.9024760673828525,0.7545102547920886,0.0,4.019144940968928,0.438805915451833,1.0163977489479048,97.20940399709403 +0.895,0.0,0.6940000000000001,0.0,0.015391652156400676,0.642,0.772,72.53,2022-03-28,jacksonville smm food,0,92.28389765183991,86.29988999004563,1.7291892393100285,0.0,0.7272640511468188,0.0,1.8948475833711658,0.5275531792510801,1.1051536087151868,92.28389765183991 +0.0,0.917,0.895,0.0,0.020844263601302006,0.0,0.0,80.08,2022-03-28,kansas city smm food,0,85.48882873940576,80.49370051161102,0.0,1.4911181149370734,0.9378981639429435,0.0,2.5661119489147115,0.0,0.0,85.48882873940575 +0.683,0.0,0.863,0.0,0.01350962733031493,0.0,0.591,97.89,2022-03-28,knoxville smm food,0,74.13617389249902,69.4030183864474,1.3195935759203907,0.0,0.9043643748410728,0.0,1.6631537952504332,0.0,0.8460437600397348,74.13617389249903 +0.76,0.654,0.6930000000000001,0.0,0.01878216650424371,0.508,0.0,88.22,2022-03-28,las vegas smm food,0,79.06371119999667,73.0759844669223,1.4683618121515327,1.0634582848079017,0.7262161202373854,0.0,2.3122496824514767,0.41744083342608834,0.0,79.06371119999669 +0.742,0.808,0.0,0.0,0.013072496406739713,0.523,0.501,77.25,2022-03-28,little rock/pine bluff smm food,0,63.207341635102,57.70357115599228,1.4335848218637333,1.3138750674690898,0.0,0.0,1.609339138725152,0.4297668422870949,0.7172046087646483,63.207341635102 +0.7020000000000001,0.886,0.0,0.786,0.15841952433924203,0.0,0.0,165.43,2022-03-28,los angeles smm food,0,177.92887425621257,153.9765761946837,1.3563026212241789,1.440709541803977,0.0,1.6524508680071845,19.502835030493525,0.0,0.0,177.92887425621257 +0.0,0.0,0.0,0.88,0.009163424229608877,0.558,0.0,87.91,2022-03-28,madison wi smm food,0,55.85588304219343,52.419185278171575,0.0,0.0,0.0,1.8500722186339977,1.1280980157584042,0.4585275296294435,0.0,55.85588304219342 +0.0,0.687,0.0,0.0,0.03447047013300852,0.0,0.0,114.34000000000002,2022-03-28,miami/west palm beach smm food,0,189.48255102794107,184.12181433608328,0.0,1.117119023949585,0.0,0.0,4.243617667908192,0.0,0.0,189.48255102794104 +0.642,0.0,0.0,0.524,0.021522565392511482,0.924,0.539,65.53,2022-03-28,milwaukee smm food,0,74.67568807739067,68.15317248002567,1.2403793202648474,0.0,0.0,1.1016339120047896,2.6496168577321266,0.7592821458380032,0.7716033615252404,74.67568807739067 +0.0,0.536,0.5660000000000001,0.55,0.036784196928073394,0.0,0.0,118.26999999999998,2022-03-28,minneapolis/st. paul smm food,0,92.9001847321226,85.75072244988117,0.0,0.8715804903012774,0.5931288947393364,1.1562951366462486,4.5284577605545575,0.0,0.0,92.90018473212258 +0.886,1.0,0.889,0.0,0.01224187006015148,0.743,0.0,34.26,2022-03-28,mobile/pensacola smm food,0,73.85355924782779,67.46643487620449,1.711800744166129,1.6260830042934278,0.9316105784863427,0.0,1.5070817390955342,0.6105483055818575,0.0,73.85355924782777 +0.0,0.599,0.0,0.651,0.029766967934698466,0.0,0.613,54.1,2022-03-28,nashville smm food,0,102.35693763485783,95.47216793873541,0.0,0.9740237195717633,0.0,1.368632970830378,3.664575230924421,0.0,0.877537774795867,102.35693763485784 +0.988,0.5640000000000001,0.53,0.0,0.01366655179419648,0.0,0.974,97.15,2022-03-28,new orleans smm food,0,66.00780036973269,59.54961731628727,1.9088703557969924,0.9171108144214933,0.5554033819997319,0.0,1.6824725752057168,0.0,1.394325926021492,66.00780036973269 +0.0,0.0,0.871,0.778,0.16383406020522032,0.0,0.0,301.32,2022-03-28,new york smm food,0,312.8795573943216,290.1617655847399,0.0,0.0,0.9127478221165405,1.6356320296559663,20.169411957809217,0.0,0.0,312.87955739432164 +0.0,0.806,0.0,0.0,0.017573710122745303,0.0,0.684,66.96,2022-03-28,norfolk/portsmouth/newport news smm food,0,106.76321778633647,102.30993924858487,0.0,1.3106229014605029,0.0,0.0,2.1634780866004437,0.0,0.9791775496906576,106.76321778633647 +0.0,0.525,0.0,0.0,0.016759552264052235,0.0,0.0,73.0,2022-03-28,oklahoma city smm food,0,56.52618579971836,53.609244119971564,0.0,0.8536935772540496,0.0,0.0,2.063248102492749,0.0,0.0,56.52618579971836 +0.5740000000000001,0.0,0.0,0.0,0.010438250013482902,0.0,0.752,92.57,2022-03-28,omaha smm food,0,64.34679238344827,60.87622985001895,1.108999579177605,0.0,0.0,0.0,1.2850402680421145,0.0,1.0765226862096118,64.34679238344829 +0.0,0.0,0.908,0.0,0.03730799714569784,0.979,0.588,91.9,2022-03-28,orlando/daytona beach/melborne smm food,0,139.80607223444858,132.61538216686213,0.0,0.0,0.9515212657655784,0.0,4.592942168495275,0.8044775116616938,0.8417491216638986,139.80607223444858 +0.0,0.599,0.0,0.0,0.008307055445831374,0.704,0.708,87.03,2022-03-28,paducah ky/cape girardeau mo smm food,0,59.14798868763149,55.55925813283435,0.0,0.9740237195717633,0.0,0.0,1.022671495984794,0.5785006825432405,1.0135346566973473,59.147988687631496 +0.8,0.533,0.845,0.0,0.07866511224584975,0.0,0.523,215.03,2022-03-28,philadelphia smm food,0,213.4686604592384,199.7377476378349,1.545644012791087,0.866702241288397,0.8855016184712706,0.0,9.68436632533197,0.0,0.7486986235207806,213.4686604592384 +0.0,0.8180000000000001,0.0,0.0,0.045603125941844166,0.0,0.0,85.07,2022-03-28,phoenix/prescott smm food,0,123.92724240611734,116.98296111946722,0.0,1.330135897512024,0.0,0.0,5.614145389138099,0.0,0.0,123.92724240611734 +0.0,0.0,0.562,0.0,0.022822454067596656,0.524,0.5680000000000001,120.66,2022-03-28,pittsburgh smm food,0,109.19452086739615,104.55223234884438,0.0,0.0,0.5889371711016025,0.0,2.809644572080674,0.430588576211162,0.813118199158324,109.19452086739615 +0.877,0.675,0.871,0.0,0.032205830032788506,0.0,0.886,88.32,2022-03-28,portland or smm food,0,95.83424602385318,86.8963094792362,1.694412249022229,1.0976060278980637,0.9127478221165405,0.0,3.964820578583195,0.0,1.2683498669969628,95.83424602385318 +0.714,0.0,0.0,0.646,0.015477430627449504,0.505,0.581,86.8,2022-03-28,providence ri/new bedford ma smm food,0,89.13802643317308,83.24830635780522,1.379487281416045,0.0,0.0,1.3581211968608666,1.9054076666501107,0.414975631653887,0.8317282987869474,89.13802643317308 +0.0,0.675,0.783,0.66,0.031171202748030955,0.0,0.8250000000000001,117.26,2022-03-28,raleigh/durham/fayetteville smm food,0,133.65433729490192,125.33017277610136,0.0,1.0976060278980637,0.8205299020863963,1.3875541639754985,3.8374488714856274,0.0,1.1810255533549598,133.65433729490192 +0.9400000000000001,0.8150000000000001,0.0,0.0,0.1475977076872555,0.0,0.0,323.41,2022-03-28,rem us east north central smm food,0,327.7656364055899,306.4536727021249,1.8161317150295273,1.3252576484991436,0.0,0.0,18.17057433993633,0.0,0.0,327.7656364055899 +0.0,0.549,0.782,0.631,0.05206776173673268,0.0,0.721,121.04999999999998,2022-03-28,rem us middle atlantic smm food,0,141.28095427547055,130.80002326169728,0.0,0.892719569357092,0.8194819711769629,1.3265858749523325,6.409998841960916,0.0,1.032144756325971,141.28095427547055 +0.608,0.0,0.0,0.0,0.08541849701114594,0.762,0.758,185.27,2022-03-28,rem us mountain smm food,0,187.35924150671545,173.95751153106124,1.1746894497212261,0.0,0.0,0.0,10.515767312832562,0.6261612501391325,1.0851119629612842,187.35924150671545 +0.0,0.0,0.0,0.886,0.02854635138680617,0.646,0.865,131.94,2022-03-28,rem us new england smm food,0,155.3677510855382,148.221630613054,0.0,0.0,0.0,1.8626863473974113,3.514306611773309,0.5308401149473485,1.2382873983661093,155.36775108553817 +0.516,0.0,0.0,0.0,0.07745205224923411,0.0,0.8190000000000001,133.78,2022-03-28,rem us pacific smm food,0,116.81804885088704,105.11364420201244,0.9969403882502511,0.0,0.0,0.0,9.53502798402106,0.0,1.1724362766032874,116.81804885088704 +0.0,0.503,0.0,0.0,0.1576145032851093,0.0,0.0,262.12,2022-03-28,rem us south atlantic smm food,0,303.9018799752606,283.6802303568146,0.0,0.8179197511595941,0.0,0.0,19.40372986728647,0.0,0.0,303.90187997526067 +0.9969999999999999,0.734,0.664,0.761,0.22955181628950808,0.0,0.771,434.02,2022-03-28,rem us south central smm food,0,434.2104183298029,399.4313293612464,1.926258850940892,1.193544925151376,0.695826123863815,1.5998919981596276,28.259845007850835,0.0,1.103722062589908,434.21041832980285 +0.0,0.968,0.715,0.719,0.08465910067398409,0.9059999999999999,0.9269999999999999,121.90999999999998,2022-03-28,rem us west north central smm food,0,142.2832536741429,125.95452848252805,0.0,1.5740483481560381,0.7492706002449212,1.5115930968157323,10.422278953059978,0.7444909352047953,1.327043258133391,142.2832536741429 +0.0,0.0,0.705,0.0,0.014056577826106665,0.787,0.0,81.85,2022-03-28,richmond/petersburg smm food,0,89.18407793325045,86.06809383806947,0.0,0.0,0.7387912911505867,0.0,1.7304882057895672,0.6467045982408101,0.0,89.18407793325044 +0.0,0.8310000000000001,0.718,0.5720000000000001,0.03206205416581448,0.0,0.0,78.13,2022-03-28,sacramento/stockton/modesto smm food,0,78.84043846603001,71.58708164797008,0.0,1.3512749765678387,0.7524143929732217,1.2025469421120987,3.947120506406763,0.0,0.0,78.84043846603001 +0.0,0.509,0.0,0.0,0.03173582143925378,0.0,0.925,75.59,2022-03-28,salt lake city smm food,0,89.78362387930217,83.72480907215119,0.0,0.8276762491853548,0.0,0.0,3.9069583920827937,0.0,1.3241801658828338,89.78362387930217 +0.0,0.508,0.0,0.6890000000000001,0.021839762628639493,0.8200000000000001,0.8290000000000001,70.52,2022-03-28,san diego smm food,0,85.53812574930163,78.71431295071628,0.0,0.8260501661810613,0.0,1.4485224529986642,2.6886666238145303,0.6738218177350245,1.1867517378560748,85.53812574930163 +0.0,0.0,0.596,0.0,0.05846784684139065,0.732,0.0,75.85,2022-03-28,san francisco/oakland/san jose smm food,0,97.29989463965094,88.87591304741949,0.0,0.0,0.6245668220223399,0.0,7.1979055377919945,0.6015092324171194,0.0,97.29989463965094 +0.0,0.661,0.0,0.503,0.051844829883151124,0.948,0.731,102.49,2022-03-28,seattle/tacoma smm food,0,99.08509978308223,88.74475650580376,0.0,1.0748408658379558,0.0,1.057484461332842,6.382553972513304,0.7790037600156136,1.0464602175787583,99.08509978308224 +0.8300000000000001,0.8280000000000001,0.9280000000000002,0.758,0.02582924486359202,0.669,0.0,86.72,2022-03-28,st. louis smm food,0,96.94970766535533,87.70409353036166,1.603605663270753,1.3463967275549582,0.9724798839542477,1.5935849337779209,3.1798069312348978,0.5497399952008919,0.0,96.94970766535533 +0.904,0.0,0.0,0.0,0.03829329804121098,0.9540000000000001,0.592,144.38,2022-03-28,tampa/ft. myers smm food,0,181.347432188728,173.25520362076367,1.7465777344539284,0.0,0.0,0.0,4.714241363785375,0.7839341635600163,0.8474753061650135,181.347432188728 +0.0,0.744,0.0,0.508,0.009424406951350644,0.8130000000000001,0.551,82.98,2022-03-28,tucson/sierra vista smm food,0,68.21712751153387,63.32224664442017,0.0,1.2098057551943102,0.0,1.0679962353023533,1.1602272813219043,0.6680696802665548,0.7887819150285853,68.21712751153387 +0.643,0.603,0.56,0.0,0.08996087144481524,0.8300000000000001,0.0,204.42,2022-03-28,washington dc/hagerstown smm food,0,187.58806958340307,173.02137618365978,1.2423113752808361,0.980528051588937,0.5868413092827356,0.0,11.074973506615075,0.6820391569756955,0.0,187.58806958340307 +0.0,0.0,0.0,0.0,0.005882072147690803,0.649,0.0,52.45,2022-03-28,yakima/pasco/richland/kennewick smm food,0,54.77438243414247,53.51694236690935,0.0,0.0,0.0,0.0,0.7241347505135638,0.5333053167195498,0.0,54.77438243414246 +0.0,0.579,1.0,0.0,0.014045062610622912,0.881,0.0,85.19,2022-04-04,albany/schenectady/troy smm food,0,86.79931957846513,82.35686844083078,0.0,0.9415020594858946,1.0479309094334563,0.0,1.729070581611885,0.7239475871031178,0.0,86.79931957846513 +0.0,0.0,0.799,0.0,0.014100724839459669,0.0,0.0,114.84,2022-04-04,albuquerque/santa fe smm food,0,73.36534924927845,70.79212936171284,0.0,0.0,0.8372967966373317,0.0,1.7359230909282757,0.0,0.0,73.36534924927845 +0.965,0.9560000000000002,0.9420000000000002,0.9380000000000001,0.07335974976563969,0.8240000000000001,0.0,121.81,2022-04-04,atlanta smm food,0,181.33399735021703,165.2475308400832,1.8644330904292485,1.5545353521045173,0.987150916686316,1.9720087966803295,9.031229600802137,0.677108753431293,0.0,181.33399735021703 +0.0,0.624,0.0,0.0,0.02657189224570046,0.941,0.0,116.51999999999998,2022-04-04,baltimore smm food,0,110.33952195495696,105.28036119021601,0.0,1.014675794679099,0.0,0.0,3.2712333475147064,0.7732516225471439,0.0,110.33952195495696 +0.614,0.8270000000000001,0.0,0.0,0.006846405960933631,0.0,0.0,15.65,2022-04-04,baton rouge smm food,0,54.002147041607515,50.62824190344196,1.1862817798171592,1.3447706445506649,0.0,0.0,0.8428527137977327,0.0,0.0,54.002147041607515 +0.0,0.0,0.862,0.971,0.016905786851928912,0.0,0.0,66.99,2022-04-04,birmingham/anniston/tuscaloosa smm food,0,67.30147071717582,62.27551690355495,0.0,0.0,0.9033164439316393,2.0413865048791044,2.0812508648101247,0.0,0.0,67.30147071717582 +0.708,0.7000000000000001,0.595,0.61,0.06040244381541993,0.0,0.0,166.77,2022-04-04,boston/manchester smm food,0,195.1924711550026,183.34429136615643,1.367894951320112,1.1382581030053995,0.6235188911129065,1.2824364242803847,7.4360714191273605,0.0,0.0,195.19247115500258 +0.0,0.0,0.0,0.846,0.01353244030656944,0.917,0.0,82.29,2022-04-04,buffalo smm food,0,68.16127774481474,63.96319330778341,0.0,0.0,0.0,1.7785921556413204,1.6659622730204682,0.7535300083695334,0.0,68.16127774481474 +0.0,0.0,0.9840000000000001,0.0,0.03641449055644709,0.835,0.917,140.68,2022-04-04,charlotte smm food,0,134.613868563107,127.1008852661048,0.0,0.0,1.0311640148825212,0.0,4.482943658643042,0.686147826596031,1.312727796880604,134.613868563107 +0.0,0.9759999999999999,0.9630000000000002,0.0,0.08346286005809599,0.0,0.723,187.43,2022-04-04,chicago smm food,0,191.02908924966331,177.12285569785104,0.0,1.5870570121903853,1.0091574657844187,0.0,10.275011225260958,0.0,1.0350078485765284,191.02908924966331 +0.0,0.769,0.8260000000000001,0.0,0.0320605764621966,0.621,0.0,167.97,2022-04-04,cleveland/akron/canton smm food,0,137.66435876668928,131.09107465023894,0.0,1.250457830301646,0.865590931192035,0.0,3.9469385881109997,0.5102967668456709,0.0,137.66435876668928 +0.0,0.0,0.893,0.872,0.033909454271007874,0.9350000000000002,0.737,102.15,2022-04-04,columbus oh smm food,0,112.68771277262105,103.92073468964487,0.0,0.0,0.9358023021240766,1.8332533802827795,4.174551687236147,0.7683212190027414,1.0550494943304307,112.68771277262105 +0.679,0.5640000000000001,0.0,0.53,0.06859654142215402,0.861,0.0,142.35,2022-04-04,dallas/ft. worth smm food,0,117.77273111386462,105.27715718131851,1.3118653558564353,0.9171108144214933,0.0,1.1142480407682032,8.444836812878203,0.7075129086217756,0.0,117.77273111386462 +0.988,0.0,0.0,0.0,0.009636411705604054,0.739,0.732,43.28,2022-04-04,des moines/ames smm food,0,67.15864778202913,62.408297363785806,1.9088703557969924,0.0,0.0,0.0,1.1863269288567024,0.6072613698855891,1.047891763704037,67.15864778202912 +0.802,0.797,0.865,0.9510000000000001,0.04595353938538261,0.6910000000000001,0.707,170.2,2022-04-04,detroit smm food,0,173.3114245900784,160.32292305294044,1.5495081228230647,1.295988154421862,0.9064602366599397,1.999339409001059,5.6572843621296025,0.5678181415303682,1.0121031105720686,173.31142459007842 +0.9490000000000002,0.516,0.0,0.0,0.020368137858426064,0.0,0.761,145.53,2022-04-04,grand rapids smm food,0,116.28504863792485,110.01556630860257,1.8335202101734274,0.8390588302154087,0.0,0.0,2.507496687596315,0.0,1.0894066013371204,116.28504863792485 +0.783,0.0,0.9440000000000001,0.0,0.019871340326895758,0.77,0.9000000000000001,81.84,2022-04-04,greensboro smm food,0,90.43875229368882,83.56924325587181,1.5127990775192766,0.0,0.9892467785051828,0.0,2.4463365475100223,0.6327351215316693,1.2883915127508654,90.43875229368882 +0.516,0.55,0.0,0.735,0.0220443924557231,0.609,0.802,96.37,2022-04-04,harrisburg/lancaster smm food,0,92.82401881400219,85.02510769460987,0.9969403882502511,0.8943456523613853,0.0,1.5452307735181685,2.713858353032098,0.5004359597568657,1.1480999924735489,92.82401881400219 +0.0,0.0,0.604,0.0,0.026150036280175204,0.0,0.0,143.64,2022-04-04,hartford/new haven smm food,0,116.46297968286139,112.61073024106035,0.0,0.0,0.6329502692978076,0.0,3.219299172503233,0.0,0.0,116.46297968286139 +0.663,0.748,0.0,0.0,0.054845209471727475,0.509,0.0,155.7,2022-04-04,houston smm food,0,177.31389417389332,167.64644198801398,1.2809524756006134,1.216310087211484,0.0,0.0,6.7519270557171005,0.41826256735015543,0.0,177.31389417389332 +0.758,0.8230000000000001,0.9380000000000001,0.909,0.03197556773141026,0.9590000000000001,0.0,82.57,2022-04-04,indianapolis smm food,0,99.44251479096356,89.02123497580452,1.4644977021195549,1.3382663125334913,0.9829591930485821,1.9110405076571637,3.936473266619898,0.7880428331803518,0.0,99.44251479096356 +0.5640000000000001,0.0,0.68,0.0,0.01636312738010446,0.999,0.0,67.1,2022-04-04,jacksonville smm food,0,90.93751894463558,86.29988999004563,1.0896790290177165,0.0,0.7125930184147504,0.0,2.0144447170144555,0.8209121901430358,0.0,90.93751894463558 +0.621,0.671,0.607,0.858,0.01990107972997451,0.593,0.628,87.5,2022-04-04,kansas city smm food,0,89.06081976052715,80.49370051161102,1.1998061649290812,1.0911016958808901,0.636094062026108,1.803820413168148,2.449997729265045,0.48728821697179203,0.8990109666750482,89.06081976052714 +0.901,0.0,0.886,0.0,0.013972778687161376,0.888,0.0,83.19,2022-04-04,knoxville smm food,0,74.52213826186235,69.4030183864474,1.7407815694059618,0.0,0.9284667857580423,0.0,1.7201717956793614,0.7296997245715875,0.0,74.52213826186235 +0.0,0.62,0.526,0.0,0.01871573161834656,0.8260000000000001,0.968,98.41,2022-04-04,las vegas smm food,0,79.00392742291757,73.0759844669223,0.0,1.0081714626619251,0.551211658361998,0.0,2.3040709644220803,0.6787522212794271,1.3857366492698195,79.00392742291756 +0.0,0.858,0.6990000000000001,0.884,0.013133991611145009,0.0,0.0,48.26,2022-04-04,little rock/pine bluff smm food,0,63.30664545575152,57.70357115599228,0.0,1.395179217683761,0.732503705693986,1.858481637809607,1.61690973857189,0.0,0.0,63.30664545575152 +0.0,0.651,0.872,0.668,0.15171276384127358,0.624,0.0,183.77,2022-04-04,los angeles smm food,0,176.54326085430586,153.9765761946837,0.0,1.0585800357950215,0.9137957530259739,1.4043730023267165,18.67717389985656,0.5127619686178723,0.0,176.54326085430586 +0.647,0.741,0.0,0.0,0.009254797217364835,0.0,0.0,37.47,2022-04-04,madison wi smm food,0,56.013499212885,52.419185278171575,1.2500395953447916,1.20492750618143,0.0,0.0,1.1393468331871934,0.0,0.0,56.01349921288499 +0.0,0.52,0.0,0.655,0.03558567797985136,0.767,0.9440000000000001,151.67,2022-04-04,miami/west palm beach smm food,0,192.70697890037644,184.12181433608328,0.0,0.8455631622325824,0.0,1.377042390005987,4.380909550031968,0.630269919759468,1.3513795422631298,192.7069789003764 +0.772,0.0,0.521,0.8280000000000001,0.02108285095868127,0.919,0.5710000000000001,61.36,2022-04-04,milwaukee smm food,0,76.09951118768727,68.15317248002567,1.491546472343399,0.0,0.5459720038148308,1.7407497693510798,2.595484148400457,0.7551734762176677,0.8174128375341602,76.09951118768727 +0.0,0.0,0.0,0.602,0.0354422184106417,0.9269999999999999,0.0,72.3,2022-04-04,minneapolis/st. paul smm food,0,92.14133580030928,85.75072244988117,0.0,0.0,0.0,1.2656175859291665,4.3632484168887435,0.7617473476102045,0.0,92.14133580030928 +0.0,0.844,0.0,0.52,0.012870046068938648,0.9400000000000001,0.0,57.150000000000006,2022-04-04,mobile/pensacola smm food,0,72.28891903706368,67.46643487620449,0.0,1.372414055623653,0.0,1.0932244928291805,1.584415723783274,0.7724298886230768,0.0,72.28891903706368 +0.647,0.0,0.964,0.807,0.0303087860050482,0.613,0.632,99.76,2022-04-04,nashville smm food,0,104.56875109089002,95.47216793873541,1.2500395953447916,0.0,1.0102053966938518,1.696600318679132,3.731277794807537,0.5037228954531341,0.9047371511761632,104.56875109089002 +0.0,0.527,0.725,0.987,0.013845649225574966,0.539,0.611,37.63,2022-04-04,new orleans smm food,0,66.2634474603192,59.54961731628727,0.0,0.8569457432626365,0.7597499093392558,2.0750241815815405,1.704521042231031,0.4429145850721685,0.8746746825453096,66.26344746031921 +0.9470000000000001,0.756,0.852,0.87,0.16537707436928042,0.891,0.599,316.39,2022-04-04,new york smm food,0,317.8916578525518,290.1617655847399,1.8296561001414493,1.2293187512458315,0.8928371348373048,1.8290486706949751,20.359370555506665,0.7321649263437888,0.8574961290419647,317.8916578525519 +0.0,0.0,0.0,0.579,0.018075822939362638,0.885,0.494,114.41,2022-04-04,norfolk/portsmouth/newport news smm food,0,107.1869135679127,102.30993924858487,0.0,0.0,0.0,1.2172634256694144,2.2252925849713283,0.7272345227993862,0.7071837858876971,107.1869135679127 +0.5690000000000001,0.0,0.0,0.0,0.01629960095099366,0.0,0.732,43.31,2022-04-04,oklahoma city smm food,0,57.76309924333711,53.609244119971564,1.0993393040976607,0.0,0.0,0.0,2.006624055563843,0.0,1.047891763704037,57.7630992433371 +0.0,0.0,0.743,0.0,0.010167534957796338,0.0,0.0,53.84,2022-04-04,omaha smm food,0,62.906555382407525,60.87622985001895,0.0,0.0,0.7786126657090581,0.0,1.2517128666795156,0.0,0.0,62.906555382407525 +0.0,0.774,0.0,0.783,0.03773914930020376,0.0,0.0,127.35,2022-04-04,orlando/daytona beach/melborne smm food,0,140.1661350018403,132.61538216686213,0.0,1.2585882453231132,0.0,1.6461438036254776,4.646020786029591,0.0,0.0,140.1661350018403 +0.0,0.0,0.67,0.0,0.008688013863317174,0.0,0.0,32.52,2022-04-04,paducah ky/cape girardeau mo smm food,0,57.33094266573628,55.55925813283435,0.0,0.0,0.7021137093204158,0.0,1.069570823581519,0.0,0.0,57.33094266573629 +0.0,0.842,0.5760000000000001,0.0,0.07850845095159244,0.0,0.727,157.13,2022-04-04,philadelphia smm food,0,212.41633170823044,199.7377476378349,0.0,1.3691618896150661,0.603608203833671,0.0,9.665079943869157,0.0,1.0407340330776433,212.41633170823044 +0.808,0.0,0.995,0.0,0.04462619334616702,0.0,0.0,145.98,2022-04-04,phoenix/prescott smm food,0,125.08062923233891,116.98296111946722,1.561100452918998,0.0,1.042691254886289,0.0,5.493876405066395,0.0,0.0,125.08062923233891 +0.0,0.0,0.974,0.0,0.023826876151395913,0.622,0.7000000000000001,135.67,2022-04-04,pittsburgh smm food,0,110.01941559671003,104.55223234884438,0.0,0.0,1.0206847057881865,0.0,2.9332977536125986,0.5111185007697381,1.0020822876951174,110.01941559671002 +0.5690000000000001,0.0,0.922,0.0,0.03157185070134821,0.0,0.532,91.69,2022-04-04,portland or smm food,0,93.61019577437926,86.8963094792362,1.0993393040976607,0.0,0.9661922984976468,0.0,3.886772153899471,0.0,0.7615825386482893,93.61019577437926 +0.8260000000000001,0.0,0.0,0.8320000000000001,0.016314284086273587,0.0,0.9500000000000001,91.1,2022-04-04,providence ri/new bedford ma smm food,0,89.96174348704949,83.24830635780522,1.5958774432067975,0.0,0.0,1.749159188526689,2.0084316784959864,0.0,1.3599688190148023,89.96174348704949 +0.0,0.851,0.0,0.9390000000000001,0.03229095613969834,0.0,0.994,152.75,2022-04-04,raleigh/durham/fayetteville smm food,0,134.08633776286254,125.33017277610136,0.0,1.3837966366537071,0.0,1.9741111514742318,3.9753003501061515,0.0,1.4229568485270667,134.0863377628625 +0.0,0.0,0.0,0.5700000000000001,0.15043297613622117,0.849,0.81,330.5,2022-04-04,rem us east north central smm food,0,328.02884018914733,306.4536727021249,0.0,0.0,0.0,1.198342232524294,18.51962079148942,0.6976521015329704,1.1595523614757788,328.02884018914733 +0.0,0.722,0.852,0.0,0.05323643996774831,0.0,0.836,131.77,2022-04-04,rem us middle atlantic smm food,0,140.61753828443688,130.80002326169728,0.0,1.1740319290998549,0.8928371348373048,0.0,6.553873398069408,0.0,1.196772560733026,140.61753828443688 +0.808,0.796,0.0,0.0,0.08268265602308414,0.0,0.676,195.29,2022-04-04,rem us mountain smm food,0,187.95966049119087,173.95751153106124,1.561100452918998,1.2943620714175685,0.0,0.0,10.178961255104646,0.0,0.9677251806884277,187.95966049119087 +0.0,0.0,0.9530000000000001,0.9980000000000001,0.029318557783424622,0.0,0.916,156.42,2022-04-04,rem us new england smm food,0,156.23912710720464,148.221630613054,0.0,0.0,0.998678156690084,2.098150084314466,3.609372002390764,0.0,1.3112962507553252,156.23912710720464 +0.727,0.777,0.791,0.0,0.07603635164194357,0.6940000000000001,0.705,147.14,2022-04-04,rem us pacific smm food,0,119.55089420746438,105.11364420201244,1.4046039966239003,1.2634664943359935,0.828913349361864,0.0,9.360742803506112,0.5702833433025696,1.0092400183215111,119.55089420746438 +0.75,0.0,0.0,0.612,0.16444713052468296,0.772,0.965,344.39,2022-04-04,rem us south atlantic smm food,0,308.67661965239836,283.6802303568146,1.4490412619916442,0.0,0.0,1.2866411338681893,20.244886299450137,0.6343785893798035,1.3814420108939833,308.67661965239836 +0.881,0.0,0.716,0.642,0.23115673215002225,0.0,0.0,407.57,2022-04-04,rem us south central smm food,0,431.6909243873091,399.4313293612464,1.7021404690861845,0.0,0.7503185311543548,1.3497117776852574,28.45742424813692,0.0,0.0,431.6909243873091 +0.0,0.526,0.0,0.0,0.08421065592764228,0.811,0.895,136.39,2022-04-04,rem us west north central smm food,0,139.12457960289885,125.95452848252805,0.0,0.855319660258343,0.0,0.0,10.367071465569564,0.6664262124184206,1.2812337821244715,139.12457960289885 +0.619,0.0,0.0,0.0,0.015217816881969113,0.0,0.0,84.53,2022-04-04,richmond/petersburg smm food,0,89.13748282705629,86.06809383806947,1.1959420548971036,0.0,0.0,0.0,1.8734469340897089,0.0,0.0,89.13748282705629 +0.882,0.0,0.0,0.833,0.030428928498441404,0.809,0.0,66.72,2022-04-04,sacramento/stockton/modesto smm food,0,79.45326685105971,71.58708164797008,1.7040725241021735,0.0,0.0,1.751261543320591,3.7460683910965544,0.6647827445702864,0.0,79.45326685105968 +0.63,0.613,0.721,0.0,0.03110276505480557,0.0,0.0,58.95000000000001,2022-04-04,salt lake city smm food,0,90.52337438983868,83.72480907215119,1.217194660072981,0.9967888816318712,0.755558185701522,0.0,3.829023590281121,0.0,0.0,90.52337438983868 +0.0,0.0,0.898,0.777,0.02179025214421192,0.0,0.519,48.08,2022-04-04,san diego smm food,0,84.71442846954213,78.71431295071628,0.0,0.0,0.9410419566712438,1.633529674862064,2.6825714482728906,0.0,0.7429724390196656,84.71442846954214 +0.0,0.9980000000000001,0.0,0.9899999999999999,0.05360312050646477,0.559,0.728,132.01,2022-04-04,san francisco/oakland/san jose smm food,0,100.6806049677943,88.87591304741949,0.0,1.622830838284841,0.0,2.081331245963247,6.599014993370286,0.45934926355351063,1.042165579202922,100.6806049677943 +0.0,0.0,0.799,0.0,0.04894060852155483,0.515,0.0,102.67,2022-04-04,seattle/tacoma smm food,0,96.03026508505681,88.74475650580376,0.0,0.0,0.8372967966373317,0.0,6.025018811721148,0.42319297089455804,0.0,96.0302650850568 +0.64,0.0,0.842,0.0,0.025628647833004004,0.891,0.0,72.28,2022-04-04,st. louis smm food,0,93.710243167372,87.70409353036166,1.2365152102328696,0.0,0.8823578257429702,0.0,3.1551116746907155,0.7321649263437888,0.0,93.710243167372 +0.0,0.0,0.782,0.9140000000000001,0.03916740173947924,0.639,0.0,102.25,2022-04-04,tampa/ft. myers smm food,0,181.34317705836548,173.25520362076367,0.0,0.0,0.8194819711769629,1.9215522816266752,4.821851207319334,0.5250879774788788,0.0,181.3431770583655 +0.0,0.0,0.502,0.0,0.009084452338184513,0.5680000000000001,0.592,102.0,2022-04-04,tucson/sierra vista smm food,0,66.28090401821228,63.32224664442017,0.0,0.0,0.5260613165355951,0.0,1.1183758822213963,0.46674486887011457,0.8474753061650135,66.28090401821228 +0.843,0.0,0.0,0.53,0.08214571338624288,0.671,0.738,232.66,2022-04-04,washington dc/hagerstown smm food,0,187.48507000632438,173.02137618365978,1.6287223784786078,0.0,0.0,1.1142480407682032,10.112858899913068,0.5513834630490262,1.0564810404557095,187.4850700063244 +0.0,0.605,0.538,0.612,0.006138674886719059,0.769,0.0,56.88,2022-04-04,yakima/pasco/richland/kennewick smm food,0,57.73878873698837,53.51694236690935,0.0,0.9837802175975238,0.5637868292751995,1.2866411338681893,0.7557248017305097,0.6319133876076022,0.0,57.73878873698837 +0.0,0.653,0.646,0.0,0.01115371802754289,0.0,0.0,126.31,2022-04-11,albany/schenectady/troy smm food,0,85.46878467549533,82.35686844083078,0.0,1.0618322018036084,0.6769633674940129,0.0,1.3731206653669177,0.0,0.0,85.46878467549531 +0.87,0.995,0.955,0.933,0.010672726735463621,0.0,0.0,91.11,2022-04-11,albuquerque/santa fe smm food,0,78.36714726831664,70.79212936171284,1.680887863910307,1.6179525892719606,1.0007740185089509,1.9614970227108182,1.3139064122017716,0.0,0.0,78.36714726831664 +0.96,0.0,0.729,0.8210000000000001,0.04871698353107559,0.888,0.0,188.85,2022-04-11,atlanta smm food,0,176.31946690980763,165.2475308400832,1.8547728153493044,0.0,0.7639416329769897,1.726033285793764,5.997488611032798,0.7296997245715875,0.0,176.31946690980763 +0.0,0.678,0.0,0.0,0.021507438699038563,0.5060000000000001,0.0,115.96000000000001,2022-04-11,baltimore smm food,0,109.44639746159505,105.28036119021601,0.0,1.1024842769109442,0.0,0.0,2.6477546288901346,0.4157973655779542,0.0,109.44639746159504 +0.778,0.0,0.647,0.911,0.006150730032370881,0.93,0.8290000000000001,47.18,2022-04-11,baton rouge smm food,0,57.432810404822916,50.62824190344196,1.5031388024393322,0.0,0.6780112984034463,1.9152452172449683,0.7572088960547206,0.7642125493824058,1.1867517378560748,57.43281040482291 +0.878,0.0,0.0,0.772,0.013469393266257746,0.0,0.0,73.77,2022-04-11,birmingham/anniston/tuscaloosa smm food,0,67.25307973702778,62.27551690355495,1.696344304038218,0.0,0.0,1.6230179008925527,1.6582006285420594,0.0,0.0,67.25307973702778 +0.0,0.0,0.0,0.9280000000000002,0.04800922280394561,0.721,0.761,214.25,2022-04-11,boston/manchester smm food,0,192.88751042391846,183.34429136615643,0.0,0.0,0.0,1.950985248741307,5.910357048431212,0.5924701592523812,1.0894066013371204,192.88751042391846 +0.93,0.0,0.656,0.862,0.010565489437963952,0.0,0.8250000000000001,105.05,2022-04-11,buffalo smm food,0,70.74140709382883,63.96319330778341,1.7968111648696388,0.0,0.6874426765883473,1.812229832343757,1.3007045588887078,0.0,1.1810255533549598,70.74140709382883 +0.933,0.0,0.0,0.768,0.028286719108253647,0.0,0.0,140.26,2022-04-11,charlotte smm food,0,134.00044467536827,127.1008852661048,1.8026073299176053,0.0,0.0,1.6146084817169435,3.4823435976289296,0.0,0.0,134.00044467536827 +0.704,0.0,0.948,0.0,0.06331290588017165,0.0,0.0,200.21,2022-04-11,chicago smm food,0,187.27083579654746,177.12285569785104,1.3601667312561565,0.0,0.9934385021429166,0.0,7.794374865297359,0.0,0.0,187.27083579654746 +0.0,0.0,0.5690000000000001,0.79,0.023673091189933267,0.0,0.929,116.22,2022-04-11,cleveland/akron/canton smm food,0,137.59247944925633,131.09107465023894,0.0,0.0,0.5962726874676367,1.6608602871827935,2.9143654739830107,0.0,1.3299063503839488,137.59247944925633 +0.0,0.681,0.0,0.0,0.022540621639708075,0.851,0.544,73.43,2022-04-11,columbus oh smm food,0,109.28110240164453,103.92073468964487,0.0,1.1073625259238244,0.0,0.0,2.774948524543098,0.6992955693811046,0.7787610921516341,109.28110240164453 +0.587,0.0,0.881,0.0,0.051844376440653,0.0,0.873,111.46,2022-04-11,dallas/ft. worth smm food,0,114.96673852404186,105.27715718131851,1.1341162943854601,0.0,0.9232271312108751,0.0,6.382498149758669,0.0,1.2497397673683392,114.96673852404186 +0.756,0.0,0.864,0.0,0.0068388382898136755,0.0,0.0,87.79,2022-04-11,des moines/ames smm food,0,65.61626432863103,62.408297363785806,1.4606335920875773,0.0,0.9054123057505062,0.0,0.8419210670071423,0.0,0.0,65.61626432863103 +0.916,0.512,0.0,0.561,0.03377898144320912,0.0,0.0,190.19,2022-04-11,detroit smm food,0,168.263150321202,160.32292305294044,1.7697623946457948,0.832554498198235,0.0,1.1794210393791738,4.158489336038374,0.0,0.0,168.263150321202 +0.979,0.0,0.0,0.0,0.0148799379728816,0.519,0.0,114.25000000000001,2022-04-11,grand rapids smm food,0,114.16537914824112,110.01556630860257,1.8914818606530928,0.0,0.0,0.0,1.83185107239462,0.42647990659082646,0.0,114.16537914824112 +0.61,0.0,0.724,0.0,0.01625672530638881,0.58,0.733,54.97,2022-04-11,greensboro smm food,0,89.03377346692903,83.56924325587181,1.1785535597532037,0.0,0.7587019784298223,0.0,2.0013456870859536,0.47660567595891973,1.0493233098293158,89.03377346692903 +0.0,0.746,0.0,0.8250000000000001,0.017030104228704053,0.0,0.978,71.68,2022-04-11,harrisburg/lancaster smm food,0,91.4692158572211,85.02510769460987,0.0,1.2130579212028971,0.0,1.7344427049693731,2.0965554259163515,0.0,1.400052110522607,91.4692158572211 +0.961,0.0,0.0,0.926,0.020909183717437024,0.0,0.0,114.19000000000001,2022-04-11,hartford/new haven smm food,0,118.98831983605955,112.61073024106035,1.8567048703652933,0.0,0.0,1.9467805391535022,2.5741041854803917,0.0,0.0,118.98831983605955 +0.8230000000000001,0.0,0.718,0.0,0.04611156471374871,0.0,0.849,165.07,2022-04-11,houston smm food,0,176.8810589876808,167.64644198801398,1.590081278158831,0.0,0.7524143929732217,0.0,5.676738668173117,0.0,1.2153826603616495,176.8810589876808 +0.0,0.0,0.0,0.768,0.02445531409426919,0.851,0.6990000000000001,68.56,2022-04-11,indianapolis smm food,0,95.34645375315962,89.02123497580452,0.0,0.0,0.0,1.6146084817169435,3.0106639846872123,0.6992955693811046,1.0006507415698387,95.34645375315962 +0.9530000000000001,0.0,0.6880000000000001,0.0,0.013322165305714876,0.0,0.555,120.98,2022-04-11,jacksonville smm food,0,91.29669855882645,86.29988999004563,1.8412484302373826,0.0,0.720976465690218,0.0,1.6400755733235193,0.0,0.7945080995297003,91.29669855882645 +0.594,0.999,0.0,0.602,0.014299968955782155,0.546,0.578,67.94,2022-04-11,kansas city smm food,0,87.5679678731206,80.49370051161102,1.1476406794973821,1.6244569212891344,0.0,1.2656175859291665,1.76045179184214,0.4486667225406383,0.8274336604111112,87.5679678731206 +0.0,0.0,0.955,0.0,0.010892196611171199,0.6890000000000001,0.0,96.98,2022-04-11,knoxville smm food,0,72.31089216040107,69.4030183864474,0.0,0.0,1.0007740185089509,0.0,1.3409250817624878,0.5661746736822341,0.0,72.31089216040107 +0.836,0.0,0.618,0.588,0.013246788830283828,0.919,0.903,72.53,2022-04-11,las vegas smm food,0,80.2536440755558,73.0759844669223,1.6151979933666858,0.0,0.647621302029876,1.236184618814535,1.6307960670780406,0.7551734762176677,1.2926861511267014,80.25364407555581 +0.0,0.713,0.751,0.0,0.011064997740177883,0.919,0.0,96.1,2022-04-11,little rock/pine bluff smm food,0,61.767336345913705,57.70357115599228,0.0,1.159397182061214,0.7869961129845258,0.0,1.362198418658031,0.7551734762176677,0.0,61.76733634591372 +0.0,0.74,0.0,0.0,0.10320725996074105,0.966,0.0,187.47,2022-04-11,los angeles smm food,0,168.67939287998888,153.9765761946837,0.0,1.2033014231771366,0.0,0.0,12.705720291479214,0.7937949706488214,0.0,168.67939287998888 +0.745,0.0,0.851,0.56,0.007192863211341285,0.0,0.53,31.12,2022-04-11,madison wi smm food,0,57.57189824465711,52.419185278171575,1.4393809869116998,0.0,0.8917892039278713,1.1773186845852714,0.8855046446629556,0.0,0.7587194463977318,57.571898244657106 +0.0,0.789,0.0,0.581,0.026919108116527323,0.0,0.0,162.9,2022-04-11,miami/west palm beach smm food,0,189.9402406329454,184.12181433608328,0.0,1.2829794903875145,0.0,1.221468135257219,3.313978671217386,0.0,0.0,189.9402406329454 +0.764,0.0,0.0,0.686,0.01702158395767659,0.0,0.0,31.6,2022-04-11,milwaukee smm food,0,73.16698440656747,68.15317248002567,1.4760900322154882,0.0,0.0,1.4422153886169575,2.0955065057093454,0.0,0.0,73.16698440656747 +0.0,0.578,0.787,0.0,0.02379473733324533,0.9700000000000001,0.0,104.7,2022-04-11,minneapolis/st. paul smm food,0,91.24174314121734,85.75072244988117,0.0,0.9398759764816011,0.8247216257241302,0.0,2.929341182785359,0.79708190634509,0.0,91.24174314121734 +0.0,0.895,0.0,0.738,0.010446624491009608,0.912,0.534,93.37,2022-04-11,mobile/pensacola smm food,0,73.27325521238353,67.46643487620449,0.0,1.4553442888426178,0.0,1.5515378378998754,1.2860712397885021,0.7494213387491979,0.7644456308988468,73.27325521238353 +0.0,0.0,0.0,0.704,0.02503952100719581,0.989,0.0,66.8,2022-04-11,nashville smm food,0,100.84750555198738,95.47216793873541,0.0,0.0,0.0,1.4800577749071981,3.0825849874424227,0.8126948509023648,0.0,100.8475055519874 +0.66,0.8140000000000001,0.0,0.0,0.012392625482089857,0.0,0.0,52.01,2022-04-11,new orleans smm food,0,63.674046248132456,59.54961731628727,1.2751563105526469,1.3236315654948503,0.0,0.0,1.5256410557976883,0.0,0.0,63.674046248132456 +0.9460000000000001,0.707,0.707,0.0,0.1251742731337049,0.763,0.9059999999999999,315.45,2022-04-11,new york smm food,0,311.2140338155267,290.1617655847399,1.8277240451254606,1.1496406840354534,0.7408871529694536,0.0,15.410052575090727,0.6269829840631996,1.2969807895025376,311.2140338155267 +0.9059999999999999,0.0,0.0,0.0,0.014320158884561129,0.591,0.605,79.9,2022-04-11,norfolk/portsmouth/newport news smm food,0,107.1750485974147,102.30993924858487,1.7504418444859058,0.0,0.0,0.0,1.7629373494266367,0.48564474912365785,0.8660854057936371,107.1750485974147 +0.0,0.0,0.626,0.9210000000000002,0.011768718257583412,0.0,0.0,73.9,2022-04-11,oklahoma city smm food,0,57.65035023041354,53.609244119971564,0.0,0.0,0.6560047493053437,1.9362687651839912,1.4488325959526402,0.0,0.0,57.65035023041354 +0.864,0.0,0.0,0.0,0.007694716564948793,0.578,0.739,58.22,2022-04-11,omaha smm food,0,65.02568737938327,60.87622985001895,1.669295533814374,0.0,0.0,0.0,0.9472872008581626,0.4749622081107855,1.0579125865809882,65.02568737938326 +0.0,0.9899999999999999,0.608,0.0,0.027381644175379034,0.0,0.0,113.0,2022-04-11,orlando/daytona beach/melborne smm food,0,138.23326725710643,132.61538216686213,0.0,1.6098221742504932,0.6371419929355414,0.0,3.370920923058279,0.0,0.0,138.23326725710643 +0.6880000000000001,0.904,0.923,0.0,0.006802413389848382,0.0,0.706,66.59,2022-04-11,paducah ky/cape girardeau mo smm food,0,61.173839655428644,55.55925813283435,1.3292538510003349,1.4699790358812588,0.9672402294070802,0.0,0.8374368418588322,0.0,1.0106715644467898,61.17383965542865 +0.0,0.5060000000000001,0.897,0.863,0.05851246088816134,0.0,0.0,224.58,2022-04-11,philadelphia smm food,0,210.51826976975377,199.7377476378349,0.0,0.8227980001724746,0.9399940257618103,1.8143321871376592,7.203397918846922,0.0,0.0,210.51826976975377 +0.9280000000000002,0.0,0.0,0.0,0.0329242670450038,0.985,0.0,128.32,2022-04-11,phoenix/prescott smm food,0,123.63858257517208,116.98296111946722,1.7929470548376611,0.0,0.0,0.0,4.053266485661107,0.8094079152060965,0.0,123.63858257517208 +0.648,0.843,0.0,0.85,0.016647214665102255,0.911,0.0,102.42,2022-04-11,pittsburgh smm food,0,111.7600115087358,104.55223234884438,1.2519716503607805,1.3707879726193595,0.0,1.7870015748169297,2.0494183572692277,0.7485996048251309,0.0,111.76001150873581 +0.24950000000000003,0.0,0.61,0.761,0.02117285991232842,0.0,0.613,94.44,2022-04-11,portland or smm food,0,93.10158987468387,86.8963094792362,0.48204772648922034,0.0,0.6392378547544083,1.5998919981596276,2.606565041248542,0.0,0.877537774795867,93.10158987468385 +0.0,0.873,0.622,0.0,0.013439741586387081,0.846,0.0,83.45,2022-04-11,providence ri/new bedford ma smm food,0,87.66942699226628,83.24830635780522,0.0,1.4195704627481625,0.6518130256676098,0.0,1.6545502462845276,0.6951868997607691,0.0,87.6694269922663 +0.8230000000000001,0.0,0.804,0.6880000000000001,0.02706061677101072,0.0,0.9210000000000002,147.34,2022-04-11,raleigh/durham/fayetteville smm food,0,133.85906421465182,125.33017277610136,1.590081278158831,0.0,0.8425364511844989,1.446420098204762,3.3313996296206376,0.0,1.3184539813817189,133.85906421465182 +0.0,0.6990000000000001,0.661,0.989,0.11752440166115935,0.0,0.9400000000000001,328.5,2022-04-11,rem us east north central smm food,0,326.17615550122724,306.4536727021249,0.0,1.1366320200011062,0.6926823311355147,2.079228891169345,14.468286199034404,0.0,1.345653357762015,326.1761555012273 +0.875,0.0,0.0,0.0,0.040974073565358635,0.98,0.0,125.88,2022-04-11,rem us middle atlantic smm food,0,138.34013902547426,130.80002326169728,1.6905481389902515,0.0,0.0,0.0,5.044268379200958,0.8052992455857609,0.0,138.34013902547426 +0.561,0.652,0.0,0.0,0.06216694672451172,0.911,0.787,185.06,2022-04-11,rem us mountain smm food,0,185.63012414618322,173.95751153106124,1.08388286396975,1.060206118799315,0.0,0.0,7.653297226933417,0.7485996048251309,1.1266268005943678,185.63012414618322 +0.0,0.716,0.0,0.518,0.022887518741694292,0.9269999999999999,0.0,172.71,2022-04-11,rem us new england smm food,0,154.05432777998107,148.221630613054,0.0,1.1642754310740941,0.0,1.089019783241376,2.817654605001374,0.7617473476102045,0.0,154.05432777998107 +0.524,0.0,0.0,0.0,0.05532739305811381,0.0,0.955,144.96,2022-04-11,rem us pacific smm food,0,114.30445567081657,105.11364420201244,1.0123968283781621,0.0,0.0,0.0,6.811288090784765,0.0,1.3671265496411957,114.30445567081657 +0.528,0.0,0.617,0.0,0.13042658654824857,0.0,0.941,302.86,2022-04-11,rem us south atlantic smm food,0,302.7506721739094,283.6802303568146,1.0201250484421174,0.0,0.6465733711204426,0.0,16.056658493644917,0.0,1.3470849038872934,302.7506721739094 +0.529,0.0,0.0,0.0,0.1845185996132109,0.0,0.0,408.13,2022-04-11,rem us south central smm food,0,423.16924692018705,399.4313293612464,1.0220571034581063,0.0,0.0,0.0,22.715860455482524,0.0,0.0,423.16924692018705 +0.0,0.621,0.0,0.628,0.06310329065668492,0.0,0.0,121.81,2022-04-11,rem us west north central smm food,0,136.05317422875487,125.95452848252805,0.0,1.0097975456662187,0.0,1.3202788105706258,7.768569389989988,0.0,0.0,136.05317422875487 +0.709,0.525,0.0,0.9899999999999999,0.012082331197561386,0.0,0.0,74.02,2022-04-11,richmond/petersburg smm food,0,91.86038677131677,86.06809383806947,1.3698270063361009,0.8536935772540496,0.0,2.081331245963247,1.487441103693901,0.0,0.0,91.86038677131677 +0.587,0.0,0.965,0.0,0.020653123379653117,0.726,0.0,68.21,2022-04-11,sacramento/stockton/modesto smm food,0,76.87161100745271,71.58708164797008,1.1341162943854601,0.0,1.0112533276032853,0.0,2.542580908621171,0.5965788288727167,0.0,76.87161100745271 +0.0,0.843,0.71,0.0,0.020889135875544383,0.9199999999999999,0.0,82.64,2022-04-11,salt lake city smm food,0,89.16725932064975,83.72480907215119,0.0,1.3707879726193595,0.744030945697754,0.0,2.571636120039718,0.7559952101417347,0.0,89.16725932064975 +0.0,0.632,0.0,0.0,0.016272058334731446,0.0,0.8180000000000001,103.53,2022-04-11,san diego smm food,0,82.9162354574706,78.71431295071628,0.0,1.0276844587134464,0.0,0.0,2.0032333175628887,0.0,1.1710047304780087,82.91623545747062 +0.0,0.514,0.0,0.0,0.03216091204363487,0.0,0.948,103.96,2022-04-11,san francisco/oakland/san jose smm food,0,95.0281162179416,88.87591304741949,0.0,0.8358066642068219,0.0,0.0,3.9592907795510452,0.0,1.3571057267642446,95.0281162179416 +0.0,0.772,0.0,0.0,0.03171075237035191,0.768,0.0,99.47,2022-04-11,seattle/tacoma smm food,0,94.53505640829178,88.74475650580376,0.0,1.2553360793145263,0.0,0.0,3.9038721694899636,0.6310916536835351,0.0,94.5350564082918 +0.736,0.595,0.873,0.584,0.019892919000546374,0.649,0.893,139.17,2022-04-11,st. louis smm food,0,96.49689337163903,87.70409353036166,1.4219924917678,0.9675193875545894,0.9148436839354074,1.2277751996389257,2.4489930717871915,0.5333053167195498,1.278370689873914,96.49689337163903 +0.8230000000000001,0.835,0.63,0.0,0.029733895049712515,0.776,0.588,107.9,2022-04-11,tampa/ft. myers smm food,0,182.0031789954553,173.25520362076367,1.590081278158831,1.357779308585012,0.6601964729430775,0.0,3.660503668264744,0.637665525076072,0.8417491216638986,182.0031789954553 +0.0,0.0,0.0,0.24950000000000003,0.006779151913248314,0.62,0.0,73.16,2022-04-11,tucson/sierra vista smm food,0,65.19083234817694,63.32224664442017,0.0,0.0,0.0,0.5245375210786165,0.8345731497565549,0.5094750329216039,0.0,65.19083234817694 +0.0,0.0,0.762,0.854,0.050486587977155835,0.0,0.9140000000000001,226.43999999999997,2022-04-11,washington dc/hagerstown smm food,0,183.1390861520003,173.02137618365978,0.0,0.0,0.7985233529882938,1.7954109939925387,6.215342462854911,0.0,1.3084331585047677,183.1390861520003 +0.966,0.0,0.0,0.8180000000000001,0.004202239431934434,0.0,0.612,72.91,2022-04-11,yakima/pasco/richland/kennewick smm food,0,58.49647254970186,53.51694236690935,1.8663651454452375,0.0,0.0,1.7197262214120572,0.51733258726463,0.0,0.8761062286705883,58.49647254970186 +0.0,0.671,0.843,0.0,0.008871625951066652,0.0,0.0,107.61,2022-04-18,albany/schenectady/troy smm food,0,85.4235509778277,82.35686844083078,0.0,1.0911016958808901,0.8834057566524036,0.0,1.09217508446362,0.0,0.0,85.42355097782769 +0.5670000000000001,0.0,0.929,0.0,0.008046284001111896,0.757,0.0,39.49,2022-04-18,albuquerque/santa fe smm food,0,74.47375319163963,70.79212936171284,1.095475194065683,0.0,0.973527814863681,0.0,0.9905682404786315,0.622052580518797,0.0,74.47375319163963 +0.912,0.0,0.833,0.0,0.0330151062802824,0.0,0.885,146.49,2022-04-18,atlanta smm food,0,173.21385937656612,165.2475308400832,1.7620341745818393,0.0,0.8729264475580691,0.0,4.064449593471359,0.0,1.266918320871684,173.21385937656615 +0.0,0.55,0.638,0.6880000000000001,0.016308052031885168,0.0,0.0,123.85,2022-04-18,baltimore smm food,0,110.29737131885804,105.28036119021601,0.0,0.8943456523613853,0.6685799202185452,1.446420098204762,2.007664457857335,0.0,0.0,110.29737131885804 +0.0,0.524,0.894,0.0,0.0046894393031774225,0.0,0.603,43.0,2022-04-18,baton rouge smm food,0,53.85769311533036,50.62824190344196,0.0,0.8520674942497561,0.93685023303351,0.0,0.5773111710620565,0.0,0.8632223135430797,53.85769311533036 +0.931,0.0,0.0,0.0,0.010556419352463285,0.0,0.836,96.2,2022-04-18,birmingham/anniston/tuscaloosa smm food,0,66.570620635864,62.27551690355495,1.7987432198856277,0.0,0.0,0.0,1.2995879516903857,0.0,1.196772560733026,66.57062063586399 +0.0,0.0,0.0,0.0,0.03614430060447089,0.586,0.9510000000000001,201.11,2022-04-18,boston/manchester smm food,0,189.6369087129596,183.34429136615643,0.0,0.0,0.0,0.0,4.449680902159789,0.48153607950332233,1.361400365140081,189.6369087129596 +0.589,0.0,0.0,0.721,0.00786070987879287,0.0,0.0,104.64,2022-04-18,buffalo smm food,0,67.58469395451056,63.96319330778341,1.1379804044174378,0.0,0.0,1.5157978064035367,0.9677224359061702,0.0,0.0,67.58469395451056 +0.0,0.682,0.0,0.0,0.021458652239962222,0.0,0.975,146.18,2022-04-18,charlotte smm food,0,132.24737993440888,127.1008852661048,0.0,1.1089886089281178,0.0,0.0,2.6417485872291944,0.0,1.3957574721467707,132.24737993440888 +0.0,0.0,0.0,0.9770000000000001,0.04635731819235177,0.0,0.978,185.35,2022-04-18,chicago smm food,0,186.2839015221461,177.12285569785104,0.0,0.0,0.0,2.0540006336425183,5.706993080129953,0.0,1.400052110522607,186.28390152214612 +0.786,0.0,0.878,0.801,0.017651764009330138,0.0,0.669,170.45,2022-04-18,cleveland/akron/canton smm food,0,138.34453098469373,131.09107465023894,1.518595242567243,0.0,0.9200833384825747,1.6839861899157185,2.1730872056777937,0.0,0.9577043578114766,138.34453098469373 +0.0,0.0,0.635,0.0,0.01600424185152609,0.929,0.9430000000000001,131.83,2022-04-18,columbus oh smm food,0,108.66977238466559,103.92073468964487,0.0,0.0,0.6654361274902448,0.0,1.9702627559342856,0.7633908154583388,1.349947996137851,108.66977238466559 +0.625,0.0,0.668,0.0,0.03659171985415482,0.596,0.834,119.59000000000002,2022-04-18,dallas/ft. worth smm food,0,113.37313444304303,105.27715718131851,1.2075343849930367,0.0,0.7000178475015488,0.0,4.504762142003478,0.48975341874399336,1.1939094684824685,113.37313444304304 +0.0,0.0,0.592,0.5640000000000001,0.004464526881954187,0.68,0.535,85.77,2022-04-18,des moines/ames smm food,0,66.08867928766115,62.408297363785806,0.0,0.0,0.6203750983846061,1.1857281037608804,0.5496224763401076,0.5587790683656301,0.7658771770241255,66.08867928766115 +0.647,0.0,0.0,0.0,0.02530178498199086,0.666,0.0,198.86,2022-04-18,detroit smm food,0,165.23510942822543,160.32292305294044,1.2500395953447916,0.0,0.0,0.0,3.1148719865115293,0.5472747934286907,0.0,165.23510942822546 +0.512,0.0,0.0,0.748,0.010890858523363375,0.736,0.736,110.05,2022-04-18,grand rapids smm food,0,115.57651433034565,110.01556630860257,0.9892121681862958,0.0,0.0,1.572561385838898,1.3407603513993513,0.6047961681133878,1.053617948205152,115.57651433034566 +0.783,0.512,0.677,0.0,0.013178673612513514,0.987,0.0,58.78999999999999,2022-04-18,greensboro smm food,0,89.05750792576472,83.56924325587181,1.5127990775192766,0.832554498198235,0.70944922568645,0.0,1.6224104854347334,0.8110513830542306,0.0,89.05750792576474 +0.0,0.0,0.0,0.759,0.01316071135900463,0.0,0.0,137.43,2022-04-18,harrisburg/lancaster smm food,0,88.24099415742596,85.02510769460987,0.0,0.0,0.0,1.5956872885718232,1.6201991742442674,0.0,0.0,88.24099415742596 +0.858,0.0,0.613,0.0,0.01603587409903844,0.857,0.0,153.31,2022-04-18,hartford/new haven smm food,0,117.58919802865317,112.61073024106035,1.6577032037184407,0.0,0.6423816474827088,0.0,1.974156963466155,0.7042259729255073,0.0,117.58919802865316 +0.0,0.559,0.9400000000000001,0.8280000000000001,0.034081290444725625,0.0,0.764,208.52,2022-04-18,houston smm food,0,176.57063468100478,167.64644198801398,0.0,0.9089803994000262,0.985055054867449,1.7407497693510798,4.195706229659289,0.0,1.0937012397129566,176.57063468100478 +0.581,0.803,0.0,0.8260000000000001,0.018495886139043804,0.553,0.0,112.2,2022-04-18,indianapolis smm food,0,95.91747356707347,89.02123497580452,1.1225239642895268,1.3057446524476226,0.0,1.7365450597632752,2.2770060547594313,0.45441886000910797,0.0,95.91747356707349 +0.81,0.673,0.9500000000000001,0.0,0.010590455957200028,0.633,0.56,108.92,2022-04-18,jacksonville smm food,0,92.5803443396553,86.29988999004563,1.5649645629509756,1.094353861889477,0.9955343639617836,0.0,1.3037781567168654,0.5201575739344761,0.801665830156094,92.5803443396553 +0.0,0.0,0.0,0.503,0.009485886093760096,0.999,0.844,73.16,2022-04-18,kansas city smm food,0,84.74811799661802,80.49370051161102,0.0,0.0,0.0,1.057484461332842,1.1677959037958625,0.8209121901430358,1.2082249297352559,84.74811799661802 +0.0,0.756,0.0,0.9899999999999999,0.00871679695987399,0.833,0.0,91.62,2022-04-18,knoxville smm food,0,74.4712870180077,69.4030183864474,0.0,1.2293187512458315,0.0,2.081331245963247,1.0731142756033307,0.6845043587478967,0.0,74.4712870180077 +0.0,0.603,0.577,0.0,0.009030669362861789,0.0,0.975,56.0,2022-04-18,las vegas smm food,0,77.16868085092139,73.0759844669223,0.0,0.980528051588937,0.6046561347431043,0.0,1.1117547255202687,0.0,1.3957574721467707,77.16868085092139 +0.0,0.0,0.75,0.0,0.008691045873917724,0.0,0.733,73.05,2022-04-18,little rock/pine bluff smm food,0,60.60878673861683,57.70357115599228,0.0,0.0,0.7859481820750922,0.0,1.069944090720149,0.0,1.0493233098293158,60.608786738616836 +0.513,0.0,0.0,0.0,0.07007439330460329,0.6910000000000001,0.73,187.39,2022-04-18,los angeles smm food,0,165.2073405921825,153.9765761946837,0.9911442232022846,0.0,0.0,0.0,8.626773361312674,0.5678181415303682,1.0450286714534796,165.2073405921825 +0.513,0.0,0.912,0.641,0.005148782731470122,0.0,0.542,60.5,2022-04-18,madison wi smm food,0,57.123410295606114,52.419185278171575,0.9911442232022846,0.0,0.9557129894033122,1.3476094228913553,0.6338603820365194,0.0,0.7758979999010767,57.12341029560612 +0.24950000000000003,0.0,0.0,0.0,0.018993009852643607,0.0,0.878,215.53,2022-04-18,miami/west palm beach smm food,0,188.19896591129094,184.12181433608328,0.48204772648922034,0.0,0.0,0.0,2.3382063507237185,0.0,1.256897497994733,188.19896591129094 +0.985,0.0,0.0,0.0,0.012958026268956578,0.647,0.0,104.82,2022-04-18,milwaukee smm food,0,72.1831553788848,68.15317248002567,1.9030741907490258,0.0,0.0,0.0,1.5952468592386815,0.5316618488714157,0.0,72.18315537888479 +0.521,0.0,0.0,0.0,0.014951281651817047,0.498,0.501,109.11,2022-04-18,minneapolis/st. paul smm food,0,89.72438532212813,85.75072244988117,1.0066006633301954,0.0,0.0,0.0,1.8406341059667126,0.4092234941854173,0.7172046087646483,89.72438532212814 +0.733,0.0,0.0,0.677,0.008460558704597634,0.0,0.0,61.879999999999995,2022-04-18,mobile/pensacola smm food,0,71.3474944939341,67.46643487620449,1.4161963267198334,0.0,0.0,1.423294195471837,1.0415690955379315,0.0,0.0,71.3474944939341 +0.6920000000000001,0.0,0.546,0.0,0.019429416750867592,0.0,0.515,78.49,2022-04-18,nashville smm food,0,100.51049841423722,95.47216793873541,1.3369820710642903,0.0,0.5721702765506672,0.0,2.3919318733683,0.0,0.7372462545185506,100.51049841423722 +0.0,0.0,0.0,0.876,0.00983204063732295,0.0,0.731,66.91,2022-04-18,new orleans smm food,0,63.64815090211388,59.54961731628727,0.0,0.0,0.0,1.8416627994583887,1.2104105687894617,0.0,1.0464602175787583,63.648150902113876 +0.0,0.581,0.599,0.532,0.0910498364615213,0.0,0.744,375.59,2022-04-18,new york smm food,0,305.12678815837586,290.1617655847399,0.0,0.9447542254944815,0.6277106147506404,1.1184527503560078,11.209034665827483,0.0,1.0650703172073819,305.1267881583759 +0.0,0.0,0.0,0.0,0.011282832998923548,0.0,0.809,78.23,2022-04-18,norfolk/portsmouth/newport news smm food,0,104.85707591644734,102.30993924858487,0.0,0.0,0.0,0.0,1.3890158525119791,0.0,1.1581208153505,104.85707591644734 +0.0,0.9460000000000001,0.0,0.7010000000000001,0.008043011060573648,0.0,0.538,49.89,2022-04-18,oklahoma city smm food,0,58.38160648070691,53.609244119971564,0.0,1.5382745220615828,0.0,1.4737507105254914,0.9901653127483008,0.0,0.7701718153999617,58.3816064807069 +0.0,0.864,0.0,0.0,0.005379219243726389,0.55,0.5700000000000001,87.01,2022-04-18,omaha smm food,0,64.21132965626347,60.87622985001895,0.0,1.4049357157095217,0.0,0.0,0.6622291408891997,0.4519536582369067,0.8159812914088814,64.21132965626346 +0.581,0.0,0.89,0.623,0.020709130323631503,0.0,0.0,117.3,2022-04-18,orlando/daytona beach/melborne smm food,0,138.5298075325481,132.61538216686213,1.1225239642895268,0.0,0.9326585093957762,1.3097670366011143,2.549475855399533,0.0,0.0,138.5298075325481 +0.8180000000000001,0.0,0.0,0.615,0.005413447356875147,0.0,0.0,87.04,2022-04-18,paducah ky/cape girardeau mo smm food,0,59.09907025644659,55.55925813283435,1.5804210030788866,0.0,0.0,1.2929481982498963,0.6664429222834413,0.0,0.0,59.09907025644657 +0.714,0.535,0.0,0.0,0.04282649860417568,0.501,0.0,206.91,2022-04-18,philadelphia smm food,0,207.67119619600484,199.7377476378349,1.379487281416045,0.8699544072969839,0.0,0.0,5.272318173499294,0.4116886959576186,0.0,207.67119619600484 +0.0,0.556,0.0,0.0,0.023657039078391968,0.0,0.0,137.1,2022-04-18,phoenix/prescott smm food,0,120.79945258790214,116.98296111946722,0.0,0.9041021503871459,0.0,0.0,2.91238931804777,0.0,0.0,120.79945258790214 +0.0,0.0,0.539,0.0,0.01194008245573091,0.0,0.529,106.8,2022-04-18,pittsburgh smm food,0,107.34428404333865,104.55223234884438,0.0,0.0,0.564834760184633,0.0,1.46992903403717,0.0,0.7572879002724531,107.34428404333865 +0.81,0.0,0.555,0.8310000000000001,0.014244195528512617,0.994,0.747,132.74,2022-04-18,portland or smm food,0,94.42968659978332,86.8963094792362,1.5649645629509756,0.0,0.5816016547355684,1.7470568337327868,1.7535855930218878,0.8168035205227003,1.069364955583218,94.42968659978334 +0.588,0.559,0.0,0.8310000000000001,0.010367519161465904,0.648,0.66,134.32,2022-04-18,providence ri/new bedford ma smm food,0,89.7940286446658,83.24830635780522,1.1360483494014488,0.9089803994000262,0.0,1.7470568337327868,1.2763326788468599,0.5324835827954828,0.9448204426839679,89.79402864466579 +0.0,0.0,0.755,0.916,0.021043095047885055,0.541,0.63,122.53,2022-04-18,raleigh/durham/fayetteville smm food,0,131.9841395623427,125.33017277610136,0.0,0.0,0.7911878366222596,1.9257569912144796,2.590589846558689,0.44455805292030276,0.9018740589256057,131.9841395623427 +0.9390000000000001,0.733,0.724,0.0,0.09155428568076521,0.67,0.777,326.6,2022-04-18,rem us east north central smm food,0,323.15250304706694,306.4536727021249,1.8141996600135384,1.1919188421470825,0.7587019784298223,0.0,11.27113679588506,0.550561729124959,1.1123113393415804,323.15250304706694 +0.847,0.785,0.605,0.0,0.03168667914519253,0.0,0.0,172.41,2022-04-18,rem us middle atlantic smm food,0,138.24785576282693,130.80002326169728,1.6364505985425633,1.2764751583703409,0.6339982002072411,0.0,3.900908544009496,0.0,0.0,138.24785576282693 +0.671,0.6920000000000001,0.0,0.735,0.04356298312203166,0.89,0.6900000000000001,207.08,2022-04-18,rem us mountain smm food,0,185.00649656519502,173.95751153106124,1.2964089157285243,1.1252494389710521,0.0,1.5452307735181685,5.362985887053966,0.7313431924197217,0.98776682644233,185.006496565195 +0.663,0.0,0.628,0.0,0.01767639075557715,0.0,0.0,155.76,2022-04-18,rem us new england smm food,0,152.33680267424523,148.221630613054,1.2809524756006134,0.0,0.6581006111242106,0.0,2.176118974466373,0.0,0.0,152.3368026742452 +0.0,0.929,0.0,0.5720000000000001,0.038301083167043934,0.614,0.0,113.15999999999998,2022-04-18,rem us pacific smm food,0,113.04656666565161,105.11364420201244,0.0,1.5106311109885946,0.0,1.2025469421120987,4.715199781161295,0.5045446293772012,0.0,113.04656666565162 +0.535,0.765,0.0,0.757,0.10376890100504157,0.863,0.0,309.08,2022-04-18,rem us south atlantic smm food,0,301.0333354816911,283.6802303568146,1.0336494335540396,1.2439534982844722,0.0,1.5914825789840186,12.774863237584082,0.7091563764699099,0.0,301.0333354816911 +0.0,0.0,0.808,0.0,0.14247021822012518,0.0,0.0,497.71,2022-04-18,rem us south central smm food,0,417.81739288185236,399.4313293612464,0.0,0.0,0.8467281748222328,0.0,17.539335345783734,0.0,0.0,417.81739288185236 +0.881,0.0,0.917,0.843,0.044814561020225185,0.98,0.0,171.23,2022-04-18,rem us west north central smm food,0,136.71227205280707,125.95452848252805,1.7021404690861845,0.0,0.9609526439504795,1.7722850912596138,5.517066120396983,0.8052992455857609,0.0,136.71227205280707 +0.0,0.621,0.903,0.0,0.009552218429991457,0.0,0.868,90.19,2022-04-18,richmond/petersburg smm food,0,90.44271702875663,86.06809383806947,0.0,1.0097975456662187,0.9462816112184111,0.0,1.1759619970605866,0.0,1.2425820367419456,90.44271702875663 +0.0,0.0,0.0,0.0,0.01379516390155333,0.75,0.9280000000000002,112.8,2022-04-18,sacramento/stockton/modesto smm food,0,75.23016275065129,71.58708164797008,0.0,0.0,0.0,0.0,1.6983058553722035,0.6163004430503273,1.3284748042586703,75.23016275065129 +0.704,0.556,0.738,0.848,0.013441755513558596,0.0,0.587,120.88,2022-04-18,salt lake city smm food,0,91.04036358413416,83.72480907215119,1.3601667312561565,0.9041021503871459,0.7733730111618907,1.782796865229125,1.6547981784100236,0.0,0.8403175755386199,91.04036358413416 +0.804,0.0,0.0,0.872,0.011259032827693555,0.9630000000000002,0.904,75.37,2022-04-18,san diego smm food,0,85.57247187235146,78.71431295071628,1.5533722328550426,0.0,0.0,1.8332533802827795,1.3860858423687719,0.7913297688766203,1.2941176972519801,85.57247187235147 +0.711,0.0,0.0,0.651,0.019542201614624992,0.84,0.0,78.85,2022-04-18,san francisco/oakland/san jose smm food,0,94.71431031165278,88.87591304741949,1.3736911163680785,0.0,0.0,1.368632970830378,2.4058166808184662,0.6902564962163665,0.0,94.71431031165278 +0.712,0.0,0.0,0.0,0.021179901244199873,0.562,0.857,133.32,2022-04-18,seattle/tacoma smm food,0,94.4164610629316,88.74475650580376,1.3756231713840674,0.0,0.0,0.0,2.6074318910541874,0.4618144653257119,1.2268350293638794,94.4164610629316 +0.0,0.0,0.644,0.744,0.014674424736026433,0.0,0.0,113.54000000000002,2022-04-18,st. louis smm food,0,91.74966359037424,87.70409353036166,0.0,0.0,0.6748675056751459,1.564151966663289,1.8065505876741503,0.0,0.0,91.74966359037424 +0.602,0.0,0.929,0.812,0.02279610621671779,0.577,0.769,177.8,2022-04-18,tampa/ft. myers smm food,0,181.48034101262078,173.25520362076367,1.1630971196252928,0.0,0.973527814863681,1.7071120926486436,2.8064009201934343,0.4741404741867184,1.1008589703393503,181.48034101262078 +0.0,0.0,0.0,0.0,0.005025747843286411,0.793,0.704,61.26,2022-04-18,tucson/sierra vista smm food,0,65.6004038249431,63.32224664442017,0.0,0.0,0.0,0.0,0.618713706541498,0.6516350017852127,1.0078084721962324,65.60040382494311 +0.807,0.0,0.864,0.0,0.03139274462120272,0.0,0.85,166.62,2022-04-18,washington dc/hagerstown smm food,0,180.5674937159352,173.02137618365978,1.559168397903009,0.0,0.9054123057505062,0.0,3.864722622134967,0.0,1.2168142064869283,180.5674937159352 +0.9269999999999999,0.0,0.587,0.68,0.002988415872747036,0.0,0.0,44.71,2022-04-18,yakima/pasco/richland/kennewick smm food,0,57.720594315115875,53.51694236690935,1.791014999821672,0.0,0.6151354438374388,1.429601259853544,0.3679002446938709,0.0,0.0,57.720594315115875 +0.662,0.0,0.0,0.616,0.0006078872369568347,0.0,0.0,79.7,2022-04-25,albany/schenectady/troy smm food,0,85.00577567311457,82.35686844083078,1.2790204205846245,0.0,0.0,1.2950505530437983,0.07483625865536668,0.0,0.0,85.00577567311457 +0.8220000000000001,0.0,0.0,0.614,0.0007224030896512225,0.0,0.0,50.12,2022-04-25,albuquerque/santa fe smm food,0,73.76005859436066,70.79212936171284,1.588149223142842,0.0,0.0,1.290845843455994,0.08893416604898025,0.0,0.0,73.76005859436066 +0.638,0.0,0.0,0.0,0.0021084544881473997,0.8290000000000001,0.9490000000000002,156.61,2022-04-25,atlanta smm food,0,168.77950590474282,165.2475308400832,1.232651100200892,0.0,0.0,0.0,0.2595692685175951,0.6812174230516285,1.3585372728895238,168.77950590474282 +0.534,0.503,0.669,0.526,0.0008524162972611383,0.5650000000000001,0.779,129.78,2022-04-25,baltimore smm food,0,110.62129675257141,105.28036119021601,1.0317173785380507,0.8179197511595941,0.7010657784109824,1.1058386215925942,0.10493993396412474,0.46427966709791324,1.115174431592138,110.62129675257141 +0.0,0.523,0.0,0.9619999999999999,0.0003225755336602846,0.8290000000000001,0.554,81.86,2022-04-25,baton rouge smm food,0,55.015154484629974,50.62824190344196,0.0,0.8504414112454628,0.0,2.0224653117339835,0.03971188175251684,0.6812174230516285,0.7930765534044215,55.015154484629974 +0.0,0.0,0.0,0.803,0.0011145307719410069,0.774,0.0,66.04,2022-04-25,birmingham/anniston/tuscaloosa smm food,0,64.73693838854223,62.27551690355495,0.0,0.0,0.0,1.688190899503523,0.1372085282558175,0.6360220572279377,0.0,64.73693838854223 +0.0,0.0,0.558,0.985,0.0013968178778658584,0.0,0.638,137.35,2022-04-25,boston/manchester smm food,0,187.0851432641955,183.34429136615643,0.0,0.0,0.5847454474638687,2.0708194719937363,0.17196055065362806,0.0,0.9133264279278356,187.0851432641955 +0.965,0.8,0.641,0.0,0.0006894970023144406,0.0,0.0,67.97,2022-04-25,buffalo smm food,0,67.88509965223935,63.96319330778341,1.8644330904292485,1.3008664034347424,0.6717237129468455,0.0,0.08488313764509493,0.0,0.0,67.88509965223935 +0.0,0.0,0.0,0.67,0.001673554946456695,0.598,0.0,175.35,2022-04-25,charlotte smm food,0,129.20688917931457,127.1008852661048,0.0,0.0,0.0,1.408577711914521,0.2060293147031394,0.49139688659212755,0.0,129.20688917931457 +0.62,0.0,0.0,0.645,0.0021427456137414016,0.6,0.514,191.29,2022-04-25,chicago smm food,0,181.16939451996197,177.12285569785104,1.1978741099130925,0.0,0.0,1.3560188420669643,0.2637908072973583,0.4930403544402618,0.7358147083932719,181.169394519962 +0.655,0.615,0.74,0.0,0.001488006770438651,0.0,0.0,155.88,2022-04-25,cleveland/akron/canton smm food,0,134.3152673106811,131.09107465023894,1.2654960354727025,1.000041047640458,0.7754688729807577,0.0,0.18318670434824583,0.0,0.0,134.3152673106811 +0.0,0.665,0.0,0.529,0.0009884305136269114,0.0,0.9619999999999999,100.86,2022-04-25,columbus oh smm food,0,107.61305742476345,103.92073468964487,0.0,1.0813451978551296,0.0,1.112145685974301,0.12168447877100771,0.0,1.377147372518147,107.61305742476345 +0.0,0.0,0.705,0.742,0.002151322719523399,0.9269999999999999,0.9969999999999999,100.98,2022-04-25,dallas/ft. worth smm food,0,110.02974128841959,105.27715718131851,0.0,0.0,0.7387912911505867,1.5599472570754844,0.2648467243618937,0.7617473476102045,1.4272514869029027,110.02974128841959 +0.9630000000000002,0.0,0.0,0.0,0.0003064950047417168,0.973,0.592,76.53,2022-04-25,des moines/ames smm food,0,65.9536209858539,62.408297363785806,1.8605689803972714,0.0,0.0,0.0,0.037732227388511,0.7995471081172912,0.8474753061650135,65.95362098585389 +0.0,0.0,0.0,0.0,0.0014180864314428255,0.553,0.0,153.46,2022-04-25,detroit smm food,0,160.9519208093751,160.32292305294044,0.0,0.0,0.0,0.0,0.17457889642558322,0.45441886000910797,0.0,160.95192080937514 +0.0,0.8270000000000001,0.85,0.554,0.0006937806130528712,0.881,0.615,99.39,2022-04-25,grand rapids smm food,0,115.10554172389804,110.01556630860257,0.0,1.3447706445506649,0.8907412730184379,1.1647045558218578,0.08541048775496879,0.7239475871031178,0.8804008670464245,115.10554172389804 +0.0,0.724,0.0,0.0,0.0011212459217429594,0.613,0.0,82.32,2022-04-25,greensboro smm food,0,85.38828546861683,83.56924325587181,0.0,1.1772840951084418,0.0,0.0,0.138035222183468,0.5037228954531341,0.0,85.38828546861686 +0.0,0.0,0.849,0.707,0.0008717166385778458,0.0,0.636,86.58,2022-04-25,harrisburg/lancaster smm food,0,88.4189451872028,85.02510769460987,0.0,0.0,0.8896933421090044,1.486364839288905,0.10731597551772713,0.0,0.9104633356772781,88.41894518720278 +0.858,0.81,0.0,0.0,0.0009314400812874678,0.0,0.8240000000000001,97.6,2022-04-25,hartford/new haven smm food,0,116.87982314142242,112.61073024106035,1.6577032037184407,1.3171272334776767,0.0,0.0,0.11466845593626834,0.0,1.179594007229681,116.87982314142242 +0.539,0.0,0.972,0.624,0.00194025450318165,0.637,0.651,186.52,2022-04-25,houston smm food,0,172.71252128705424,167.64644198801398,1.0413776536179948,0.0,1.0185888439693196,1.3118693913950166,0.23886237287073114,0.5234445096307446,0.9319365275564592,172.71252128705424 +0.0,0.67,0.876,0.0,0.001176533782522681,0.618,0.979,103.24,2022-04-25,indianapolis smm food,0,93.08285493056971,89.02123497580452,0.0,1.0894756128765968,0.9179874766637077,0.0,0.14484164350352438,0.5078315650734696,1.4014836566478857,93.08285493056971 +0.679,0.8200000000000001,0.632,0.9420000000000002,0.0008494102329615704,0.8310000000000001,0.642,78.22,2022-04-25,jacksonville smm food,0,93.29433732441233,86.29988999004563,1.3118653558564353,1.3333880635206108,0.6622923347619444,1.980418215855939,0.10456986104306241,0.6828608908997627,0.9190526124289505,93.29433732441234 +0.5690000000000001,0.551,0.0,0.0,0.0007108248617222252,0.649,0.0,112.28,2022-04-25,kansas city smm food,0,83.10982565227968,80.49370051161102,1.0993393040976607,0.8959717353656788,0.0,0.0,0.08750878448577636,0.5333053167195498,0.0,83.1098256522797 +0.65,0.0,0.583,0.652,0.000836539632136006,0.547,0.0,65.92,2022-04-25,knoxville smm food,0,73.19300702615271,69.4030183864474,1.2558357603927581,0.0,0.610943720199705,1.3707353256242802,0.10298537702386544,0.44948845646470537,0.0,73.19300702615271 +0.0,0.0,0.734,0.0,0.00048609035799144254,0.0,0.0,103.23,2022-04-25,las vegas smm food,0,73.90500774741648,73.0759844669223,0.0,0.0,0.7691812875241569,0.0,0.05984199297000618,0.0,0.0,73.90500774741648 +0.0,0.911,0.651,0.975,0.00078335712835031,0.0,0.886,27.42,2022-04-25,little rock/pine bluff smm food,0,63.281719729640045,57.70357115599228,0.0,1.4813616169113129,0.6822030220411801,2.0497959240547132,0.09643814364359136,0.0,1.2683498669969628,63.28171972964004 +0.67,0.0,0.849,0.0,0.00372647075958154,0.0,0.0,189.26,2022-04-25,los angeles smm food,0,156.61950768196942,153.9765761946837,1.2944768607125354,0.0,0.8896933421090044,0.0,0.45876128446418996,0.0,0.0,156.61950768196942 +0.0,0.0,0.0,0.642,0.0002361014546374922,0.0,0.0,48.63,2022-04-25,madison wi smm food,0,53.79796321887847,52.419185278171575,0.0,0.0,0.0,1.3497117776852574,0.02906616302163676,0.0,0.0,53.79796321887847 +0.0,0.974,0.0,0.729,0.000998511269327764,0.0,0.0,154.7,2022-04-25,miami/west palm beach smm food,0,187.3611613353687,184.12181433608328,0.0,1.5838048461817986,0.0,1.532616644754755,0.12292550834887354,0.0,0.0,187.3611613353687 +0.0,0.0,0.0,0.7000000000000001,0.00065414331391829,0.858,0.0,48.25,2022-04-25,milwaukee smm food,0,70.41039933065748,68.15317248002567,0.0,0.0,0.0,1.4716483557315894,0.0805307880506529,0.7050477068495744,0.0,70.4103993306575 +0.0,0.5690000000000001,0.0,0.509,0.0007591591138385812,0.0,0.5730000000000001,73.68,2022-04-25,minneapolis/st. paul smm food,0,88.65979735470277,85.75072244988117,0.0,0.9252412294429605,0.0,1.0700985900962556,0.09345915549767862,0.0,0.8202759297847176,88.65979735470277 +0.781,0.532,0.595,0.0,0.0008175197579775402,0.0,0.515,82.4,2022-04-25,mobile/pensacola smm food,0,71.30185501104846,67.46643487620449,1.5089349674872987,0.8650761582841037,0.6235188911129065,0.0,0.10064386344111431,0.0,0.7372462545185506,71.30185501104846 +0.0,0.0,0.0,0.891,0.0014472476026711036,0.0,0.0,128.06,2022-04-25,nashville smm food,0,97.52353495286286,95.47216793873541,0.0,0.0,0.0,1.8731981213669229,0.1781688927605249,0.0,0.0,97.52353495286286 +0.676,0.985,0.862,0.604,0.0007063448004192113,0.672,0.674,47.03,2022-04-25,new orleans smm food,0,66.23454154077008,59.54961731628727,1.3060691908084685,1.6016917592290263,0.9033164439316393,1.2698222955169711,0.08695724958574676,0.5522051969730932,0.9648620884378702,66.23454154077008 +0.0,0.0,0.0,0.8150000000000001,0.005031313942616273,0.8240000000000001,0.0,283.62,2022-04-25,new york smm food,0,293.1716924374641,290.1617655847399,0.0,0.0,0.0,1.7134191570303503,0.6193989422625774,0.677108753431293,0.0,293.1716924374641 +0.0,0.0,0.911,0.0,0.0007135343968677051,0.51,0.0,109.72,2022-04-25,norfolk/portsmouth/newport news smm food,0,103.77153096041619,102.30993924858487,0.0,0.0,0.9546650584938787,0.0,0.08784235206320738,0.4190843012742225,0.0,103.77153096041617 +0.807,0.857,0.583,0.9350000000000002,0.0008297688831176617,0.77,0.533,55.98,2022-04-25,oklahoma city smm food,0,60.636512149701886,53.609244119971564,1.559168397903009,1.3935531346794676,0.610943720199705,1.965701732298623,0.10215183834428404,0.6327351215316693,0.763014084773568,60.636512149701886 +0.666,0.758,0.633,0.979,0.0003145877795720371,0.855,0.0,83.23,2022-04-25,omaha smm food,0,66.85840604095947,60.87622985001895,1.28674864064858,1.2325709172544184,0.6633402656713778,2.0582053432303224,0.038728519058448624,0.7025825050773731,0.0,66.85840604095947 +0.894,0.898,0.791,0.0,0.0017934317991493668,0.0,0.9390000000000001,105.68,2022-04-25,orlando/daytona beach/melborne smm food,0,138.19678425829875,132.61538216686213,1.7272571842940398,1.4602225378554983,0.828913349361864,0.0,0.22078720828848722,0.0,1.3442218116367362,138.19678425829875 +0.0,0.0,0.0,0.0,0.0006015686948984746,0.0,0.0,49.9,2022-04-25,paducah ky/cape girardeau mo smm food,0,55.63331652345918,55.55925813283435,0.0,0.0,0.0,0.0,0.07405839062482301,0.0,0.0,55.63331652345917 +0.9840000000000001,0.904,0.632,0.9520000000000001,0.0024717496523546873,0.0,0.5710000000000001,223.24,2022-04-25,philadelphia smm food,0,206.89430984001893,199.7377476378349,1.9011421357330371,1.4699790358812588,0.6622923347619444,2.0014417637949613,0.3042940944786821,0.0,0.8174128375341602,206.89430984001893 +0.788,0.504,0.0,0.0,0.0013576982692127893,0.512,0.0,169.78,2022-04-25,phoenix/prescott smm food,0,119.91283865854776,116.98296111946722,1.5224593525992207,0.8195458341638876,0.0,0.0,0.1671445831950685,0.42072776912235677,0.0,119.91283865854776 +0.0,0.0,0.0,0.889,0.0011010485797351356,0.6970000000000001,0.0,106.85,2022-04-25,pittsburgh smm food,0,107.12952305766366,104.55223234884438,0.0,0.0,0.0,1.8689934117791183,0.13554875196538096,0.5727485450747708,0.0,107.12952305766366 +0.9380000000000001,0.5680000000000001,0.0,0.0,0.0005855239965860258,0.929,0.9490000000000002,99.31,2022-04-25,portland or smm food,0,91.82620346634344,86.8963094792362,1.8122676049975497,0.923615146438667,0.0,0.0,0.07208314732317264,0.7633908154583388,1.3585372728895238,91.82620346634344 +0.893,0.0,0.0,0.9700000000000001,0.0005693384469253851,0.741,0.0,75.8,2022-04-25,providence ri/new bedford ma smm food,0,87.6919110388855,83.24830635780522,1.725325129278051,0.0,0.0,2.0392841500852024,0.07009056398329738,0.6089048377337233,0.0,87.6919110388855 +0.765,0.988,0.582,0.0,0.0013340624245556858,0.545,0.6880000000000001,146.41,2022-04-25,raleigh/durham/fayetteville smm food,0,130.62164418676983,125.33017277610136,1.4780220872314769,1.6065700082419065,0.6098957892902716,0.0,0.16423480309645677,0.4478449886165712,0.9849037341917726,130.62164418676983 +0.0,0.0,0.0,0.651,0.007028763977468945,0.659,0.9689999999999999,245.49,2022-04-25,rem us east north central smm food,0,310.61629911180796,306.4536727021249,0.0,0.0,0.0,1.368632970830378,0.865302587497393,0.5415226559602209,1.387168195395098,310.61629911180796 +0.0,0.0,0.902,0.88,0.0029796657916251537,0.493,1.0,91.99,2022-04-25,rem us middle atlantic smm food,0,135.79881314332962,130.80002326169728,0.0,0.0,0.9452336803089777,1.8500722186339977,0.36682303284555057,0.40511482456508174,1.4315461252787391,135.79881314332962 +0.0,0.5720000000000001,0.0,0.922,0.0026908340401619497,0.535,0.0,200.25,2022-04-25,rem us mountain smm food,0,177.59689508596355,173.95751153106124,0.0,0.9301194784558408,0.0,1.9383711199778932,0.33126530709267743,0.43962764937590015,0.0,177.59689508596355 +0.557,0.0,0.8320000000000001,0.75,0.0012073616947045622,0.788,0.0,126.28,2022-04-25,rem us new england smm food,0,152.5425930314908,148.221630613054,1.0761546439057945,0.0,0.8718785166486358,1.5767660954267027,0.1486368302907936,0.6475263321648772,0.0,152.5425930314908 +0.0,0.0,0.647,0.749,0.0023979867897371368,0.9350000000000002,0.0,130.76,2022-04-25,rem us pacific smm food,0,108.42985369819623,105.11364420201244,0.0,0.0,0.6780112984034463,1.5746637406328003,0.29521323814479716,0.7683212190027414,0.0,108.42985369819623 +0.973,0.0,0.0,0.718,0.009914406552023481,0.8320000000000001,0.589,307.62,2022-04-25,rem us south atlantic smm food,0,289.817024458412,283.6802303568146,1.8798895305571595,0.0,0.0,1.50949074202183,1.22055053640545,0.6836826248238298,0.8431806677891773,289.81702445841205 +0.859,0.517,0.733,0.0,0.014323713527795759,0.937,0.0,444.67,2022-04-25,rem us south central smm food,0,405.2331225338996,399.4313293612464,1.6596352587344296,0.8406849132197022,0.7681333566147235,0.0,1.7633749572334168,0.7699646868508756,0.0,405.2331225338996 +0.0,0.9490000000000002,0.671,0.0,0.003975099335441112,0.754,0.0,135.56,2022-04-25,rem us west north central smm food,0,129.3097999187276,125.95452848252805,0.0,1.5431527710744632,0.7031616402298493,0.0,0.48936964614865086,0.6195873787465956,0.0,129.3097999187276 +0.932,0.8230000000000001,0.0,0.0,0.0005637797608243758,0.0,0.536,65.13,2022-04-25,richmond/petersburg smm food,0,90.0437503895498,86.06809383806947,1.8006752749016164,1.3382663125334913,0.0,0.0,0.06940624089580892,0.0,0.7673087231494042,90.0437503895498 +0.9430000000000001,0.837,0.603,0.898,0.0008931087459690163,0.602,0.851,101.33,2022-04-25,sacramento/stockton/modesto smm food,0,79.11273705270392,71.58708164797008,1.8219278800774938,1.361031474593599,0.6319023383883742,1.8879146049242388,0.10994953184952867,0.49468382228839597,1.218245752612207,79.11273705270392 +0.898,0.0,0.535,0.0,0.0006289371002826618,0.603,0.0,87.92,2022-04-25,salt lake city smm food,0,86.59337075100494,83.72480907215119,1.7349854043579953,0.0,0.5606430365468992,0.0,0.07742768173639376,0.4955055562124631,0.0,86.59337075100494 +0.664,0.5690000000000001,0.759,0.0,0.0003893341305506462,0.672,0.936,85.24,2022-04-25,san diego smm food,0,83.65788109271853,78.71431295071628,1.2828845306166023,0.9252412294429605,0.7953795602599933,0.0,0.0479304514487107,0.5522051969730932,1.3399271732609,83.65788109271854 +0.757,0.809,0.579,0.0,0.0007299374012413437,0.714,0.0,96.38,2022-04-25,san francisco/oakland/san jose smm food,0,92.93731156933075,88.87591304741949,1.4625656471035662,1.3155011504733831,0.6067519965619712,0.0,0.08986170598841225,0.5867180217839115,0.0,92.93731156933073 +0.0,0.638,0.0,0.716,0.0006600541283897789,0.742,0.604,114.91999999999999,2022-04-25,seattle/tacoma smm food,0,92.84312238753685,88.74475650580376,0.0,1.0374409567392069,0.0,1.5052860324340254,0.08125846123370353,0.6097265716577904,0.8646538596683584,92.84312238753685 +0.6910000000000001,0.0,0.863,0.0,0.0009974833015935919,0.0,0.0,50.24,2022-04-25,st. louis smm food,0,90.066306877742,87.70409353036166,1.3350500160483014,0.0,0.9043643748410728,0.0,0.12279895649095168,0.0,0.0,90.066306877742 +0.0,0.713,0.683,0.0,0.001876778731134672,0.519,0.971,140.75,2022-04-25,tampa/ft. myers smm food,0,177.17789675595407,173.25520362076367,0.0,1.159397182061214,0.7157368111430508,0.0,0.23104794774965554,0.42647990659082646,1.3900312876456558,177.17789675595407 +0.0,0.0,0.0,0.0,0.00036211646081978717,0.9530000000000001,0.0,55.63,2022-04-25,tucson/sierra vista smm food,0,64.14993879127627,63.32224664442017,0.0,0.0,0.0,0.0,0.04457971722015254,0.7831124296359492,0.0,64.14993879127627 +0.0,0.9540000000000001,0.0,0.0,0.001433524480527536,0.0,0.876,170.36,2022-04-25,washington dc/hagerstown smm food,0,176.00317323137827,173.02137618365978,0.0,1.5512831860959302,0.0,0.0,0.17647945587838793,0.0,1.2540344057441755,176.00317323137827 +0.658,0.0,0.0,0.0,0.00019194332144120994,0.68,0.0,61.17,2022-04-25,yakima/pasco/richland/kennewick smm food,0,55.37064354472818,53.51694236690935,1.271292200520669,0.0,0.0,0.0,0.02362990893254199,0.5587790683656301,0.0,55.37064354472819 +0.0,0.728,0.0,0.0,0.0014507367623842065,0.0,0.0,75.37,2022-05-02,albany/schenectady/troy smm food,0,83.71925530692698,82.35686844083078,0.0,1.1837884271256154,0.0,0.0,0.17859843897058655,0.0,0.0,83.71925530692698 +0.9490000000000002,0.0,0.932,0.0,0.0016633852320096162,0.0,0.635,87.94,2022-05-02,albuquerque/santa fe smm food,0,74.71613030255243,70.79212936171284,1.8335202101734274,0.0,0.9766716075919814,0.0,0.20477733352218422,0.0,0.9090317895519994,74.71613030255243 +0.0,0.0,0.603,0.8230000000000001,0.004839248302899002,0.889,0.757,174.91,2022-05-02,atlanta smm food,0,170.01962702406058,165.2475308400832,0.0,0.0,0.6319023383883742,1.7302379953815685,0.5957539748757875,0.7305214584956545,1.0836804168360055,170.01962702406058 +0.895,0.763,0.644,0.0,0.0020871352775066097,0.0,0.0,125.07,2022-05-02,baltimore smm food,0,109.18206395389318,105.28036119021601,1.7291892393100285,1.2407013322758853,0.6748675056751459,0.0,0.25694468641610296,0.0,0.0,109.18206395389318 +0.0,0.0,0.0,0.676,0.000840725635361216,0.0,0.0,66.23,2022-05-02,baton rouge smm food,0,52.15293445491136,50.62824190344196,0.0,0.0,0.0,1.4211918406779347,0.10350071079146064,0.0,0.0,52.15293445491135 +0.52,0.638,0.523,0.0,0.0024567193308568476,0.0,0.545,26.55,2022-05-02,birmingham/anniston/tuscaloosa smm food,0,65.94833070239235,62.27551690355495,1.0046686083142067,1.0374409567392069,0.5480678656336977,0.0,0.3024437298733704,0.0,0.7801926382769129,65.94833070239234 +0.627,0.505,0.0,0.8240000000000001,0.0032125832644706257,0.0,0.507,183.53,2022-05-02,boston/manchester smm food,0,188.23049323378137,183.34429136615643,1.2113984950250145,0.821171917168181,0.0,1.7323403501754708,0.3954972197399463,0.0,0.7257938855163207,188.23049323378137 +0.0,0.0,0.844,0.663,0.0016999794007003686,0.0,0.846,38.28,2022-05-02,buffalo smm food,0,67.66187864282576,63.96319330778341,0.0,0.0,0.8844536875618372,1.3938612283572052,0.20928239713748387,0.0,1.2110880219858133,67.66187864282576 +0.656,0.0,0.586,0.905,0.003674311281377449,0.93,0.668,86.63,2022-05-02,charlotte smm food,0,133.0578573135911,127.1008852661048,1.2674280904886914,0.0,0.6140875129280053,1.9026310884815545,0.45233999451944407,0.7642125493824058,0.9562728116861978,133.0578573135911 +0.731,0.0,0.96,0.0,0.005091901026487177,0.917,0.88,141.45,2022-05-02,chicago smm food,0,182.18134993070427,177.12285569785104,1.4123322166878558,0.0,1.006013673056118,0.0,0.6268577444944449,0.7535300083695334,1.2597605902452904,182.18134993070427 +0.0,0.0,0.0,0.0,0.0036070881221456825,0.721,0.0,94.24,2022-05-02,cleveland/akron/canton smm food,0,132.12760904260955,131.09107465023894,0.0,0.0,0.0,0.0,0.4440642331182278,0.5924701592523812,0.0,132.12760904260955 +0.9840000000000001,0.9570000000000001,0.0,0.595,0.0024719127433894357,0.5710000000000001,0.8280000000000001,99.07,2022-05-02,columbus oh smm food,0,110.58778379764937,103.92073468964487,1.9011421357330371,1.5561614351088104,0.0,1.2509011023718508,0.30431417241767933,0.46921007064231585,1.185320191730796,110.58778379764937 +0.0,0.0,0.776,0.0,0.0052034577653313945,0.0,0.0,134.65,2022-05-02,dallas/ft. worth smm food,0,106.73094292601861,105.27715718131851,0.0,0.0,0.8131943857203622,0.0,0.6405913589797377,0.0,0.0,106.73094292601861 +0.0,0.0,0.777,0.682,0.0007953517326331727,0.783,0.937,48.6,2022-05-02,des moines/ames smm food,0,66.73903681658115,62.408297363785806,0.0,0.0,0.8142423166297956,1.4338059694413483,0.09791478479347755,0.6434176625445417,1.3413587193861787,66.73903681658115 +0.513,0.0,0.764,0.0,0.0034107895287538038,0.642,0.872,162.24,2022-05-02,detroit smm food,0,164.31044604339513,160.32292305294044,0.9911442232022846,0.0,0.8006192148071607,0.0,0.419898151951101,0.5275531792510801,1.2483082212430605,164.31044604339513 +0.581,0.9770000000000001,0.0,0.0,0.0016246770575578443,0.0,0.559,93.29,2022-05-02,grand rapids smm food,0,113.72701966934551,110.01556630860257,1.1225239642895268,1.588683095194679,0.0,0.0,0.2000120172279131,0.0,0.8002342840308153,113.72701966934551 +0.787,0.752,0.6920000000000001,0.0,0.002444492445403283,0.0,0.0,121.28000000000002,2022-05-02,greensboro smm food,0,87.33869165488261,83.56924325587181,1.5205272975832318,1.2228144192286576,0.7251681893279519,0.0,0.3009384928709731,0.0,0.0,87.33869165488262 +0.0,0.0,0.84,0.0,0.002021232908548677,0.861,0.611,46.27,2022-05-02,harrisburg/lancaster smm food,0,87.73638877560072,85.02510769460987,0.0,0.0,0.8802619639241033,0.0,0.2488315258996444,0.7075129086217756,0.8746746825453096,87.7363887756007 +0.64,0.955,0.0,0.7030000000000001,0.002289502834252157,0.964,0.895,97.28,2022-05-02,hartford/new haven smm food,0,119.23335333571477,112.61073024106035,1.2365152102328696,1.5529092691002235,0.0,1.477955420113296,0.28185791028288365,0.7921515028006872,1.2812337821244715,119.23335333571478 +0.716,0.5720000000000001,0.5750000000000001,0.88,0.004667186025701255,0.0,0.0,195.3,2022-05-02,houston smm food,0,172.98711694660417,167.64644198801398,1.3833513914480229,0.9301194784558408,0.6025602729242374,1.8500722186339977,0.5745715971281258,0.0,0.0,172.9871169466042 +0.0,0.788,0.867,0.0,0.0028019361009698988,0.577,0.556,80.47,2022-05-02,indianapolis smm food,0,92.82616754822597,89.02123497580452,0.0,1.2813534073832211,0.9085560984788067,0.0,0.3449429467177357,0.4741404741867184,0.795939645654979,92.82616754822598 +0.0,0.592,0.579,0.0,0.00188075098626131,0.0,0.0,98.12,2022-05-02,jacksonville smm food,0,88.10082009239802,86.29988999004563,0.0,0.9626411385417092,0.6067519965619712,0.0,0.2315369672487165,0.0,0.0,88.10082009239802 +0.784,0.0,0.0,0.775,0.001710723640383493,0.0,0.972,114.67,2022-05-02,kansas city smm food,0,85.2398245506132,80.49370051161102,1.5147311325352653,0.0,0.0,1.6293249652742594,0.2106051074217247,0.0,1.3914628337709345,85.2398245506132 +0.9199999999999999,0.0,0.0,0.0,0.0019941326149413114,0.0,0.618,74.26,2022-05-02,knoxville smm food,0,72.31069974828233,69.4030183864474,1.77749061470975,0.0,0.0,0.0,0.24549524170294038,0.0,0.8846955054222608,72.31069974828235 +0.0,0.0,0.0,0.556,0.0011612365847861624,0.8240000000000001,0.518,86.66,2022-05-02,las vegas smm food,0,75.8065018027466,73.0759844669223,0.0,0.0,0.0,1.1689092654096624,0.14295842408894455,0.677108753431293,0.7415408928943868,75.8065018027466 +0.0,0.0,0.788,0.0,0.0018313912374870664,0.0,0.0,62.739999999999995,2022-05-02,little rock/pine bluff smm food,0,58.75480106121593,57.70357115599228,0.0,0.0,0.8257695566335637,0.0,0.22546034859008932,0.0,0.0,58.75480106121593 +0.811,0.9339999999999999,0.769,0.615,0.00835289267536268,0.848,0.0,194.93,2022-05-02,los angeles smm food,0,160.88618623545608,153.9765761946837,1.5668966179669646,1.5187615260100615,0.8058588693543279,1.2929481982498963,1.028314461582201,0.6968303676089033,0.0,160.88618623545605 +0.0,0.0,0.666,0.0,0.0005761993902280979,0.9490000000000002,0.535,68.66,2022-05-02,madison wi smm food,0,54.73374514118964,52.419185278171575,0.0,0.0,0.6979219856826819,0.0,0.07093520637156664,0.7798254939396809,0.7658771770241255,54.73374514118963 +0.511,0.996,0.0,0.0,0.0022574134376272593,0.773,0.0,116.86000000000001,2022-05-02,miami/west palm beach smm food,0,187.6417808685133,184.12181433608328,0.9872801131703068,1.619578672276254,0.0,0.0,0.2779074236795829,0.6352003233038707,0.0,187.64178086851328 +0.735,0.6930000000000001,0.0,0.9129999999999999,0.0016009868492224911,0.732,0.0,65.61,2022-05-02,milwaukee smm food,0,73.41816314248568,68.15317248002567,1.4200604367518113,1.1268755219753455,0.0,1.9194499268327725,0.19709554448296895,0.6015092324171194,0.0,73.4181631424857 +0.0,0.0,0.526,0.748,0.0018375924034219329,0.0,0.0,92.55,2022-05-02,minneapolis/st. paul smm food,0,88.10071926067084,85.75072244988117,0.0,0.0,0.551211658361998,1.572561385838898,0.2262237665887789,0.0,0.0,88.10071926067084 +0.524,0.0,0.0,0.925,0.0018393357477403428,0.655,0.0,40.35,2022-05-02,mobile/pensacola smm food,0,71.18818399679442,67.46643487620449,1.0123968283781621,0.0,0.0,1.9446781843596,0.22643838758821133,0.5382357202639525,0.0,71.18818399679441 +0.0,0.0,0.0,0.722,0.003216896528124465,0.8220000000000001,0.9460000000000001,67.56,2022-05-02,nashville smm food,0,99.41580424041389,95.47216793873541,0.0,0.0,0.0,1.517900161197439,0.3960282203841832,0.6754652855831587,1.3542426345136873,99.41580424041388 +0.533,0.0,0.0,0.0,0.0017293209604973834,0.801,0.529,38.02,2022-05-02,new orleans smm food,0,62.20779401414934,59.54961731628727,1.0297853235220618,0.0,0.0,0.0,0.21289460088980122,0.6582088731777496,0.7572879002724531,62.207794014149336 +0.706,0.777,0.0,0.0,0.012166564010394528,0.871,0.0,275.02,2022-05-02,new york smm food,0,295.0028040710956,290.1617655847399,1.3640308412881341,1.2634664943359935,0.0,0.0,1.497810902869168,0.7157302478624467,0.0,295.0028040710956 +0.0,0.6890000000000001,0.8989999999999999,0.736,0.0016846760252731399,0.669,0.0,106.47,2022-05-02,norfolk/portsmouth/newport news smm food,0,106.67687186683159,102.30993924858487,0.0,1.1203711899581719,0.9420898875806771,1.5473331283120708,0.20739841719491173,0.5497399952008919,0.0,106.67687186683159 +0.0,0.0,0.5,0.0,0.002021157540722013,0.737,0.889,100.33,2022-05-02,oklahoma city smm food,0,56.26029422955668,53.609244119971564,0.0,0.0,0.5239654547167282,0.0,0.2488222474581382,0.6056179020374549,1.272644505372799,56.260294229556685 +0.794,0.0,0.0,0.0,0.0008596899103032904,0.664,0.592,61.60000000000001,2022-05-02,omaha smm food,0,63.90922354408196,60.87622985001895,1.534051682695154,0.0,0.0,0.0,0.1058353796222809,0.5456313255805564,0.8474753061650135,63.909223544081954 +0.73,0.809,0.982,0.59,0.0040743402300855375,0.0,0.739,87.67,2022-05-02,orlando/daytona beach/melborne smm food,0,139.17024061908282,132.61538216686213,1.4104001616718669,1.3155011504733831,1.029068153063654,1.2403893284023393,0.501587072028457,0.0,1.0579125865809882,139.17024061908282 +0.786,0.86,0.993,0.0,0.0014511803205771966,0.0,0.0,89.96,2022-05-02,paducah ky/cape girardeau mo smm food,0,59.695533197041804,55.55925813283435,1.518595242567243,1.3984313836923479,1.040595393067422,0.0,0.17865304488043504,0.0,0.0,59.6955331970418 +0.0,0.546,0.538,0.0,0.005815920200028179,0.534,0.6930000000000001,198.17,2022-05-02,philadelphia smm food,0,203.3362340323905,199.7377476378349,0.0,0.8878413203442116,0.5637868292751995,0.0,0.7159908646662156,0.438805915451833,0.9920614648181663,203.33623403239054 +0.0,0.892,0.978,0.0,0.003130197581159822,0.0,0.0,119.20999999999998,2022-05-02,phoenix/prescott smm food,0,119.84365840715726,116.98296111946722,0.0,1.4504660398297375,1.0248764294259203,0.0,0.3853548184343827,0.0,0.0,119.84365840715726 +0.673,0.0,0.0,0.0,0.002656447778131012,0.632,0.0,116.08000000000001,2022-05-02,pittsburgh smm food,0,106.69887327079714,104.55223234884438,1.300273025760502,0.0,0.0,0.0,0.3270320561818326,0.5193358400104091,0.0,106.69887327079712 +0.936,0.9619999999999999,0.0,0.686,0.0013497945317182001,0.686,0.0,54.31,2022-05-02,portland or smm food,0,92.44110124854072,86.8963094792362,1.8084034949655718,1.5642918501302774,0.0,1.4422153886169575,0.16617156368169583,0.5637094719100327,0.0,92.44110124854073 +0.0,0.8260000000000001,0.6950000000000001,0.0,0.0013468650707834386,0.0,0.675,91.16,2022-05-02,providence ri/new bedford ma smm food,0,86.45186745727872,83.24830635780522,0.0,1.3431445615463715,0.7283119820562522,0.0,0.16581092130773828,0.0,0.966293634563149,86.45186745727872 +0.519,0.0,0.973,0.0,0.0030217815802726544,0.0,0.0,153.4,2022-05-02,raleigh/durham/fayetteville smm food,0,127.72455396065872,125.33017277610136,1.0027365532982178,0.0,1.019636774878753,0.0,0.37200785638038475,0.0,0.0,127.72455396065872 +0.844,0.0,0.0,0.0,0.01712661705513087,0.0,0.0,256.17,2022-05-02,rem us east north central smm food,0,310.19276413825423,306.4536727021249,1.6306544334945967,0.0,0.0,0.0,2.1084370026347496,0.0,0.0,310.19276413825423 +0.8220000000000001,0.0,0.0,0.0,0.006940427942466108,0.0,0.0,129.75,2022-05-02,rem us middle atlantic smm food,0,133.24260013046975,130.80002326169728,1.588149223142842,0.0,0.0,0.0,0.854427645629628,0.0,0.0,133.24260013046975 +0.746,0.0,0.0,0.0,0.006078874840644631,0.561,0.0,187.78,2022-05-02,rem us mountain smm food,0,176.60818019515546,173.95751153106124,1.4413130419276887,0.0,0.0,0.0,0.7483628907648638,0.4609927314016448,0.0,176.60818019515543 +0.975,0.6920000000000001,0.0,0.923,0.002703788657581173,0.0,0.708,129.45,2022-05-02,rem us new england smm food,0,154.51750195837593,148.221630613054,1.8837536405891373,1.1252494389710521,0.0,1.9404734747717955,0.33286013429257005,0.0,1.0135346566973473,154.5175019583759 +0.924,0.887,0.0,0.6960000000000001,0.005790319849725243,0.856,0.0,96.56,2022-05-02,rem us pacific smm food,0,111.22068107381789,105.11364420201244,1.7852188347737057,1.4423356248082704,0.0,1.4632389365559801,0.7128392366660466,0.7034042390014401,0.0,111.22068107381789 +0.0,0.537,0.0,0.0,0.022007729096896397,0.628,0.0,248.43,2022-05-02,rem us south atlantic smm food,0,287.77883060593757,283.6802303568146,0.0,0.8732065733055707,0.0,0.0,2.7093447715032846,0.5160489043141406,0.0,287.7788306059376 +0.0,0.809,0.0,0.0,0.033195293456302156,0.516,0.0,371.15,2022-05-02,rem us south central smm food,0,405.2574774341729,399.4313293612464,0.0,1.3155011504733831,0.0,0.0,4.086632217634518,0.42401470481862513,0.0,405.2574774341729 +0.859,0.0,0.0,0.56,0.00973157655991791,0.0,0.999,124.12,2022-05-02,rem us west north central smm food,0,131.41963956336838,125.95452848252805,1.6596352587344296,0.0,0.0,1.1773186845852714,1.1980425583671763,0.0,1.4301145791534604,131.41963956336838 +0.7010000000000001,0.5720000000000001,0.0,0.971,0.0012927015497129677,0.794,0.644,72.01,2022-05-02,richmond/petersburg smm food,0,92.12748574408367,86.06809383806947,1.3543705662081902,0.9301194784558408,0.0,2.0413865048791044,0.15914291608228395,0.6524567357092798,0.921915704679508,92.12748574408369 +0.5670000000000001,0.0,0.5700000000000001,0.0,0.002125729782449314,0.841,0.9269999999999999,78.42,2022-05-02,sacramento/stockton/modesto smm food,0,75.55969495768198,71.58708164797008,1.095475194065683,0.0,0.5973206183770702,0.0,0.26169600899531537,0.6910782301404336,1.327043258133391,75.55969495768197 +0.0,0.0,0.0,0.6,0.0014838763664298327,0.6890000000000001,0.0,53.61,2022-05-02,salt lake city smm food,0,85.73507483750738,83.72480907215119,0.0,0.0,0.0,1.2614128763413621,0.1826782153325815,0.5661746736822341,0.0,85.73507483750737 +0.0,0.0,0.881,0.612,0.0009755796814116197,0.0,0.739,83.25,2022-05-02,san diego smm food,0,82.1021962308177,78.71431295071628,0.0,0.0,0.9232271312108751,1.2866411338681893,0.12010242844138617,0.0,1.0579125865809882,82.10219623081771 +0.799,0.0,0.0,0.655,0.0018013528341779446,0.537,0.0,71.55,2022-05-02,san francisco/oakland/san jose smm food,0,92.45970086970485,88.87591304741949,1.5437119577750982,0.0,0.0,1.377042390005987,0.2217623572802384,0.44127111722403434,0.0,92.45970086970485 +0.0,0.889,0.0,0.0,0.0015617782818231956,0.633,0.836,87.87,2022-05-02,seattle/tacoma smm food,0,92.09954305670942,88.74475650580376,0.0,1.4455877908168573,0.0,0.0,0.19226862542132,0.5201575739344761,1.196772560733026,92.09954305670945 +0.546,0.786,0.0,0.612,0.002471765714350534,0.0,0.682,114.63,2022-05-02,st. louis smm food,0,92.60434847362596,87.70409353036166,1.054902038729917,1.2781012413746342,0.0,1.2866411338681893,0.3042960718514621,0.0,0.9763144574401001,92.60434847362596 +0.891,0.6980000000000001,0.0,0.8270000000000001,0.004384855675941432,0.0,0.0,150.27,2022-05-02,tampa/ft. myers smm food,0,178.3901322425981,173.25520362076367,1.721461019246073,1.1350059369968126,0.0,1.7386474145571775,0.5398142510343691,0.0,0.0,178.3901322425981 +0.8130000000000001,0.0,0.0,0.0,0.0008195991686705828,0.5670000000000001,0.8250000000000001,69.52,2022-05-02,tucson/sierra vista smm food,0,66.64085591788344,63.32224664442017,1.5707607279989422,0.0,0.0,0.0,0.10089985716332882,0.4659231349460474,1.1810255533549598,66.64085591788344 +0.0,0.0,0.0,0.8250000000000001,0.0034624609693917926,0.0,0.793,207.55,2022-05-02,washington dc/hagerstown smm food,0,176.31729432615964,173.02137618365978,0.0,0.0,0.0,1.7344427049693731,0.4262593601844539,0.0,1.1352160773460402,176.31729432615964 +0.0,0.0,0.0,0.604,0.0004236709710559031,0.723,0.8240000000000001,70.38,2022-05-02,yakima/pasco/richland/kennewick smm food,0,56.612629914892125,53.51694236690935,0.0,0.0,0.0,1.2698222955169711,0.05215761813561704,0.5941136271005154,1.179594007229681,56.61262991489213 +0.0,0.0,0.0,0.0,0.0005452590440752915,0.0,0.0,73.15,2022-05-09,albany/schenectady/troy smm food,0,82.42399461880562,82.35686844083078,0.0,0.0,0.0,0.0,0.06712617797483716,0.0,0.0,82.42399461880562 +0.9339999999999999,0.9540000000000001,0.5760000000000001,0.0,0.0005235494033816185,0.647,0.0,83.62,2022-05-09,albuquerque/santa fe smm food,0,75.34767551595169,70.79212936171284,1.804539384933594,1.5512831860959302,0.603608203833671,0.0,0.06445353050423046,0.5316618488714157,0.0,75.34767551595168 +0.643,0.721,0.0,0.917,0.0016937115157058319,0.518,0.0,114.84999999999998,2022-05-09,atlanta smm food,0,170.22427634557118,165.2475308400832,1.2423113752808361,1.1724058460955613,0.0,1.927859346008382,0.2085107654364772,0.42565817266675937,0.0,170.2242763455712 +0.733,0.636,0.779,0.0,0.0008060280177184853,0.901,0.838,94.16,2022-05-09,baltimore smm food,0,110.58633153395297,105.28036119021601,1.4161963267198334,1.03418879073062,0.8163381784486625,0.0,0.09922912926980289,0.7403822655844599,1.1996356529835834,110.58633153395297 +0.8,0.704,0.738,0.5710000000000001,0.00030488139192822085,0.996,0.0,57.989999999999995,2022-05-09,baton rouge smm food,0,56.14844651558347,50.62824190344196,1.545644012791087,1.1447624350225731,0.7733730111618907,1.2004445873181964,0.03753357747691733,0.8184469883708346,0.0,56.14844651558346 +0.733,0.5640000000000001,0.0,0.0,0.0008945901562013144,0.5720000000000001,0.0,63.35000000000001,2022-05-09,birmingham/anniston/tuscaloosa smm food,0,65.18898775572475,62.27551690355495,1.4161963267198334,0.9171108144214933,0.0,0.0,0.1101319064620867,0.47003180456638294,0.0,65.18898775572475 +0.496,0.712,0.714,0.0,0.0011874621173889684,0.0,0.0,180.45,2022-05-09,boston/manchester smm food,0,186.35477144000123,183.34429136615643,0.9582992879304739,1.1577710990569205,0.7482226693354878,0.0,0.1461870175219363,0.0,0.0,186.35477144000126 +0.0,0.9540000000000001,0.614,0.849,0.0005864630055739714,0.868,0.0,33.91,2022-05-09,buffalo smm food,0,68.72826908596275,63.96319330778341,0.0,1.5512831860959302,0.6434295783921422,1.7848992200230274,0.0721987475780051,0.7132650460902454,0.0,68.72826908596276 +0.0,0.0,0.5720000000000001,0.505,0.0013090786077856235,0.0,0.0,127.30000000000001,2022-05-09,charlotte smm food,0,128.9231499930113,127.1008852661048,0.0,0.0,0.5994164801959371,1.0616891709206464,0.16115907578992109,0.0,0.0,128.9231499930113 +0.0,0.505,0.0,0.0,0.0016364690335854133,0.0,0.0,147.72,2022-05-09,chicago smm food,0,178.14549132807886,177.12285569785104,0.0,0.821171917168181,0.0,0.0,0.20146371305965122,0.0,0.0,178.14549132807886 +0.775,0.0,0.7010000000000001,0.0,0.0013299344916231515,0.684,0.613,139.89,2022-05-09,cleveland/akron/canton smm food,0,134.9263472522929,131.09107465023894,1.4973426373913656,0.0,0.7345995675128529,0.0,0.16372661829198937,0.5620660040618984,0.877537774795867,134.9263472522929 +0.557,0.0,0.674,0.0,0.0009389608019580265,0.0,0.776,110.69,2022-05-09,columbus oh smm food,0,106.92966888243923,103.92073468964487,1.0761546439057945,0.0,0.7063054329581496,0.0,0.11559432271411725,0.0,1.1108797932163017,106.92966888243923 +0.0,0.549,0.0,0.0,0.0017052081981174549,0.0,0.0,99.14,2022-05-09,dallas/ft. worth smm food,0,106.3798028587058,105.27715718131851,0.0,0.892719569357092,0.0,0.0,0.2099261080301825,0.0,0.0,106.37980285870579 +0.0,0.0,0.644,0.0,0.00025738730574844775,0.562,0.885,52.68,2022-05-09,des moines/ames smm food,0,64.84358429393032,62.408297363785806,0.0,0.0,0.6748675056751459,0.0,0.031686638271970415,0.4618144653257119,1.266918320871684,64.84358429393032 +0.926,0.93,0.0,0.0,0.0010917042047669354,0.765,0.904,107.05,2022-05-09,detroit smm food,0,165.68140571822653,160.32292305294044,1.7890829448056833,1.512257193992888,0.0,0.0,0.13439837732419957,0.6286264519113338,1.2941176972519801,165.68140571822653 +0.0,0.529,0.0,0.932,0.0005867582991899174,0.0,0.978,116.99,2022-05-09,grand rapids smm food,0,114.30744609712934,110.01556630860257,0.0,0.8601979092712233,0.0,1.9593946679169159,0.07223510081603793,0.0,1.400052110522607,114.30744609712936 +0.675,0.625,0.784,0.793,0.0009216138464438745,0.9440000000000001,0.552,75.91,2022-05-09,greensboro smm food,0,90.0578164994929,83.56924325587181,1.3041371357924798,1.0163018776833923,0.8215778329958298,1.6671673515645002,0.11345876011168608,0.7757168243193453,0.790213461153864,90.05781649949292 +0.981,0.0,0.0,0.0,0.0008285185185179236,0.676,0.0,114.52,2022-05-09,harrisburg/lancaster smm food,0,87.57794370544293,85.02510769460987,1.8953459706850704,0.0,0.0,0.0,0.1019979074786387,0.5554921326693617,0.0,87.57794370544295 +0.0,0.0,0.0,0.84,0.0008554334814039844,0.0,0.722,112.19,2022-05-09,hartford/new haven smm food,0,115.51559594622508,112.61073024106035,0.0,0.0,0.0,1.7659780268779068,0.10531137583557325,0.0,1.0335763024512497,115.51559594622508 +0.0,0.0,0.869,0.5640000000000001,0.0015139530714213575,0.0,0.636,210.87,2022-05-09,houston smm food,0,170.83966630966577,167.64644198801398,0.0,0.0,0.9106519602976736,1.1857281037608804,0.1863809219159848,0.0,0.9104633356772781,170.8396663096658 +0.0,0.8180000000000001,0.0,0.588,0.0011007495795047634,0.5680000000000001,0.718,111.54,2022-05-09,indianapolis smm food,0,93.21766242136188,89.02123497580452,0.0,1.330135897512024,0.0,1.236184618814535,0.13551194241055273,0.46674486887011457,1.0278501179501347,93.21766242136188 +0.0,0.0,0.0,0.848,0.000661489823710822,0.766,0.0,79.42,2022-05-09,jacksonville smm food,0,88.79357024904928,86.29988999004563,0.0,0.0,0.0,1.782796865229125,0.08143520793911843,0.6294481858354009,0.0,88.79357024904927 +0.886,0.0,0.948,0.855,0.0006156810115567829,0.579,0.0,98.82,2022-05-09,kansas city smm food,0,85.54803278951184,80.49370051161102,1.711800744166129,0.0,0.9934385021429166,1.797513348786441,0.07579574077047607,0.4757839420348526,0.0,85.54803278951184 +1.0,0.0,0.9770000000000001,0.0,0.0008166610589688269,0.0,0.647,118.64999999999999,2022-05-09,knoxville smm food,0,73.38565039405827,69.4030183864474,1.9320550159888588,0.0,1.023828498516487,0.0,0.10053815005018202,0.0,0.9262103430553442,73.38565039405827 +0.0,0.0,0.797,0.0,0.00034473120362323186,0.558,0.0,73.12,2022-05-09,las vegas smm food,0,74.41215237071438,73.0759844669223,0.0,0.0,0.8352009348184648,0.0,0.04243943934416898,0.4585275296294435,0.0,74.41215237071438 +0.9129999999999999,0.8230000000000001,0.0,0.767,0.0006927526453186992,0.911,0.0,61.26,2022-05-09,little rock/pine bluff smm food,0,63.25219336576882,57.70357115599228,1.763966229597828,1.3382663125334913,0.0,1.6125061269230412,0.08528393589704694,0.7485996048251309,0.0,63.25219336576882 +0.707,0.683,0.523,0.5680000000000001,0.002081385082993585,0.583,0.578,148.18,2022-05-09,los angeles smm food,0,159.7581004965935,153.9765761946837,1.365962896304123,1.1106146919324114,0.5480678656336977,1.1941375229364897,0.2562367869608526,0.479070877731121,0.8274336604111112,159.7581004965935 +0.738,0.915,0.973,0.73,0.00020734801099608536,0.0,0.0,72.6,2022-05-09,madison wi smm food,0,57.91278996486144,52.419185278171575,1.4258566017997778,1.4878659489284864,1.019636774878753,1.5347189995486572,0.025526361534188146,0.0,0.0,57.91278996486144 +0.6910000000000001,0.0,0.857,0.553,0.0005594640260942523,0.0,0.0,180.91,2022-05-09,miami/west palm beach smm food,0,187.5864182785844,184.12181433608328,1.3350500160483014,0.0,0.8980767893844721,1.1626022010279555,0.06887493604037502,0.0,0.0,187.58641827858438 +0.681,0.0,0.0,0.0,0.0005352363586671146,0.612,0.0,91.8,2022-05-09,milwaukee smm food,0,70.03769540480326,68.15317248002567,1.3157294658884129,0.0,0.0,0.0,0.06589229736009915,0.502901161529067,0.0,70.03769540480326 +0.0,0.49499999999999994,0.0,0.0,0.000641430861974906,0.5760000000000001,0.626,113.7,2022-05-09,minneapolis/st. paul smm food,0,88.00406592524162,85.75072244988117,0.0,0.8049110871252466,0.0,0.0,0.0789657735480593,0.47331874026265136,0.8961478744244907,88.00406592524162 +0.766,0.0,0.875,0.0,0.0006245435266495901,0.557,0.0,92.38,2022-05-09,mobile/pensacola smm food,0,70.39792115413987,67.46643487620449,1.4799541422474658,0.0,0.9169395457542743,0.0,0.07688679422825663,0.4577057957053764,0.0,70.39792115413987 +0.0,0.0,0.0,0.0,0.0011802317481817877,0.926,0.0,59.46,2022-05-09,nashville smm food,0,96.37839044798127,95.47216793873541,0.0,0.0,0.0,0.0,0.1452968955597264,0.7609256136861374,0.0,96.37839044798127 +0.0,0.768,0.0,0.0,0.0006251242295763459,0.9390000000000001,0.763,50.68,2022-05-09,new orleans smm food,0,62.739285195730844,59.54961731628727,0.0,1.2488317472973525,0.0,0.0,0.07695828385953458,0.7716081546990098,1.092269693587678,62.739285195730844 +0.0,0.634,0.0,0.93,0.0038315063281121053,0.532,0.0,265.56,2022-05-09,new york smm food,0,294.0567467009955,290.1617655847399,0.0,1.0309366247220333,0.0,1.9551899583291115,0.4716920856007913,0.4371624476036988,0.0,294.0567467009955 +0.0,0.0,0.9280000000000002,0.719,0.000609368647189133,0.855,0.603,137.52,2022-05-09,norfolk/portsmouth/newport news smm food,0,106.43483568124323,102.30993924858487,0.0,0.0,0.9724798839542477,1.5115930968157323,0.07501863326792474,0.7025825050773731,0.8632223135430797,106.43483568124323 +0.0,0.726,0.752,0.682,0.0007302870585355392,0.9420000000000002,0.9500000000000001,73.7,2022-05-09,oklahoma city smm food,0,59.235577321782685,53.609244119971564,0.0,1.1805362611170285,0.7880440438939592,1.4338059694413483,0.0899047518727775,0.7740733564712111,1.3599688190148023,59.23557732178269 +0.0,0.5750000000000001,0.751,0.0,0.0002793860623673567,0.0,0.8989999999999999,53.75,2022-05-09,omaha smm food,0,63.91957853555041,60.87622985001895,0.0,0.9349977274687211,0.7869961129845258,0.0,0.03439487845261765,0.0,1.2869599666255864,63.9195785355504 +0.0,0.0,0.0,0.8250000000000001,0.0013003544729647241,0.0,0.549,153.67,2022-05-09,orlando/daytona beach/melborne smm food,0,135.2958287527687,132.61538216686213,0.0,0.0,0.0,1.7344427049693731,0.1600850581591685,0.0,0.7859188227780278,135.2958287527687 +0.989,0.618,0.511,0.0,0.0005626430657337048,0.0,0.504,86.58,2022-05-09,paducah ky/cape girardeau mo smm food,0,59.80123808590688,55.55925813283435,1.9108024108129813,1.0049192966533385,0.5354926947204962,0.0,0.06926630374522226,0.0,0.7214992471404845,59.801238085906874 +0.0,0.0,0.993,0.0,0.0021935311735315523,0.0,0.0,156.35,2022-05-09,philadelphia smm food,0,201.04838598671893,199.7377476378349,0.0,0.0,1.040595393067422,0.0,0.2700429558166127,0.0,0.0,201.04838598671893 +0.0,0.0,0.0,0.755,0.000997180594748794,0.0,0.0,90.26,2022-05-09,phoenix/prescott smm food,0,118.69300067948276,116.98296111946722,0.0,0.0,0.0,1.587277869396214,0.1227616906193281,0.0,0.0,118.69300067948276 +0.775,0.509,0.734,0.74,0.0010359863767137863,0.8150000000000001,0.677,92.62,2022-05-09,pittsburgh smm food,0,110.96858396861721,104.55223234884438,1.4973426373913656,0.8276762491853548,0.7691812875241569,1.55574254748768,0.12753902325587785,0.669713148114689,0.9691567268137065,110.96858396861721 +0.0,0.0,0.0,0.0,0.00043584472836936055,0.808,0.0,77.22,2022-05-09,portland or smm food,0,87.61392680447969,86.8963094792362,0.0,0.0,0.0,0.0,0.05365631459728047,0.6639610106462193,0.0,87.61392680447969 +0.6990000000000001,0.687,0.0,0.0,0.0005006622948385873,0.0,0.0,70.12,2022-05-09,providence ri/new bedford ma smm food,0,85.7775677643293,83.24830635780522,1.3505064561762123,1.117119023949585,0.0,0.0,0.061635926398287764,0.0,0.0,85.7775677643293 +0.722,0.0,0.0,0.0,0.0010886165949499933,0.636,0.0,115.05000000000001,2022-05-09,raleigh/durham/fayetteville smm food,0,127.38175753878564,125.33017277610136,1.394943721543956,0.0,0.0,0.0,0.13401826543363862,0.5226227757066775,0.0,127.38175753878564 +0.0,0.677,0.743,0.0,0.006426832034356712,0.0,0.0,297.84,2022-05-09,rem us east north central smm food,0,309.1243430395672,306.4536727021249,0.0,1.1008581939066506,0.7786126657090581,0.0,0.7911994778266216,0.0,0.0,309.12434303956724 +0.933,0.0,0.0,0.0,0.0026929764633002364,0.853,0.0,130.86,2022-05-09,rem us middle atlantic smm food,0,133.63509868704455,130.80002326169728,1.8026073299176053,0.0,0.0,0.0,0.3315290582004136,0.7009390372292389,0.0,133.63509868704455 +0.987,0.0,0.9070000000000001,0.0,0.0020194549691622907,0.0,0.8260000000000001,147.13,2022-05-09,rem us mountain smm food,0,178.2459929121221,173.95751153106124,1.9069383007810037,0.0,0.950473334856145,0.0,0.2486126459434551,0.0,1.1824570994802386,178.2459929121221 +0.0,0.853,0.0,0.709,0.0010185035120040102,0.8,0.0,154.72,2022-05-09,rem us new england smm food,0,151.88202283288433,148.221630613054,0.0,1.3870488026622938,0.0,1.4905695488767094,0.12538672903761564,0.6573871392536824,0.0,151.8820228328843 +0.5700000000000001,0.9400000000000001,0.834,0.714,0.0017777713531990905,0.8270000000000001,0.98,117.47,2022-05-09,rem us pacific smm food,0,112.41983771428025,105.11364420201244,1.1012713591136496,1.5285180240358223,0.8739743784675026,1.5010813228462208,0.21885926982795909,0.6795739552034943,1.4029152027731644,112.41983771428025 +0.684,0.5640000000000001,0.507,0.0,0.008120432351629762,0.905,0.897,249.90000000000003,2022-05-09,rem us south atlantic smm food,0,289.47763040267023,283.6802303568146,1.3215256309363794,0.9171108144214933,0.5313009710827624,0.0,0.9996965537592372,0.7436692012807282,1.284096874375029,289.47763040267023 +0.605,0.595,0.515,0.0,0.012400336475634289,0.0,0.604,430.22,2022-05-09,rem us south central smm food,0,404.49867065833854,399.4313293612464,1.1688932846732596,0.9675193875545894,0.53968441835823,0.0,1.5265903468377007,0.0,0.8646538596683584,404.49867065833854 +0.53,0.676,0.0,0.0,0.0034297661590772985,0.0,0.0,142.02,2022-05-09,rem us west north central smm food,0,128.4999840937424,125.95452848252805,1.0239891584740952,1.0992321109023573,0.0,0.0,0.4222343418379059,0.0,0.0,128.4999840937424 +0.0,0.782,0.0,0.0,0.00047703015679590984,0.0,0.847,116.02000000000001,2022-05-09,richmond/petersburg smm food,0,88.6109369181545,86.06809383806947,0.0,1.2715969093574606,0.0,0.0,0.05872660261647143,0.0,1.212519568111092,88.6109369181545 +0.0,0.9210000000000002,0.0,0.0,0.0005933597794828031,0.779,0.0,63.13,2022-05-09,sacramento/stockton/modesto smm food,0,73.79788262280124,71.58708164797008,0.0,1.4976224469542472,0.0,0.0,0.07304780102862979,0.6401307268482732,0.0,73.79788262280123 +0.81,0.9420000000000002,0.0,0.0,0.00047373744764739025,0.0,0.53,81.83,2022-05-09,salt lake city smm food,0,87.63858451274088,83.72480907215119,1.5649645629509756,1.5317701900444092,0.0,0.0,0.05832124119656552,0.0,0.7587194463977318,87.63858451274088 +0.0,0.758,0.0,0.669,0.0002661102050312053,0.784,0.507,116.89999999999999,2022-05-09,san diego smm food,0,82.75615301087336,78.71431295071628,0.0,1.2325709172544184,0.0,1.4064753571206188,0.032760503797124564,0.6442393964686087,0.7257938855163207,82.75615301087336 +0.67,0.0,0.0,0.0,0.0004754585522792431,0.61,0.0,86.2,2022-05-09,san francisco/oakland/san jose smm food,0,90.73018072610819,88.87591304741949,1.2944768607125354,0.0,0.0,0.0,0.05853312429522554,0.5012576936809329,0.0,90.73018072610819 +0.634,0.885,0.0,0.644,0.0005187913459966468,0.0,0.0,112.1,2022-05-09,seattle/tacoma smm food,0,92.82654710385799,88.74475650580376,1.2249228801369365,1.4390834587996837,0.0,1.353916487273062,0.0638677718445465,0.0,0.0,92.82654710385799 +0.0,0.0,0.633,0.0,0.0009004095408502931,0.0,0.0,111.17,2022-05-09,st. louis smm food,0,88.47828211986389,87.70409353036166,0.0,0.0,0.6633402656713778,0.0,0.11084832383085104,0.0,0.0,88.47828211986389 +0.0,0.878,0.967,0.0,0.0014385420009223346,0.9540000000000001,0.868,117.11,2022-05-09,tampa/ft. myers smm food,0,177.89986704497113,173.25520362076367,0.0,1.4277008777696296,1.0133491894221522,0.0,0.17709715671374926,0.7839341635600163,1.2425820367419456,177.89986704497116 +0.518,0.0,0.557,0.982,0.00026003753506310994,0.544,0.0,57.24000000000001,2022-05-09,tucson/sierra vista smm food,0,67.45029722634206,63.32224664442017,1.0008044982822288,0.0,0.5836975165544352,2.064512407612029,0.03201290478067518,0.44702325469250404,0.0,67.45029722634204 +0.634,0.0,0.884,0.979,0.0012760094294140933,0.0,0.933,140.04,2022-05-09,washington dc/hagerstown smm food,0,178.7235958352983,173.02137618365978,1.2249228801369365,0.0,0.9263709239391754,2.0582053432303224,0.15708796944703857,0.0,1.3356325348850637,178.7235958352983 +0.8270000000000001,0.873,0.0,0.0,0.00014277631661712328,0.0,0.7030000000000001,59.82000000000001,2022-05-09,yakima/pasco/richland/kennewick smm food,0,57.558276272698535,53.51694236690935,1.5978094982227864,1.4195704627481625,0.0,0.0,0.017577018747275137,0.0,1.0063769260709536,57.55827627269853 +0.0,0.628,0.0,0.597,2.471076284067279e-07,0.0,0.0,52.34,2022-05-16,albany/schenectady/troy smm food,0,84.6331848006064,82.35686844083078,0.0,1.0211801266962726,0.0,1.2551058119596552,3.042111969275193e-05,0.0,0.0,84.6331848006064 +0.0,0.0,0.9969999999999999,0.9470000000000001,6.177690710168197e-07,0.0,0.528,54.0,2022-05-16,albuquerque/santa fe smm food,0,74.58377887518985,70.79212936171284,0.0,0.0,1.044787116705156,1.99092998982545,7.605279923187984e-05,0.0,0.7558563541471743,74.58377887518985 +0.0,0.657,0.888,0.9430000000000001,5.3128140107446495e-06,0.555,0.0,133.88,2022-05-16,atlanta smm food,0,169.68566697406135,165.2475308400832,0.0,1.0683365338207822,0.9305626475769092,1.982520570649841,0.0006540540733941666,0.4560623278572422,0.0,169.68566697406135 +0.761,0.707,0.9440000000000001,0.53,1.4826457704403671e-06,0.87,0.759,121.13000000000001,2022-05-16,baltimore smm food,0,111.80542511043546,105.28036119021601,1.4702938671675216,1.1496406840354534,0.9892467785051828,1.1142480407682032,0.00018252671815651157,0.7149085139383796,1.086543509086563,111.80542511043548 +0.0,0.0,0.65,0.757,4.942152568134558e-07,0.0,0.89,93.77,2022-05-16,baton rouge smm food,0,54.17501646729518,50.62824190344196,0.0,0.0,0.6811550911317467,1.5914825789840186,6.084223938550386e-05,0.0,1.2740760514980778,54.17501646729519 +0.635,0.788,0.596,0.64,4.942152568134558e-07,0.91,0.7030000000000001,40.31,2022-05-16,birmingham/anniston/tuscaloosa smm food,0,68.50801477542228,62.27551690355495,1.2268549351529254,1.2813534073832211,0.6245668220223399,1.345507068097453,6.084223938550386e-05,0.7477778709010637,1.0063769260709536,68.5080147754223 +0.0,0.663,0.0,0.0,3.0888453550840984e-06,0.0,0.6,181.05,2022-05-16,boston/manchester smm food,0,185.28169233716636,183.34429136615643,0.0,1.0780930318465427,0.0,0.0,0.00038026399615939915,0.0,0.8589276751672434,185.28169233716636 +0.0,0.731,0.0,0.0,2.471076284067279e-07,0.674,0.589,84.14,2022-05-16,buffalo smm food,0,66.54891973765201,63.96319330778341,0.0,1.1886666761384956,0.0,0.0,3.042111969275193e-05,0.5538486648212274,0.8431806677891773,66.548919737652 +0.524,0.0,0.0,0.0,1.729753398847095e-06,0.0,0.888,127.66,2022-05-16,charlotte smm food,0,129.38470800156833,127.1008852661048,1.0123968283781621,0.0,0.0,0.0,0.00021294783784926353,0.0,1.2712129592475203,129.38470800156833 +0.8190000000000001,0.0,0.0,0.9490000000000002,3.5830606118975546e-06,0.0,0.0,165.06,2022-05-16,chicago smm food,0,180.7007845615947,177.12285569785104,1.5823530580948755,0.0,0.0,1.9951346994132548,0.00044110623554490306,0.0,0.0,180.7007845615947 +0.726,0.0,0.802,0.0,1.8533072130504591e-06,0.843,0.616,116.5,2022-05-16,cleveland/akron/canton smm food,0,134.90896945077046,131.09107465023894,1.4026719416079114,0.0,0.840440589365632,0.0,0.0002281583976956395,0.6927216979885678,0.8818324131717034,134.90896945077046 +0.0,0.0,0.0,0.758,1.6061995846437312e-06,0.662,0.0,95.34,2022-05-16,columbus oh smm food,0,106.05850521843321,103.92073468964487,0.0,0.0,0.0,1.5935849337779209,0.00019773727800288758,0.5439878577324222,0.0,106.05850521843323 +0.967,0.56,0.8150000000000001,0.577,3.0888453550840984e-06,0.0,0.0,126.93,2022-05-16,dallas/ft. worth smm food,0,110.12356353545009,105.27715718131851,1.8682972004612264,0.9106064824043196,0.854063691188267,1.2130587160816098,0.00038026399615939915,0.0,0.0,110.1235635354501 +0.739,0.0,0.0,0.989,8.648766994235475e-07,0.886,0.0,74.1,2022-05-16,des moines/ames smm food,0,66.6434776424133,62.408297363785806,1.4277886568157665,0.0,0.0,2.079228891169345,0.00010647391892463176,0.7280562567234533,0.0,66.6434776424133 +0.684,0.507,0.542,0.501,1.2355381420336394e-06,0.665,0.0,147.89,2022-05-16,detroit smm food,0,164.6367362368146,160.32292305294044,1.3215256309363794,0.8244240831767679,0.5679785529129334,1.0532797517450374,0.00015210559846375968,0.5464530595046235,0.0,164.63673623681464 +0.0,0.888,0.0,0.0,9.884305136269115e-07,0.0,0.955,99.57,2022-05-16,grand rapids smm food,0,112.8267762505351,110.01556630860257,0.0,1.443961707812564,0.0,0.0,0.00012168447877100773,0.0,1.3671265496411957,112.8267762505351 +0.0,0.0,0.0,0.0,3.706614426100918e-07,0.0,0.0,117.21,2022-05-16,greensboro smm food,0,83.56928888755135,83.56924325587181,0.0,0.0,0.0,0.0,4.5631679539127894e-05,0.0,0.0,83.56928888755135 +0.0,0.0,0.9199999999999999,0.7020000000000001,3.706614426100918e-07,0.0,0.0,85.19,2022-05-16,harrisburg/lancaster smm food,0,87.46510282828758,85.02510769460987,0.0,0.0,0.9640964366787798,1.4758530653193938,4.5631679539127894e-05,0.0,0.0,87.46510282828758 +0.6940000000000001,0.7000000000000001,0.0,0.9059999999999999,1.6061995846437312e-06,0.578,0.0,60.099999999999994,2022-05-16,hartford/new haven smm food,0,117.46972791382626,112.61073024106035,1.3408461810962682,1.1382581030053995,0.0,1.9047334432754566,0.00019773727800288758,0.4749622081107855,0.0,117.46972791382626 +0.733,0.682,0.713,0.0,2.9652915408807343e-06,0.0,0.933,155.04,2022-05-16,houston smm food,0,172.25479925040935,167.64644198801398,1.4161963267198334,1.1089886089281178,0.7471747384260543,0.0,0.00036505343631302315,0.0,1.3356325348850637,172.25479925040935 +0.531,0.0,0.0,0.59,6.177690710168197e-07,0.0,0.98,117.75999999999999,2022-05-16,indianapolis smm food,0,92.69053677326934,89.02123497580452,1.0259212134900841,0.0,0.0,1.2403893284023393,7.605279923187984e-05,0.0,1.4029152027731644,92.69053677326934 +0.0,0.0,0.0,0.5640000000000001,0.0,0.9759999999999999,0.0,101.59,2022-05-16,jacksonville smm food,0,88.287630403696,86.29988999004563,0.0,0.0,0.0,1.1857281037608804,0.0,0.8020123098894925,0.0,88.287630403696 +0.524,0.859,0.614,0.0,7.413228852201836e-07,0.0,0.489,94.37,2022-05-16,kansas city smm food,0,84.24644953768977,80.49370051161102,1.0123968283781621,1.3968053006880545,0.6434295783921422,0.0,9.126335907825579e-05,0.0,0.7000260552613035,84.24644953768977 +0.9390000000000001,0.0,0.0,0.632,7.413228852201836e-07,0.981,0.0,90.31,2022-05-16,knoxville smm food,0,73.35211851907607,69.4030183864474,1.8141996600135384,0.0,0.0,1.3286882297462348,9.126335907825579e-05,0.806120979509828,0.0,73.35211851907609 +0.0,0.0,0.608,0.0,0.0,0.507,0.668,45.8,2022-05-16,las vegas smm food,0,75.08601837104607,73.0759844669223,0.0,0.0,0.6371419929355414,0.0,0.0,0.41661909950202125,0.9562728116861978,75.08601837104607 +0.0,0.81,0.539,0.0,6.054136895964833e-06,0.0,0.0,38.38,2022-05-16,little rock/pine bluff smm food,0,59.586278467087055,57.70357115599228,0.0,1.3171272334776767,0.564834760184633,0.0,0.0007453174324724224,0.0,0.0,59.58627846708706 +0.743,0.0,0.5700000000000001,0.0,2.7428946753146796e-05,0.0,0.6930000000000001,150.76,2022-05-16,los angeles smm food,0,157.00485189904455,153.9765761946837,1.435516876879722,0.0,0.5973206183770702,0.0,0.0033767442858954645,0.0,0.9920614648181663,157.00485189904455 +0.74,0.0,0.521,0.675,1.3590919562370033e-06,0.0,0.0,60.89,2022-05-16,madison wi smm food,0,55.814134795860504,52.419185278171575,1.4297207118317554,0.0,0.5459720038148308,1.4190894858840324,0.00016731615831013563,0.0,0.0,55.814134795860504 +0.0,0.0,0.87,0.93,1.3590919562370033e-06,0.0,0.0,126.8,2022-05-16,miami/west palm beach smm food,0,186.98887150177782,184.12181433608328,0.0,0.0,0.911699891207107,1.9551899583291115,0.00016731615831013563,0.0,0.0,186.9888715017778 +0.0,0.979,0.0,0.0,6.177690710168197e-07,0.999,0.0,64.59,2022-05-16,milwaukee smm food,0,70.5660959841712,68.15317248002567,0.0,1.5919352612032658,0.0,0.0,7.605279923187984e-05,0.8209121901430358,0.0,70.56609598417121 +0.0,0.547,0.757,1.0,2.347522469863915e-06,0.842,0.0,101.08,2022-05-16,minneapolis/st. paul smm food,0,90.22801731027465,85.75072244988117,0.0,0.889467403348505,0.7932836984411265,2.10235479390227,0.00028900063708114335,0.6918999640645007,0.0,90.22801731027465 +0.0,0.5660000000000001,0.0,0.751,2.471076284067279e-07,0.641,0.0,62.330000000000005,2022-05-16,mobile/pensacola smm food,0,70.49242817330187,67.46643487620449,0.0,0.9203629804300802,0.0,1.578868450220605,3.042111969275193e-05,0.526731445327013,0.0,70.49242817330187 +0.0,0.523,0.752,0.0,3.2123991692874624e-06,0.0,0.0,77.96,2022-05-16,nashville smm food,0,97.11104886843084,95.47216793873541,0.0,0.8504414112454628,0.7880440438939592,0.0,0.00039547455600577515,0.0,0.0,97.11104886843084 +0.744,0.0,0.0,0.0,8.648766994235475e-07,0.6940000000000001,0.0,27.82,2022-05-16,new orleans smm food,0,61.557456065404466,59.54961731628727,1.4374489318957109,0.0,0.0,0.0,0.00010647391892463176,0.5702833433025696,0.0,61.55745606540447 +0.0,0.0,0.0,0.774,3.953722054507646e-06,0.761,0.532,247.40999999999997,2022-05-16,new york smm food,0,293.17639698799866,290.1617655847399,0.0,0.0,0.0,1.627222610480357,0.0004867379150840309,0.6253395162150653,0.7615825386482893,293.1763969879987 +0.856,0.525,0.0,0.0,7.413228852201836e-07,0.652,0.553,136.34,2022-05-16,norfolk/portsmouth/newport news smm food,0,106.14497870865536,102.30993924858487,1.653839093686463,0.8536935772540496,0.0,0.0,9.126335907825579e-05,0.5357705184917512,0.7916450072791428,106.14497870865536 +0.559,0.0,0.677,0.6950000000000001,1.6061995846437312e-06,0.5700000000000001,0.9129999999999999,45.08,2022-05-16,oklahoma city smm food,0,58.635436367733604,53.609244119971564,1.0800187539377721,0.0,0.70944922568645,1.4611365817620778,0.00019773727800288758,0.46838833671824875,1.3070016123794888,58.635436367733604 +0.681,0.0,0.0,0.0,7.413228852201836e-07,0.642,0.0,55.29,2022-05-16,omaha smm food,0,62.71960375851753,60.87622985001895,1.3157294658884129,0.0,0.0,0.0,9.126335907825579e-05,0.5275531792510801,0.0,62.71960375851752 +0.0,0.838,0.988,0.628,2.347522469863915e-06,0.0,0.732,110.99,2022-05-16,orlando/daytona beach/melborne smm food,0,137.38185503789202,132.61538216686213,0.0,1.3626575575978925,1.0353557385202548,1.3202788105706258,0.00028900063708114335,0.0,1.047891763704037,137.38185503789202 +0.0,0.498,0.0,0.0,1.2355381420336394e-07,0.731,0.0,46.24,2022-05-16,paducah ky/cape girardeau mo smm food,0,56.969750178025386,55.55925813283435,0.0,0.809789336138127,0.0,0.0,1.5210559846375966e-05,0.6006874984930523,0.0,56.96975017802538 +0.9520000000000001,0.0,0.0,0.0,4.69504493972783e-06,0.0,0.0,153.02,2022-05-16,philadelphia smm food,0,201.57764201433045,199.7377476378349,1.8393163752213937,0.0,0.0,0.0,0.0005780012741622867,0.0,0.0,201.57764201433045 +0.527,0.857,0.0,0.885,5.189260196541285e-06,0.0,0.736,154.35,2022-05-16,phoenix/prescott smm food,0,122.30954803189502,116.98296111946722,1.0181929934261287,1.3935531346794676,0.0,1.860583992603509,0.0006388435135477905,0.0,1.053617948205152,122.30954803189502 +0.727,0.0,0.0,0.728,1.8533072130504591e-06,0.0,0.715,87.56,2022-05-16,pittsburgh smm food,0,108.51113427340113,104.55223234884438,1.4046039966239003,0.0,0.0,1.5305142899608526,0.0002281583976956395,0.0,1.0235554795742985,108.51113427340113 +0.973,0.9440000000000001,0.0,0.5700000000000001,1.4950011518607036e-05,0.937,0.0,78.34,2022-05-16,portland or smm food,0,92.28136876296294,86.8963094792362,1.8798895305571595,1.5350223560529959,0.0,1.198342232524294,0.0018404777414114917,0.7699646868508756,0.0,92.28136876296293 +0.9350000000000002,0.6890000000000001,0.0,0.0,2.471076284067279e-07,0.0,0.869,83.03,2022-05-16,providence ri/new bedford ma smm food,0,87.4191929916999,83.24830635780522,1.8064714399495831,1.1203711899581719,0.0,0.0,3.042111969275193e-05,0.0,1.2440135828672243,87.41919299169989 +0.812,0.0,0.0,0.0,1.1119843278302754e-06,0.0,0.0,107.07,2022-05-16,raleigh/durham/fayetteville smm food,0,126.89913834412293,125.33017277610136,1.5688286729829535,0.0,0.0,0.0,0.00013689503861738367,0.0,0.0,126.89913834412293 +0.8170000000000001,0.0,0.755,0.504,7.289675037998472e-06,0.911,0.0,315.23,2022-05-16,rem us east north central smm food,0,310.6324333307928,306.4536727021249,1.5784889480628976,0.0,0.7911878366222596,1.059586816126744,0.000897423030936182,0.7485996048251309,0.0,310.6324333307929 +0.0,0.0,0.0,0.0,1.4826457704403671e-06,0.0,0.788,120.35,2022-05-16,rem us middle atlantic smm food,0,131.9282641351351,130.80002326169728,0.0,0.0,0.0,0.0,0.00018252671815651157,0.0,1.1280583467196466,131.92826413513507 +0.985,0.0,0.769,0.0,1.4455796261793581e-05,0.0,0.804,169.49,2022-05-16,rem us mountain smm food,0,177.81918731139075,173.95751153106124,1.9030741907490258,0.0,0.8058588693543279,0.0,0.0017796355020259882,0.0,1.1509630847241064,177.81918731139072 +0.0,0.0,0.0,0.971,1.6061995846437312e-06,0.0,0.712,155.69,2022-05-16,rem us new england smm food,0,151.28247569640956,148.221630613054,0.0,0.0,0.0,2.0413865048791044,0.00019773727800288758,0.0,1.0192608411984623,151.28247569640956 +0.559,0.0,0.789,0.0,3.2123991692874624e-06,0.543,0.561,98.34,2022-05-16,rem us pacific smm food,0,108.27017481509903,105.11364420201244,1.0800187539377721,0.0,0.8268174875429971,0.0,0.00039547455600577515,0.44620152076843694,0.8030973762813728,108.27017481509903 +0.747,0.0,0.923,0.0,6.91901359538838e-06,0.746,0.0,269.44,2022-05-16,rem us south atlantic smm food,0,286.7045809818708,283.6802303568146,1.4432450969436774,0.0,0.9672402294070802,0.0,0.0008517913513970541,0.6130135073540588,0.0,286.70458098187083 +0.971,0.749,0.849,0.532,9.760751322065751e-06,0.0,0.561,368.15,2022-05-16,rem us south central smm food,0,405.3377360549616,399.4313293612464,1.8760254205251818,1.2179361702157774,0.8896933421090044,1.1184527503560078,0.0012016342278637013,0.0,0.8030973762813728,405.3377360549616 +0.0,0.0,0.0,0.739,2.471076284067279e-06,0.6990000000000001,0.0,139.46,2022-05-16,rem us west north central smm food,0,128.08286489934164,125.95452848252805,0.0,0.0,0.0,1.5536401926937777,0.00030421119692751935,0.5743920129229051,0.0,128.08286489934164 +0.0,0.0,0.614,0.7000000000000001,1.2355381420336394e-07,0.0,0.685,104.82,2022-05-16,richmond/petersburg smm food,0,89.16379607856899,86.06809383806947,0.0,0.0,0.6434295783921422,1.4716483557315894,1.5210559846375966e-05,0.0,0.9806090958159364,89.16379607856899 +0.0,0.6880000000000001,0.0,0.782,6.177690710168197e-07,0.0,0.0,76.86,2022-05-16,sacramento/stockton/modesto smm food,0,74.34994425655478,71.58708164797008,0.0,1.1187451069538783,0.0,1.6440414488315753,7.605279923187984e-05,0.0,0.0,74.34994425655476 +0.766,0.708,0.744,0.0,1.4826457704403671e-06,0.0,0.79,114.66,2022-05-16,salt lake city smm food,0,88.26679454374525,83.72480907215119,1.4799541422474658,1.1512667670397467,0.7796605966184915,0.0,0.00018252671815651157,0.0,1.130921438970204,88.26679454374525 +0.71,0.0,0.9430000000000001,0.9380000000000001,1.4826457704403671e-06,0.657,0.6900000000000001,65.31,2022-05-16,san diego smm food,0,84.574108197617,78.71431295071628,1.3717590613520896,0.0,0.9881988475957494,1.9720087966803295,0.00018252671815651157,0.5398791881120867,0.98776682644233,84.57410819761702 +0.0,0.53,0.809,0.0,2.2239686556605507e-06,0.941,0.0,135.73,2022-05-16,san francisco/oakland/san jose smm food,0,91.35903855805105,88.87591304741949,0.0,0.8618239922755168,0.8477761057316663,0.0,0.00027379007723476735,0.7732516225471439,0.0,91.35903855805105 +0.847,0.0,0.0,0.901,7.907444109015292e-06,0.0,0.613,99.97,2022-05-16,seattle/tacoma smm food,0,93.15394002427831,88.74475650580376,1.6364505985425633,0.0,0.0,1.8942216693059455,0.0009734758301680618,0.0,0.877537774795867,93.15394002427831 +0.0,0.0,0.0,0.0,8.030997923218657e-06,0.625,0.0,98.65,2022-05-16,st. louis smm food,0,88.21866591929361,87.70409353036166,0.0,0.0,0.0,0.0,0.000988686390014438,0.5135837025419394,0.0,88.21866591929361 +0.594,0.528,0.0,0.766,1.1119843278302754e-06,0.0,0.798,127.55,2022-05-16,tampa/ft. myers smm food,0,178.01433060166812,173.25520362076367,1.1476406794973821,0.85857182626693,0.0,1.610403772129139,0.00013689503861738367,0.0,1.142373807972434,178.01433060166818 +0.0,0.0,0.72,0.518,4.942152568134558e-07,0.0,0.704,86.2,2022-05-16,tucson/sierra vista smm food,0,66.17364599688923,63.32224664442017,0.0,0.0,0.7545102547920886,1.089019783241376,6.084223938550386e-05,0.0,1.0078084721962324,66.17364599688925 +0.0,0.0,0.0,0.0,2.7181839124740066e-06,0.629,0.0,171.02,2022-05-16,washington dc/hagerstown smm food,0,173.5385814542146,173.02137618365978,0.0,0.0,0.0,0.0,0.00033463231662027125,0.5168706382382078,0.0,173.5385814542146 +0.73,0.0,0.993,0.0,4.942152568134558e-07,0.8150000000000001,0.973,53.49,2022-05-16,yakima/pasco/richland/kennewick smm food,0,58.030606291898934,53.51694236690935,1.4104001616718669,0.0,1.040595393067422,0.0,6.084223938550386e-05,0.669713148114689,1.3928943798962132,58.03060629189893 +0.755,0.525,0.839,0.0,3.706614426100918e-07,0.778,0.779,67.29,2022-05-23,albany/schenectady/troy smm food,0,87.30300664436697,82.35686844083078,1.4587015370715883,0.8536935772540496,0.8792140330146698,0.0,4.5631679539127894e-05,0.6393089929242062,1.115174431592138,87.30300664436697 +0.9619999999999999,0.992,0.8160000000000001,0.534,6.177690710168197e-07,0.982,0.9470000000000001,54.72,2022-05-23,albuquerque/santa fe smm food,0,78.40430265626681,70.79212936171284,1.8586369253812818,1.6130743402590804,0.8551116220977004,1.1226574599438124,7.605279923187984e-05,0.8069427134338951,1.355674180638966,78.40430265626681 +0.9470000000000001,0.0,0.5730000000000001,0.684,3.0888453550840984e-06,0.0,0.628,138.86,2022-05-23,atlanta smm food,0,170.01505326103035,165.2475308400832,1.8296561001414493,0.0,0.6004644111053705,1.438010679029153,0.00038026399615939915,0.0,0.8990109666750482,170.01505326103037 +0.0,0.0,0.941,0.587,1.4826457704403671e-06,0.0,0.0,89.43,2022-05-23,baltimore smm food,0,107.50072896673169,105.28036119021601,0.0,0.0,0.9861029857768824,1.2340822640206326,0.00018252671815651157,0.0,0.0,107.50072896673169 +0.0,0.0,0.0,0.918,1.2355381420336394e-07,0.0,0.634,13.69,2022-05-23,baton rouge smm food,0,53.46581905823081,50.62824190344196,0.0,0.0,0.0,1.929961700802284,1.5210559846375966e-05,0.0,0.9076002434267206,53.465819058230814 +0.584,0.777,0.996,0.0,7.413228852201836e-07,0.0,0.878,49.06,2022-05-23,birmingham/anniston/tuscaloosa smm food,0,66.96803147437797,62.27551690355495,1.1283201293374934,1.2634664943359935,1.0437391857957226,0.0,9.126335907825579e-05,0.0,1.256897497994733,66.96803147437797 +0.0,0.0,0.5650000000000001,0.0,6.177690710168197e-07,0.0,0.0,204.57,2022-05-23,boston/manchester smm food,0,183.93644838278556,183.34429136615643,0.0,0.0,0.5920809638299029,0.0,7.605279923187984e-05,0.0,0.0,183.93644838278556 +0.0,0.0,0.733,0.0,1.2355381420336394e-07,0.515,0.0,24.94,2022-05-23,buffalo smm food,0,65.15453484585254,63.96319330778341,0.0,0.0,0.7681333566147235,0.0,1.5210559846375966e-05,0.42319297089455804,0.0,65.15453484585254 +0.0,0.71,0.0,0.0,8.648766994235475e-07,0.591,0.8310000000000001,164.97,2022-05-23,charlotte smm food,0,129.93077025230232,127.1008852661048,0.0,1.1545189330483336,0.0,0.0,0.00010647391892463176,0.48564474912365785,1.1896148301066323,129.93077025230235 +0.9440000000000001,0.8,0.0,0.542,4.571491125524466e-06,0.0,0.0,185.84,2022-05-23,chicago smm food,0,181.3876211253886,177.12285569785104,1.8238599350934828,1.3008664034347424,0.0,1.1394762982950306,0.0005627907143159108,0.0,0.0,181.38762112538862 +0.91,0.0,0.0,0.643,2.100414841457187e-06,0.603,0.0,98.91,2022-05-23,cleveland/akron/canton smm food,0,134.69682298299782,131.09107465023894,1.7581700645498615,0.0,0.0,1.3518141324791597,0.00025857951738839145,0.4955055562124631,0.0,134.69682298299782 +0.879,0.0,0.808,0.735,1.3590919562370033e-06,0.5710000000000001,0.598,134.86,2022-05-23,columbus oh smm food,0,109.3364119667568,103.92073468964487,1.698276359054207,0.0,0.8467281748222328,1.5452307735181685,0.00016731615831013563,0.46921007064231585,0.856064582916686,109.3364119667568 +0.0,0.72,0.0,0.714,5.559921639151377e-06,0.9899999999999999,0.8180000000000001,105.18,2022-05-23,dallas/ft. worth smm food,0,109.93422405775354,105.27715718131851,0.0,1.170779763091268,0.0,1.5010813228462208,0.0006844751930869185,0.8135165848264319,1.1710047304780087,109.93422405775353 +0.587,0.0,0.0,0.9420000000000002,2.471076284067279e-07,0.846,0.0,44.85,2022-05-23,des moines/ames smm food,0,66.21804919490766,62.408297363785806,1.1341162943854601,0.0,0.0,1.980418215855939,3.042111969275193e-05,0.6951868997607691,0.0,66.21804919490766 +0.745,0.605,0.0,0.924,1.2355381420336394e-06,0.799,0.0,140.75,2022-05-23,detroit smm food,0,165.3453775979434,160.32292305294044,1.4393809869116998,0.9837802175975238,0.0,1.9425758295656979,0.00015210559846375968,0.6565654053296154,0.0,165.34537759794344 +0.799,0.538,0.766,0.912,8.648766994235475e-07,0.615,0.858,106.57,2022-05-23,grand rapids smm food,0,116.88791298406177,110.01556630860257,1.5437119577750982,0.8748326563098642,0.8027150766260276,1.9173475720388704,0.00010647391892463176,0.5053663633012684,1.2282665754891582,116.88791298406178 +0.749,0.61,0.0,0.6930000000000001,6.177690710168197e-07,0.925,0.0,92.94,2022-05-23,greensboro smm food,0,88.22537490020204,83.56924325587181,1.4471092069756553,0.9919106326189909,0.0,1.4569318721742734,7.605279923187984e-05,0.7601038797620703,0.0,88.22537490020203 +0.737,0.9280000000000002,0.979,0.874,4.942152568134558e-07,0.0,0.0,112.93,2022-05-23,harrisburg/lancaster smm food,0,90.82148056182328,85.02510769460987,1.4239245467837889,1.5090050279843013,1.0259243603353538,1.8374580898705841,6.084223938550386e-05,0.0,0.0,90.82148056182328 +0.771,0.8260000000000001,0.916,0.0,9.884305136269115e-07,0.0,0.0,79.92,2022-05-23,hartford/new haven smm food,0,116.40351561745395,112.61073024106035,1.4896144173274102,1.3431445615463715,0.9599047130410461,0.0,0.00012168447877100773,0.0,0.0,116.40351561745395 +0.529,0.0,0.0,0.975,6.177690710168197e-07,0.0,0.0,192.05,2022-05-23,houston smm food,0,170.71837106832604,167.64644198801398,1.0220571034581063,0.0,0.0,2.0497959240547132,7.605279923187984e-05,0.0,0.0,170.71837106832604 +0.0,0.5640000000000001,0.513,0.586,2.471076284067279e-07,0.0,0.0,85.5,2022-05-23,indianapolis smm food,0,91.70794467711178,89.02123497580452,0.0,0.9171108144214933,0.5375885565393631,1.2319799092267303,3.042111969275193e-05,0.0,0.0,91.7079446771118 +0.893,0.682,0.0,0.6,0.0,0.987,0.995,94.09,2022-05-23,jacksonville smm food,0,92.63105638229975,86.29988999004563,1.725325129278051,1.1089886089281178,0.0,1.2614128763413621,0.0,0.8110513830542306,1.4243883946523455,92.63105638229973 +0.0,0.854,0.929,0.0,2.100414841457187e-06,0.847,0.0,65.32,2022-05-23,kansas city smm food,0,83.55217042534352,80.49370051161102,0.0,1.3886748856665874,0.973527814863681,0.0,0.00025857951738839145,0.6960086336848362,0.0,83.55217042534352 +0.533,0.0,0.0,0.872,8.648766994235475e-07,0.9199999999999999,0.512,58.63,2022-05-23,knoxville smm food,0,73.7551103904556,69.4030183864474,1.0297853235220618,0.0,0.0,1.8332533802827795,0.00010647391892463176,0.7559952101417347,0.7329516161427144,73.75511039045561 +0.0,0.0,0.0,0.658,7.413228852201836e-07,0.8270000000000001,0.501,54.74,2022-05-23,las vegas smm food,0,75.85620374863723,73.0759844669223,0.0,0.0,0.0,1.3833494543876939,9.126335907825579e-05,0.6795739552034943,0.7172046087646483,75.85620374863723 +0.0,0.6,0.0,0.0,1.2355381420336393e-05,0.0,0.765,56.92,2022-05-23,little rock/pine bluff smm food,0,59.77587480039121,57.70357115599228,0.0,0.9756498025760566,0.0,0.0,0.0015210559846375966,0.0,1.0951327858382354,59.77587480039121 +0.0,0.0,0.937,0.845,6.004715370283487e-05,0.0,0.0,136.56,2022-05-23,los angeles smm food,0,156.74236958975558,153.9765761946837,0.0,0.0,0.9819112621391487,1.7764898008474184,0.007392332085338719,0.0,0.0,156.7423695897556 +0.0,0.866,0.923,0.0,1.2355381420336394e-07,0.524,0.0,47.23,2022-05-23,madison wi smm food,0,55.225217176067765,52.419185278171575,0.0,1.4081878817181084,0.9672402294070802,0.0,1.5210559846375966e-05,0.430588576211162,0.0,55.22521717606777 +0.629,0.0,0.672,0.0,5.065706382337921e-06,0.0,0.978,154.61,2022-05-23,miami/west palm beach smm food,0,187.44196225575587,184.12181433608328,1.2152626050569921,0.0,0.7042095711392827,0.0,0.0006236329537014147,0.0,1.400052110522607,187.44196225575587 +0.594,0.0,0.0,0.0,1.729753398847095e-06,0.6960000000000001,0.0,57.83,2022-05-23,milwaukee smm food,0,69.87295291851161,68.15317248002567,1.1476406794973821,0.0,0.0,0.0,0.00021294783784926353,0.5719268111507038,0.0,69.87295291851161 +0.794,0.0,0.664,0.649,1.1119843278302754e-06,0.732,0.0,128.25,2022-05-23,minneapolis/st. paul smm food,0,89.94667464513844,85.75072244988117,1.534051682695154,0.0,0.695826123863815,1.3644282612425733,0.00013689503861738367,0.6015092324171194,0.0,89.94667464513844 +0.862,0.86,0.0,0.589,1.2355381420336394e-07,0.869,0.0,72.53,2022-05-23,mobile/pensacola smm food,0,72.48268664786183,67.46643487620449,1.6654314237823962,1.3984313836923479,0.0,1.238286973608437,1.5210559846375966e-05,0.7140867800143125,0.0,72.48268664786183 +0.0,0.0,0.0,0.0,4.200829682914374e-06,0.0,0.0,65.27,2022-05-23,nashville smm food,0,95.47268509777018,95.47216793873541,0.0,0.0,0.0,0.0,0.0005171590347767829,0.0,0.0,95.47268509777018 +0.0,0.851,0.9400000000000001,0.521,9.884305136269115e-07,0.559,0.596,50.34,2022-05-23,new orleans smm food,0,64.32646829412992,59.54961731628727,0.0,1.3837966366537071,0.985055054867449,1.0953268476230829,0.00012168447877100773,0.45934926355351063,0.8532014906661285,64.32646829412991 +0.872,0.0,0.0,0.0,5.807029267558105e-06,0.807,0.759,249.73,2022-05-23,new york smm food,0,293.59691524080364,290.1617655847399,1.684751973942285,0.0,0.0,0.0,0.0007148963127796703,0.6631392767221521,1.086543509086563,293.5969152408037 +0.0,0.0,0.737,0.0,8.648766994235475e-07,0.603,0.5640000000000001,115.64,2022-05-23,norfolk/portsmouth/newport news smm food,0,104.38526837362592,102.30993924858487,0.0,0.0,0.7723250802524573,0.0,0.00010647391892463176,0.4955055562124631,0.807392014657209,104.38526837362592 +0.0,0.728,0.9619999999999999,0.0,1.6061995846437312e-06,0.53,0.526,42.89,2022-05-23,oklahoma city smm food,0,56.98985206090235,53.609244119971564,0.0,1.1837884271256154,1.008109534874985,0.0,0.00019773727800288758,0.4355189797555646,0.7529932618966169,56.98985206090235 +0.0,0.868,0.737,0.0,4.942152568134558e-07,0.0,0.0,50.04,2022-05-23,omaha smm food,0,63.0600558202375,60.87622985001895,0.0,1.4114400477266953,0.7723250802524573,0.0,6.084223938550386e-05,0.0,0.0,63.06005582023749 +0.792,0.521,0.85,0.646,1.1119843278302754e-06,0.0,0.649,103.56,2022-05-23,orlando/daytona beach/melborne smm food,0,138.170831784986,132.61538216686213,1.5301875726631762,0.8471892452368759,0.8907412730184379,1.3581211968608666,0.00013689503861738367,0.0,0.9290734353059017,138.170831784986 +0.5720000000000001,0.796,0.872,0.59,0.0,0.0,0.0,75.52,2022-05-23,paducah ky/cape girardeau mo smm food,0,60.112940754825864,55.55925813283435,1.1051354691456274,1.2943620714175685,0.9137957530259739,1.2403893284023393,0.0,0.0,0.0,60.11294075482586 +0.0,0.586,0.978,0.0,6.795459781185017e-06,0.0,0.765,205.49,2022-05-23,philadelphia smm food,0,202.81147807440655,199.7377476378349,0.0,0.9528846405159487,1.0248764294259203,0.0,0.0008365807915506782,0.0,1.0951327858382354,202.81147807440655 +0.531,0.0,0.612,0.0,4.07727586871101e-06,0.0,0.0,88.63,2022-05-23,phoenix/prescott smm food,0,118.6507179980055,116.98296111946722,1.0259212134900841,0.0,0.6413337165732753,0.0,0.0005019484749304069,0.0,0.0,118.6507179980055 +0.722,0.0,0.0,0.5670000000000001,2.7181839124740066e-06,0.9390000000000001,0.937,119.07,2022-05-23,pittsburgh smm food,0,109.25251274493273,104.55223234884438,1.394943721543956,0.0,0.0,1.1920351681425874,0.00033463231662027125,0.7716081546990098,1.3413587193861787,109.25251274493274 +0.628,0.742,0.0,0.926,3.0517792108230894e-05,0.0,0.0,100.43,2022-05-23,portland or smm food,0,91.26673116589848,86.8963094792362,1.2133305500410032,1.2065535891857233,0.0,1.9467805391535022,0.003757008282054864,0.0,0.0,91.26673116589848 +0.74,0.845,0.9070000000000001,0.559,4.942152568134558e-07,0.0,0.0,92.52,2022-05-23,providence ri/new bedford ma smm food,0,88.17781771515182,83.24830635780522,1.4297207118317554,1.3740401386279464,0.950473334856145,1.1752163297913691,6.084223938550386e-05,0.0,0.0,88.17781771515182 +0.9510000000000001,0.514,0.0,0.925,7.413228852201836e-07,0.0,0.731,157.1,2022-05-23,raleigh/durham/fayetteville smm food,0,130.99459342581105,125.33017277610136,1.8373843202054048,0.8358066642068219,0.0,1.9446781843596,9.126335907825579e-05,0.0,1.0464602175787583,130.99459342581102 +0.579,0.744,0.0,0.972,8.525213180032111e-06,0.893,0.522,275.42,2022-05-23,rem us east north central smm food,0,312.3077521714665,306.4536727021249,1.1186598542575492,1.2098057551943102,0.0,2.0434888596730065,0.0010495286293999415,0.733808394191923,0.7472670773955019,312.3077521714666 +0.8240000000000001,0.929,0.0,0.0,1.4826457704403671e-06,0.0,0.631,131.24,2022-05-23,rem us middle atlantic smm food,0,134.80615583762975,130.80002326169728,1.5920133331748196,1.5106311109885946,0.0,0.0,0.00018252671815651157,0.0,0.9033056050508844,134.80615583762972 +0.0,0.0,0.0,0.0,5.683475453354741e-06,0.56,0.512,149.96,2022-05-23,rem us mountain smm food,0,175.15133383043448,173.95751153106124,0.0,0.0,0.0,0.0,0.0006996857529332945,0.4601709974775777,0.7329516161427144,175.15133383043448 +0.662,0.679,0.936,0.85,7.413228852201836e-07,0.8290000000000001,0.0,105.64,2022-05-23,rem us new england smm food,0,154.05393498601123,148.221630613054,1.2790204205846245,1.1041103599152375,0.9808633312297153,1.7870015748169297,9.126335907825579e-05,0.6812174230516285,0.0,154.05393498601123 +0.0,0.0,0.894,0.0,2.9652915408807343e-06,0.0,0.878,113.69,2022-05-23,rem us pacific smm food,0,107.30775698647699,105.11364420201244,0.0,0.0,0.93685023303351,0.0,0.00036505343631302315,0.0,1.256897497994733,107.30775698647699 +0.733,0.9430000000000001,0.0,0.0,6.424798338574925e-06,0.941,0.85,242.26999999999998,2022-05-23,rem us south atlantic smm food,0,288.6206797347292,283.6802303568146,1.4161963267198334,1.5333962730487025,0.0,0.0,0.0007909491120115503,0.7732516225471439,1.2168142064869283,288.6206797347292 +0.0,0.0,0.515,0.867,9.637197507862386e-06,0.0,0.0,417.32,2022-05-23,rem us south central smm food,0,401.7949418095859,399.4313293612464,0.0,0.0,0.53968441835823,1.8227416063132682,0.0011864236680173253,0.0,0.0,401.7949418095859 +0.546,0.0,0.0,0.5710000000000001,5.065706382337921e-06,0.5660000000000001,0.0,137.67,2022-05-23,rem us west north central smm food,0,128.67560014255184,125.95452848252805,1.054902038729917,0.0,0.0,1.2004445873181964,0.0006236329537014147,0.46510140102198033,0.0,128.67560014255184 +0.631,0.0,0.677,0.643,2.471076284067279e-07,0.0,0.865,104.44,2022-05-23,richmond/petersburg smm food,0,90.58680173080985,86.06809383806947,1.21912671508897,0.0,0.70944922568645,1.3518141324791597,3.042111969275193e-05,0.0,1.2382873983661093,90.58680173080985 +0.912,0.909,0.964,0.852,1.4826457704403671e-06,0.544,0.0,82.58,2022-05-23,sacramento/stockton/modesto smm food,0,78.0758427359639,71.58708164797008,1.7620341745818393,1.478109450902726,1.0102053966938518,1.791206284404734,0.00018252671815651157,0.44702325469250404,0.0,78.07584273596389 +0.8320000000000001,0.0,0.592,0.74,2.471076284067279e-06,0.0,0.618,90.12,2022-05-23,salt lake city smm food,0,88.3933962079454,83.72480907215119,1.6074697733027306,0.0,0.6203750983846061,1.55574254748768,0.00030421119692751935,0.0,0.8846955054222608,88.39339620794539 +0.0,0.835,0.857,0.0,0.0,0.7000000000000001,0.0,103.34,2022-05-23,san diego smm food,0,81.54538279553273,78.71431295071628,0.0,1.357779308585012,0.8980767893844721,0.0,0.0,0.5752137468469721,0.0,81.54538279553273 +0.588,0.0,0.0,0.0,2.2239686556605507e-06,0.0,0.901,64.11,2022-05-23,san francisco/oakland/san jose smm food,0,91.30205824577433,88.87591304741949,1.1360483494014488,0.0,0.0,0.0,0.00027379007723476735,0.0,1.289823058876144,91.30205824577432 +0.904,0.0,0.684,0.752,3.830168240304282e-06,0.0,0.895,92.48,2022-05-23,seattle/tacoma smm food,0,94.07079509680437,88.74475650580376,1.7465777344539284,0.0,0.7167847420524842,1.5809708050145073,0.000471527355237655,0.0,1.2812337821244715,94.07079509680439 +0.773,0.724,0.0,1.0,1.9274395015724773e-05,0.722,0.0,91.6,2022-05-23,st. louis smm food,0,93.07287568724423,87.70409353036166,1.4934785273593878,1.1772840951084418,0.0,2.10235479390227,0.0023728473360346506,0.5932918931764484,0.0,93.07287568724425 +0.0,0.712,0.0,0.508,7.413228852201836e-07,0.876,0.9470000000000001,154.64,2022-05-23,tampa/ft. myers smm food,0,177.55657531660376,173.25520362076367,0.0,1.1577710990569205,0.0,1.0679962353023533,9.126335907825579e-05,0.7198389174827822,1.355674180638966,177.55657531660376 +0.0,0.987,0.0,0.678,1.2355381420336394e-07,0.0,0.0,69.04,2022-05-23,tucson/sierra vista smm food,0,66.35260233048336,63.32224664442017,0.0,1.6049439252376132,0.0,1.4253965502657393,1.5210559846375966e-05,0.0,0.0,66.35260233048336 +0.0,0.989,0.539,0.0,2.8417377266773707e-06,0.638,0.0,145.33,2022-05-23,washington dc/hagerstown smm food,0,175.71902312152187,173.02137618365978,0.0,1.6081960912462,0.564834760184633,0.0,0.00034984287646664725,0.5242662435548118,0.0,175.7190231215219 +0.0,0.0,0.775,0.709,3.706614426100918e-07,0.0,0.753,60.21000000000001,2022-05-23,yakima/pasco/richland/kennewick smm food,0,56.89765823461141,53.51694236690935,0.0,0.0,0.8121464548109287,1.4905695488767094,4.5631679539127894e-05,0.0,1.0779542323348905,56.89765823461141 +0.0,0.836,0.0,0.593,2.471076284067279e-07,0.761,0.0,94.54,2022-05-30,albany/schenectady/troy smm food,0,85.58834016253888,82.35686844083078,0.0,1.3594053915893056,0.0,1.2466963927840462,3.042111969275193e-05,0.6253395162150653,0.0,85.58834016253888 +0.0,0.0,0.0,0.559,9.884305136269115e-07,0.658,0.554,49.37,2022-05-30,albuquerque/santa fe smm food,0,73.30124485142355,70.79212936171284,0.0,0.0,0.0,1.1752163297913691,0.00012168447877100773,0.5407009220361538,0.7930765534044215,73.30124485142355 +0.0,0.583,0.0,0.0,2.9652915408807343e-06,0.0,0.0,123.18000000000002,2022-05-30,atlanta smm food,0,166.19590228502256,165.2475308400832,0.0,0.9480063915030683,0.0,0.0,0.00036505343631302315,0.0,0.0,166.19590228502256 +0.0,0.548,0.536,0.497,2.471076284067279e-07,0.0,0.648,126.09,2022-05-30,baltimore smm food,0,108.7056882868949,105.28036119021601,0.0,0.8910934863527985,0.5616909674563326,1.0448703325694282,3.042111969275193e-05,0.0,0.927641889180623,108.70568828689488 +0.0,0.0,0.0,0.9500000000000001,3.706614426100918e-07,0.0,0.864,44.62,2022-05-30,baton rouge smm food,0,53.862380441569485,50.62824190344196,0.0,0.0,0.0,1.997237054207157,4.5631679539127894e-05,0.0,1.2368558522408306,53.862380441569485 +0.856,0.0,0.598,0.0,2.471076284067279e-07,0.0,0.0,51.65,2022-05-30,birmingham/anniston/tuscaloosa smm food,0,64.55604910220231,62.27551690355495,1.653839093686463,0.0,0.6266626838412068,0.0,3.042111969275193e-05,0.0,0.0,64.55604910220231 +0.774,0.802,0.9500000000000001,0.9280000000000002,1.6061995846437312e-06,0.0,0.0,170.09,2022-05-30,boston/manchester smm food,0,189.09053786795624,183.34429136615643,1.4954105823753767,1.304118569443329,0.9955343639617836,1.950985248741307,0.00019773727800288758,0.0,0.0,189.09053786795621 +0.0,0.593,0.0,0.0,3.706614426100918e-07,0.0,0.6890000000000001,20.79,2022-05-30,buffalo smm food,0,65.91384144132601,63.96319330778341,0.0,0.9642672215460026,0.0,0.0,4.5631679539127894e-05,0.0,0.9863352803170513,65.91384144132601 +0.0,0.77,0.618,0.887,6.177690710168197e-07,0.81,0.0,102.5,2022-05-30,charlotte smm food,0,131.5310597149255,127.1008852661048,0.0,1.2520839133059394,0.647621302029876,1.8647887021913137,7.605279923187984e-05,0.6656044784943534,0.0,131.5310597149255 +0.5730000000000001,0.966,0.778,0.677,2.8417377266773707e-06,0.668,0.0,216.53,2022-05-30,chicago smm food,0,182.58857195132444,177.12285569785104,1.1070675241616161,1.5707961821474512,0.8152902475392291,1.423294195471837,0.00034984287646664725,0.5489182612768249,0.0,182.58857195132447 +0.0,0.0,0.0,0.0,2.5946300982706425e-06,0.53,0.0,138.51,2022-05-30,cleveland/akron/canton smm food,0,131.52691305175128,131.09107465023894,0.0,0.0,0.0,0.0,0.00031942175677389525,0.4355189797555646,0.0,131.52691305175128 +0.68,0.554,0.926,0.0,1.6061995846437312e-06,0.586,0.0,133.53,2022-05-30,columbus oh smm food,0,107.58749992381256,103.92073468964487,1.313797410872424,0.9008499843785591,0.9703840221353807,0.0,0.00019773727800288758,0.48153607950332233,0.0,107.58749992381256 +0.0,0.643,0.0,0.55,9.884305136269115e-07,0.0,0.804,87.2,2022-05-30,dallas/ft. worth smm food,0,108.63010845892832,105.27715718131851,0.0,1.045571371760674,0.0,1.1562951366462486,0.00012168447877100773,0.0,1.1509630847241064,108.63010845892832 +0.0,0.0,0.0,0.0,6.177690710168197e-07,0.0,0.0,68.79,2022-05-30,des moines/ames smm food,0,62.408373416585036,62.408297363785806,0.0,0.0,0.0,0.0,7.605279923187984e-05,0.0,0.0,62.408373416585036 +0.901,0.917,0.842,0.0,7.413228852201836e-07,0.7010000000000001,0.554,136.22,2022-05-30,detroit smm food,0,165.80638386056097,160.32292305294044,1.7407815694059618,1.4911181149370734,0.8823578257429702,0.0,9.126335907825579e-05,0.5760354807710393,0.7930765534044215,165.80638386056097 +0.683,0.876,0.835,0.0,8.648766994235475e-07,0.0,0.0,109.25,2022-05-30,grand rapids smm food,0,113.63473737957987,110.01556630860257,1.3195935759203907,1.4244487117610427,0.875022309376936,0.0,0.00010647391892463176,0.0,0.0,113.63473737957986 +0.628,0.602,0.0,0.0,1.2355381420336394e-07,0.0,0.0,92.56,2022-05-30,greensboro smm food,0,85.76149098505729,83.56924325587181,1.2133305500410032,0.9789019685846435,0.0,0.0,1.5210559846375966e-05,0.0,0.0,85.7614909850573 +0.592,0.0,0.0,0.666,3.706614426100918e-07,0.0,0.0,83.36,2022-05-30,harrisburg/lancaster smm food,0,87.56909818849373,85.02510769460987,1.1437765694654043,0.0,0.0,1.400168292738912,4.5631679539127894e-05,0.0,0.0,87.56909818849373 +0.0,0.657,0.0,0.0,8.648766994235475e-07,0.0,0.0,97.98,2022-05-30,hartford/new haven smm food,0,113.67917324880005,112.61073024106035,0.0,1.0683365338207822,0.0,0.0,0.00010647391892463176,0.0,0.0,113.67917324880005 +0.581,0.0,0.785,0.0,9.884305136269115e-07,0.772,0.967,163.31,2022-05-30,houston smm food,0,171.61039709321187,167.64644198801398,1.1225239642895268,0.0,0.8226257639052633,0.0,0.00012168447877100773,0.6343785893798035,1.3843051031445408,171.61039709321187 +0.0,0.0,0.0,0.665,4.942152568134558e-07,0.78,0.0,119.67000000000002,2022-05-30,indianapolis smm food,0,91.06031421676126,89.02123497580452,0.0,0.0,0.0,1.3980659379450098,6.084223938550386e-05,0.6409524607723404,0.0,91.06031421676126 +0.0,0.599,0.0,0.0,3.706614426100918e-07,0.509,0.848,87.12,2022-05-30,jacksonville smm food,0,88.90617302288345,86.29988999004563,0.0,0.9740237195717633,0.0,0.0,4.5631679539127894e-05,0.41826256735015543,1.2139511142363708,88.90617302288345 +0.975,0.652,0.797,0.0,1.8533072130504591e-06,0.0,0.91,67.24,2022-05-30,kansas city smm food,0,85.57579633821929,80.49370051161102,1.8837536405891373,1.060206118799315,0.8352009348184648,0.0,0.0002281583976956395,0.0,1.3027069740036528,85.57579633821929 +0.0,0.0,0.0,0.775,1.8533072130504591e-06,0.668,0.55,67.72,2022-05-30,knoxville smm food,0,72.36884014029948,69.4030183864474,0.0,0.0,0.0,1.6293249652742594,0.0002281583976956395,0.5489182612768249,0.7873503689033066,72.36884014029948 +0.88,0.0,0.0,0.0,2.471076284067279e-07,0.6970000000000001,0.0,92.94,2022-05-30,las vegas smm food,0,75.34897184718696,73.0759844669223,1.7002084140701956,0.0,0.0,0.0,3.042111969275193e-05,0.5727485450747708,0.0,75.34897184718696 +0.973,0.0,0.0,0.0,9.513643693659024e-06,0.0,1.0,53.43,2022-05-30,little rock/pine bluff smm food,0,61.01617802493635,57.70357115599228,1.8798895305571595,0.0,0.0,0.0,0.0011712131081709494,0.0,1.4315461252787391,61.01617802493635 +0.583,0.498,0.9440000000000001,0.797,4.979218712395567e-05,0.5650000000000001,0.0,161.15,2022-05-30,los angeles smm food,0,159.04798667710463,153.9765761946837,1.1263880743215047,0.809789336138127,0.9892467785051828,1.6755767707401095,0.0061298556180895145,0.46427966709791324,0.0,159.04798667710463 +0.539,0.0,0.0,0.0,6.177690710168197e-07,0.0,0.0,75.81,2022-05-30,madison wi smm food,0,53.460638984588805,52.419185278171575,1.0413776536179948,0.0,0.0,0.0,7.605279923187984e-05,0.0,0.0,53.460638984588805 +0.9980000000000001,0.0,0.0,0.546,4.200829682914374e-06,0.0,0.675,130.81,2022-05-30,miami/west palm beach smm food,0,188.16470175310874,184.12181433608328,1.9281909059568814,0.0,0.0,1.1478857174706396,0.0005171590347767829,0.0,0.966293634563149,188.16470175310872 +0.0,0.886,0.9969999999999999,0.0,1.6061995846437312e-06,0.677,0.0,63.11,2022-05-30,milwaukee smm food,0,71.19518074240624,68.15317248002567,0.0,1.440709541803977,1.044787116705156,0.0,0.00019773727800288758,0.5563138665934287,0.0,71.19518074240624 +0.0,0.0,0.0,0.0,1.729753398847095e-06,0.8220000000000001,0.672,95.87,2022-05-30,minneapolis/st. paul smm food,0,87.38839967948948,85.75072244988117,0.0,0.0,0.0,0.0,0.00021294783784926353,0.6754652855831587,0.9619989961873128,87.38839967948948 +0.626,0.9350000000000002,0.769,0.523,1.2355381420336394e-07,0.9339999999999999,0.0,94.82,2022-05-30,mobile/pensacola smm food,0,72.86919404743159,67.46643487620449,1.2094664400090256,1.5203876090143553,0.8058588693543279,1.0995315572108875,1.5210559846375966e-05,0.7674994850786742,0.0,72.8691940474316 +0.686,0.0,0.6970000000000001,0.91,1.1366950906709483e-05,0.0,0.584,72.18,2022-05-30,nashville smm food,0,100.2785306946986,95.47216793873541,1.3253897409683573,0.0,0.7304078438751191,1.913142862451066,0.001399371505866589,0.0,0.8360229371627836,100.2785306946986 +0.542,0.785,0.761,0.0,1.2355381420336394e-07,0.0,0.0,55.57,2022-05-30,new orleans smm food,0,62.67075692596228,59.54961731628727,1.0471738186659616,1.2764751583703409,0.7974754220788602,0.0,1.5210559846375966e-05,0.0,0.0,62.67075692596228 +0.0,0.775,0.847,0.0,2.7181839124740066e-06,0.8300000000000001,0.685,227.78,2022-05-30,new york smm food,0,293.97256027846566,290.1617655847399,0.0,1.2602143283274065,0.8875974802901375,0.0,0.00033463231662027125,0.6820391569756955,0.9806090958159364,293.9725602784657 +0.9210000000000002,0.782,0.649,0.0,8.648766994235475e-07,0.937,0.0,91.7,2022-05-30,norfolk/portsmouth/newport news smm food,0,106.81113714866018,102.30993924858487,1.7794226697257391,1.2715969093574606,0.6801071602223132,0.0,0.00010647391892463176,0.7699646868508756,0.0,106.81113714866018 +0.0,0.0,0.0,0.0,3.45950679769419e-06,0.807,0.608,98.85,2022-05-30,oklahoma city smm food,0,55.14318933653888,53.609244119971564,0.0,0.0,0.0,0.0,0.00042589567569852705,0.6631392767221521,0.8703800441694733,55.14318933653889 +0.0,0.0,0.5680000000000001,0.9470000000000001,3.706614426100918e-07,0.631,0.0,52.65,2022-05-30,omaha smm food,0,63.98094433416848,60.87622985001895,0.0,0.0,0.5952247565582033,1.99092998982545,4.5631679539127894e-05,0.518514106086342,0.0,63.980944334168484 +0.681,0.915,0.863,0.5750000000000001,2.471076284067279e-07,0.988,0.645,95.84,2022-05-30,orlando/daytona beach/melborne smm food,0,139.26744675191668,132.61538216686213,1.3157294658884129,1.4878659489284864,0.9043643748410728,1.2088540064938056,3.042111969275193e-05,0.8118731169782978,0.9233472508047867,139.26744675191668 +0.767,0.0,0.667,0.545,1.2355381420336394e-07,0.811,0.787,83.12,2022-05-30,paducah ky/cape girardeau mo smm food,0,60.67896583293929,55.55925813283435,1.4818861972634547,0.0,0.6989699165921154,1.1457833626767373,1.5210559846375966e-05,0.6664262124184206,1.1266268005943678,60.67896583293929 +0.543,0.0,0.0,0.7010000000000001,1.0007858950472478e-05,0.0,0.0,222.56,2022-05-30,philadelphia smm food,0,202.2618362773899,199.7377476378349,1.0491058736819503,0.0,0.0,1.4737507105254914,0.0012320553475564531,0.0,0.0,202.2618362773899 +0.0,0.0,0.498,0.512,4.942152568134558e-06,0.0,0.0,79.21,2022-05-30,phoenix/prescott smm food,0,118.5818447892369,116.98296111946722,0.0,0.0,0.5218695928978613,1.0764056544779623,0.0006084223938550387,0.0,0.0,118.5818447892369 +0.587,0.0,0.892,0.745,1.2355381420336394e-07,0.856,0.561,124.87000000000002,2022-05-30,pittsburgh smm food,0,109.69387416174435,104.55223234884438,1.1341162943854601,0.0,0.9347543712146431,1.5662543214571913,1.5210559846375966e-05,0.7034042390014401,0.8030973762813728,109.69387416174433 +0.8290000000000001,0.9910000000000001,0.0,0.0,2.6564070053723248e-05,0.598,0.543,82.48,2022-05-30,portland or smm food,0,91.3814280477312,86.8963094792362,1.601673608254764,1.611448257254787,0.0,0.0,0.0032702703669708327,0.49139688659212755,0.7773295460263554,91.3814280477312 +0.776,0.0,0.0,0.715,1.2355381420336394e-07,0.0,0.0,89.49,2022-05-30,providence ri/new bedford ma smm food,0,86.25077993841255,83.24830635780522,1.4992746924073543,0.0,0.0,1.503183677640123,1.5210559846375966e-05,0.0,0.0,86.25077993841255 +0.0,0.807,0.0,0.0,8.648766994235475e-07,0.684,0.0,86.27,2022-05-30,raleigh/durham/fayetteville smm food,0,127.20459423854697,125.33017277610136,0.0,1.3122489844647962,0.0,0.0,0.00010647391892463176,0.5620660040618984,0.0,127.20459423854699 +0.717,0.8190000000000001,0.592,0.9619999999999999,8.15455173742202e-06,0.623,0.0,262.47,2022-05-30,rem us east north central smm food,0,312.32650267086746,306.4536727021249,1.3852834464640116,1.3317619805163174,0.6203750983846061,2.0224653117339835,0.0010038969498608137,0.5119402346938051,0.0,312.32650267086746 +0.8300000000000001,0.851,0.6930000000000001,0.644,7.413228852201836e-07,0.545,0.0,117.81000000000002,2022-05-30,rem us middle atlantic smm food,0,136.31549442110784,130.80002326169728,1.603605663270753,1.3837966366537071,0.7262161202373854,1.353916487273062,9.126335907825579e-05,0.4478449886165712,0.0,136.31549442110784 +0.0,0.0,0.615,0.586,4.200829682914374e-06,0.0,0.708,135.88,2022-05-30,rem us mountain smm food,0,176.84802076532168,173.95751153106124,0.0,0.0,0.6444775093015757,1.2319799092267303,0.0005171590347767829,0.0,1.0135346566973473,176.84802076532168 +0.629,0.9630000000000002,0.0,0.0,1.6061995846437312e-06,0.0,0.744,174.2,2022-05-30,rem us new england smm food,0,152.06807920573095,148.221630613054,1.2152626050569921,1.5659179331345712,0.0,0.0,0.00019773727800288758,0.0,1.0650703172073819,152.06807920573095 +0.686,0.885,0.6970000000000001,0.0,7.289675037998472e-06,0.0,0.0,117.77000000000001,2022-05-30,rem us pacific smm food,0,108.60942266868653,105.11364420201244,1.3253897409683573,1.4390834587996837,0.7304078438751191,0.0,0.000897423030936182,0.0,0.0,108.60942266868653 +0.516,0.0,0.0,0.0,3.953722054507646e-06,0.0,0.0,233.39000000000001,2022-05-30,rem us south atlantic smm food,0,284.6776574829799,283.6802303568146,0.9969403882502511,0.0,0.0,0.0,0.0004867379150840309,0.0,0.0,284.67765748297995 +0.735,0.718,0.0,0.53,2.3598778512842513e-05,0.0,0.749,378.44,2022-05-30,rem us south central smm food,0,404.20829870061357,399.4313293612464,1.4200604367518113,1.167527597082681,0.0,1.1142480407682032,0.00290521693065781,0.0,1.0722280478337756,404.20829870061357 +0.602,0.0,0.936,0.0,1.729753398847095e-06,0.658,0.6920000000000001,86.83,2022-05-30,rem us west north central smm food,0,129.63003272194993,125.95452848252805,1.1630971196252928,0.0,0.9808633312297153,0.0,0.00021294783784926353,0.5407009220361538,0.9906299186928875,129.63003272194996 +0.0,0.0,0.0,0.557,6.177690710168197e-07,0.966,0.0,88.38,2022-05-30,richmond/petersburg smm food,0,88.03297648172108,86.06809383806947,0.0,0.0,0.0,1.1710116202035645,7.605279923187984e-05,0.7937949706488214,0.0,88.0329764817211 +0.0,0.6990000000000001,0.0,0.0,1.6061995846437312e-06,0.0,0.0,44.19,2022-05-30,sacramento/stockton/modesto smm food,0,72.7239114052492,71.58708164797008,0.0,1.1366320200011062,0.0,0.0,0.00019773727800288758,0.0,0.0,72.72391140524918 +0.72,0.915,0.655,0.739,1.976861027253823e-06,0.0,0.937,70.15,2022-05-30,salt lake city smm food,0,90.18539165930807,83.72480907215119,1.3910796115119783,1.4878659489284864,0.6863947456789139,1.5536401926937777,0.00024336895754201545,0.0,1.3413587193861787,90.18539165930807 +0.0,0.0,0.0,0.5670000000000001,0.0,0.663,0.974,64.19,2022-05-30,san diego smm food,0,81.84548363653684,78.71431295071628,0.0,0.0,0.0,1.1920351681425874,0.0,0.5448095916564893,1.394325926021492,81.84548363653684 +0.0,0.554,0.0,0.5740000000000001,9.884305136269115e-07,0.0,0.0,109.0,2022-05-30,san francisco/oakland/san jose smm food,0,90.98363636797671,88.87591304741949,0.0,0.9008499843785591,0.0,1.2067516516999033,0.00012168447877100773,0.0,0.0,90.98363636797671 +0.879,0.0,0.0,0.504,3.5830606118975546e-06,0.0,0.967,73.55,2022-05-30,seattle/tacoma smm food,0,92.88736589036478,88.74475650580376,1.698276359054207,0.0,0.0,1.059586816126744,0.00044110623554490306,0.0,1.3843051031445408,92.8873658903648 +0.0,0.0,0.0,0.0,1.8656625944707954e-05,0.518,0.0,100.41,2022-05-30,st. louis smm food,0,88.13204849756522,87.70409353036166,0.0,0.0,0.0,0.0,0.0022967945368027706,0.42565817266675937,0.0,88.13204849756522 +0.0,0.599,0.664,0.0,2.100414841457187e-06,0.0,0.812,133.79,2022-05-30,tampa/ft. myers smm food,0,176.08772749744296,173.25520362076367,0.0,0.9740237195717633,0.695826123863815,0.0,0.00025857951738839145,0.0,1.1624154537263363,176.08772749744296 +0.0,0.0,0.0,0.0,3.706614426100918e-07,0.0,0.0,79.79,2022-05-30,tucson/sierra vista smm food,0,63.32229227609971,63.32224664442017,0.0,0.0,0.0,0.0,4.5631679539127894e-05,0.0,0.0,63.32229227609971 +0.0,0.768,0.5060000000000001,0.0,1.976861027253823e-06,0.926,0.873,158.46,2022-05-30,washington dc/hagerstown smm food,0,176.81136972114248,173.02137618365978,0.0,1.2488317472973525,0.5302530401733291,0.0,0.00024336895754201545,0.7609256136861374,1.2497397673683392,176.81136972114248 +0.0,0.9000000000000001,0.865,0.68,1.2355381420336394e-07,0.0,0.56,72.05,2022-05-30,yakima/pasco/richland/kennewick smm food,0,58.118159608002856,53.51694236690935,0.0,1.4634747038640852,0.9064602366599397,1.429601259853544,1.5210559846375966e-05,0.0,0.801665830156094,58.118159608002856 +0.805,0.0,0.9070000000000001,0.9390000000000001,3.706614426100918e-07,0.0,0.0,76.62,2022-06-06,albany/schenectady/troy smm food,0,86.83680284671173,82.35686844083078,1.5553042878710315,0.0,0.950473334856145,1.9741111514742318,4.5631679539127894e-05,0.0,0.0,86.83680284671173 +0.0,0.0,0.0,0.596,1.1119843278302754e-06,0.0,0.775,73.43,2022-06-06,albuquerque/santa fe smm food,0,73.15471796100823,70.79212936171284,0.0,0.0,0.0,1.253003457165753,0.00013689503861738367,0.0,1.109448247091023,73.15471796100823 +0.502,0.841,0.0,0.0,2.347522469863915e-06,0.794,0.719,132.99,2022-06-06,atlanta smm food,0,169.26698566514213,165.2475308400832,0.9698916180264071,1.3675358066107728,0.0,0.0,0.00028900063708114335,0.6524567357092798,1.0292816640754134,169.26698566514213 +0.0,0.937,0.0,0.0,6.177690710168197e-07,0.0,0.0,89.2,2022-06-06,baltimore smm food,0,106.80407701803819,105.28036119021601,0.0,1.523639775022942,0.0,0.0,7.605279923187984e-05,0.0,0.0,106.80407701803819 +0.0,0.739,0.0,0.534,4.942152568134558e-07,0.8150000000000001,0.637,63.99,2022-06-06,baton rouge smm food,0,54.53424357571525,50.62824190344196,0.0,1.201675340172843,0.0,1.1226574599438124,6.084223938550386e-05,0.669713148114689,0.9118948818025568,54.534243575715244 +0.0,0.0,0.988,0.903,1.2355381420336394e-07,0.5700000000000001,0.0,60.580000000000005,2022-06-06,birmingham/anniston/tuscaloosa smm food,0,65.67770256824704,62.27551690355495,0.0,0.0,1.0353557385202548,1.89842637889375,1.5210559846375966e-05,0.46838833671824875,0.0,65.67770256824706 +0.0,0.965,0.507,0.0,3.0888453550840984e-06,0.796,0.74,178.77,2022-06-06,boston/manchester smm food,0,187.1585870366422,183.34429136615643,0.0,1.5691700991431579,0.5313009710827624,0.0,0.00038026399615939915,0.654100203557414,1.059344132706267,187.1585870366422 +0.918,0.0,0.0,0.0,2.471076284067279e-07,0.917,0.74,65.86,2022-06-06,buffalo smm food,0,67.54972437465668,63.96319330778341,1.7736265046777724,0.0,0.0,0.0,3.042111969275193e-05,0.7535300083695334,1.059344132706267,67.54972437465668 +0.864,0.896,0.0,0.791,7.413228852201836e-07,0.0,0.87,129.39,2022-06-06,charlotte smm food,0,133.13565020609434,127.1008852661048,1.669295533814374,1.4569703718469114,0.0,1.6629626419766959,9.126335907825579e-05,0.0,1.245445128992503,133.13565020609437 +0.756,0.661,0.859,0.746,2.347522469863915e-06,0.988,0.9840000000000001,178.72,2022-06-06,chicago smm food,0,184.34766298812067,177.12285569785104,1.4606335920875773,1.0748408658379558,0.900172651203339,1.5683566762510937,0.00028900063708114335,0.8118731169782978,1.4086413872742796,184.34766298812065 +0.54,0.8150000000000001,0.789,0.0,1.6061995846437312e-06,0.909,0.562,153.07,2022-06-06,cleveland/akron/canton smm food,0,135.8381422915767,131.09107465023894,1.0433097086339838,1.3252576484991436,0.8268174875429971,0.0,0.00019773727800288758,0.7469561369769967,0.8045289224066515,135.8381422915767 +0.96,0.639,0.0,0.736,1.3590919562370033e-06,0.8190000000000001,0.0,74.99,2022-06-06,columbus oh smm food,0,109.03507507301903,103.92073468964487,1.8547728153493044,1.0390670397435005,0.0,1.5473331283120708,0.00016731615831013563,0.6730000838109574,0.0,109.03507507301902 +0.894,0.0,0.853,0.555,2.5946300982706425e-06,0.0,0.0,80.71,2022-06-06,dallas/ft. worth smm food,0,109.06542576373182,105.27715718131851,1.7272571842940398,0.0,0.8938850657467382,1.1668069106157601,0.00031942175677389525,0.0,0.0,109.06542576373182 +0.502,0.8280000000000001,0.986,0.898,1.1119843278302754e-06,0.0,0.0,71.59,2022-06-06,des moines/ames smm food,0,67.64589708603141,62.408297363785806,0.9698916180264071,1.3463967275549582,1.0332598767013879,1.8879146049242388,0.00013689503861738367,0.0,0.0,67.64589708603141 +0.0,0.5650000000000001,0.98,0.0,1.3590919562370033e-06,0.0,0.9269999999999999,126.89,2022-06-06,detroit smm food,0,163.5958428159027,160.32292305294044,0.0,0.9187368974257868,1.0269722912447872,0.0,0.00016731615831013563,0.0,1.327043258133391,163.59584281590273 +0.5740000000000001,0.5640000000000001,0.866,0.0,7.413228852201836e-07,0.0,0.0,66.32,2022-06-06,grand rapids smm food,0,112.94927613313013,110.01556630860257,1.108999579177605,0.9171108144214933,0.9075081675693731,0.0,9.126335907825579e-05,0.0,0.0,112.94927613313013 +0.0,1.0,0.0,0.744,1.2355381420336394e-07,0.0,0.638,64.78,2022-06-06,greensboro smm food,0,87.6728198653162,83.56924325587181,0.0,1.6260830042934278,0.0,1.564151966663289,1.5210559846375966e-05,0.0,0.9133264279278356,87.67281986531621 +0.897,0.878,0.521,0.0,3.706614426100918e-07,0.0,0.0,89.32,2022-06-06,harrisburg/lancaster smm food,0,88.73187955721588,85.02510769460987,1.7330533493420064,1.4277008777696296,0.5459720038148308,0.0,4.5631679539127894e-05,0.0,0.0,88.73187955721588 +0.774,0.0,0.868,0.849,1.3590919562370033e-06,0.0,0.643,120.9,2022-06-06,hartford/new haven smm food,0,117.72129554755954,112.61073024106035,1.4954105823753767,0.0,0.9096040293882401,1.7848992200230274,0.00016731615831013563,0.0,0.9204841585542293,117.72129554755954 +0.982,0.876,0.0,0.584,1.1119843278302754e-06,0.0,0.639,189.21,2022-06-06,houston smm food,0,173.11083879420673,167.64644198801398,1.8972780257010593,1.4244487117610427,0.0,1.2277751996389257,0.00013689503861738367,0.0,0.9147579740531143,173.11083879420673 +0.649,0.0,0.532,0.5660000000000001,3.706614426100918e-07,0.804,0.0,53.07,2022-06-06,indianapolis smm food,0,92.68329044497807,89.02123497580452,1.2539037053767694,0.0,0.5574992438185988,1.189932813348685,4.5631679539127894e-05,0.6606740749499509,0.0,92.68329044497806 +0.0,0.879,0.0,0.0,0.0,0.877,0.653,117.4,2022-06-06,jacksonville smm food,0,89.38467722203342,86.29988999004563,0.0,1.429326960773923,0.0,0.0,0.0,0.7206606514068493,0.9347996198070166,89.38467722203342 +0.0,0.624,0.0,0.0,2.471076284067279e-07,0.676,0.756,46.1,2022-06-06,kansas city smm food,0,83.1461477307899,80.49370051161102,0.0,1.014675794679099,0.0,0.0,3.042111969275193e-05,0.5554921326693617,1.0822488707107267,83.1461477307899 +0.704,0.995,0.0,0.84,1.6061995846437312e-06,0.98,0.673,55.0,2022-06-06,knoxville smm food,0,75.91604325902978,69.4030183864474,1.3601667312561565,1.6179525892719606,0.0,1.7659780268779068,0.00019773727800288758,0.8052992455857609,0.9634305423125915,75.91604325902978 +0.0,0.621,0.0,0.0,1.2355381420336394e-07,0.0,0.0,79.97,2022-06-06,las vegas smm food,0,74.08579722314838,73.0759844669223,0.0,1.0097975456662187,0.0,0.0,1.5210559846375966e-05,0.0,0.0,74.08579722314838 +0.51,0.0,0.798,0.0,1.037852039308257e-05,0.0,0.0,49.48,2022-06-06,little rock/pine bluff smm food,0,59.52644576690159,57.70357115599228,0.985348058154318,0.0,0.8362488657278982,0.0,0.001277687027095581,0.0,0.0,59.52644576690159 +0.0,0.903,0.0,0.0,3.867234384565291e-05,0.898,0.0,177.59,2022-06-06,los angeles smm food,0,156.18760711660485,153.9765761946837,0.0,1.4683529528769654,0.0,0.0,0.004760905231915677,0.7379170638122585,0.0,156.18760711660485 +0.979,0.0,0.605,0.616,4.942152568134558e-07,0.0,0.0,30.499999999999996,2022-06-06,madison wi smm food,0,56.23977673431509,52.419185278171575,1.8914818606530928,0.0,0.6339982002072411,1.2950505530437983,6.084223938550386e-05,0.0,0.0,56.23977673431509 +0.0,0.0,0.808,0.0,8.648766994235475e-07,0.0,0.649,163.94,2022-06-06,miami/west palm beach smm food,0,185.89772242013035,184.12181433608328,0.0,0.0,0.8467281748222328,0.0,0.00010647391892463176,0.0,0.9290734353059017,185.89772242013032 +0.0,0.0,0.0,0.0,1.3590919562370033e-06,0.0,0.726,51.42,2022-06-06,milwaukee smm food,0,69.19264228313635,68.15317248002567,0.0,0.0,0.0,0.0,0.00016731615831013563,0.0,1.0393024869523646,69.19264228313635 +0.67,0.0,0.0,0.0,4.942152568134558e-06,0.549,0.886,95.11,2022-06-06,minneapolis/st. paul smm food,0,88.76528952429736,85.75072244988117,1.2944768607125354,0.0,0.0,0.0,0.0006084223938550387,0.4511319243128396,1.2683498669969628,88.76528952429736 +0.75,0.72,0.0,0.81,6.177690710168197e-07,0.666,0.787,62.64,2022-06-06,mobile/pensacola smm food,0,73.46314093117053,67.46643487620449,1.4490412619916442,1.170779763091268,0.0,1.702907383060839,7.605279923187984e-05,0.5472747934286907,1.1266268005943678,73.46314093117053 +0.0,0.538,0.0,0.765,9.884305136269115e-06,0.871,0.534,59.790000000000006,2022-06-06,nashville smm food,0,99.43669473592952,95.47216793873541,0.0,0.8748326563098642,0.0,1.6083014173352368,0.0012168447877100774,0.7157302478624467,0.7644456308988468,99.43669473592952 +0.979,0.0,0.0,0.9689999999999999,4.942152568134558e-07,0.0,0.0,54.59,2022-06-06,new orleans smm food,0,63.47834181447105,59.54961731628727,1.8914818606530928,0.0,0.0,2.0371817952912994,6.084223938550386e-05,0.0,0.0,63.478341814471044 +0.645,0.562,0.0,0.8270000000000001,3.0888453550840984e-06,0.0,0.0,265.11,2022-06-06,new york smm food,0,294.0608273970189,290.1617655847399,1.246175485312814,0.9138586484129065,0.0,1.7386474145571775,0.00038026399615939915,0.0,0.0,294.06082739701895 +0.973,0.784,0.923,0.0,2.471076284067279e-07,0.9530000000000001,0.0,112.46000000000001,2022-06-06,norfolk/portsmouth/newport news smm food,0,107.2150609346708,102.30993924858487,1.8798895305571595,1.2748490753660475,0.9672402294070802,0.0,3.042111969275193e-05,0.7831124296359492,0.0,107.2150609346708 +0.0,0.5,0.0,0.841,1.3590919562370033e-06,0.0,0.0,67.65,2022-06-06,oklahoma city smm food,0,56.1905333199484,53.609244119971564,0.0,0.8130415021467139,0.0,1.7680803816718091,0.00016731615831013563,0.0,0.0,56.19053331994839 +0.922,0.0,0.0,0.534,0.0,0.0,0.0,92.38,2022-06-06,omaha smm food,0,63.78024203470449,60.87622985001895,1.7813547247417278,0.0,0.0,1.1226574599438124,0.0,0.0,0.0,63.78024203470449 +0.766,0.0,0.0,0.555,1.3590919562370033e-06,0.834,0.894,106.63,2022-06-06,orlando/daytona beach/melborne smm food,0,137.2274388645548,132.61538216686213,1.4799541422474658,0.0,0.0,1.1668069106157601,0.00016731615831013563,0.6853260926719639,1.2798022359991927,137.2274388645548 +0.0,0.666,0.73,0.0,1.2355381420336394e-07,0.0,0.864,64.52,2022-06-06,paducah ky/cape girardeau mo smm food,0,58.64409004038088,55.55925813283435,0.0,1.082971280859423,0.7649895638864231,0.0,1.5210559846375966e-05,0.0,1.2368558522408306,58.644090040380874 +0.9540000000000001,0.0,0.0,0.0,6.301244524371561e-06,0.0,0.0,189.53,2022-06-06,philadelphia smm food,0,201.58170386164045,199.7377476378349,1.8431804852533713,0.0,0.0,0.0,0.0007757385521651744,0.0,0.0,201.58170386164045 +0.0,0.599,0.917,0.0,2.347522469863915e-06,0.0,0.677,121.38,2022-06-06,phoenix/prescott smm food,0,119.88738321044025,116.98296111946722,0.0,0.9740237195717633,0.9609526439504795,0.0,0.00028900063708114335,0.0,0.9691567268137065,119.88738321044025 +0.866,0.0,0.0,0.0,9.884305136269115e-07,0.0,0.73,124.48,2022-06-06,pittsburgh smm food,0,107.27054234862298,104.55223234884438,1.6731596438463516,0.0,0.0,0.0,0.00012168447877100773,0.0,1.0450286714534796,107.27054234862298 +0.6950000000000001,0.0,0.6940000000000001,0.8,2.5204978097486245e-05,0.0,0.0,89.37,2022-06-06,portland or smm food,0,90.65133855582576,86.8963094792362,1.3427782361122569,0.0,0.7272640511468188,1.6818838351218162,0.0031029542086606974,0.0,0.0,90.65133855582575 +0.0,0.774,0.802,0.0,1.2355381420336394e-07,0.0,0.504,85.47,2022-06-06,providence ri/new bedford ma smm food,0,86.0688496501943,83.24830635780522,0.0,1.2585882453231132,0.840440589365632,0.0,1.5210559846375966e-05,0.0,0.7214992471404845,86.0688496501943 +0.0,0.9400000000000001,0.918,0.598,2.471076284067279e-07,0.948,0.0,141.37,2022-06-06,raleigh/durham/fayetteville smm food,0,129.85693372288597,125.33017277610136,0.0,1.5285180240358223,0.962000574859913,1.2572081667535575,3.042111969275193e-05,0.7790037600156136,0.0,129.85693372288597 +0.0,0.0,0.549,0.0,5.807029267558105e-06,0.0,0.0,249.56000000000003,2022-06-06,rem us east north central smm food,0,307.0297016677166,306.4536727021249,0.0,0.0,0.5753140692789676,0.0,0.0007148963127796703,0.0,0.0,307.02970166771667 +0.0,0.787,0.74,0.0,9.884305136269115e-07,0.49499999999999994,0.556,137.57,2022-06-06,rem us middle atlantic smm food,0,134.05803908160394,130.80002326169728,0.0,1.2797273243789278,0.7754688729807577,0.0,0.00012168447877100773,0.4067582924132159,0.795939645654979,134.05803908160394 +0.518,0.9899999999999999,0.0,0.627,4.324383497117738e-06,0.0,0.0,154.14,2022-06-06,rem us mountain smm food,0,177.88684702896532,173.95751153106124,1.0008044982822288,1.6098221742504932,0.0,1.3181764557767235,0.0005323695946231589,0.0,0.0,177.88684702896532 +0.625,0.5,0.0,0.0,6.177690710168197e-07,0.553,0.512,136.59,2022-06-06,rem us new england smm food,0,151.42965302914482,148.221630613054,1.2075343849930367,0.8130415021467139,0.0,0.0,7.605279923187984e-05,0.45441886000910797,0.7329516161427144,151.42965302914482 +0.996,0.0,0.0,0.9580000000000001,1.976861027253823e-06,0.982,0.0,89.55,2022-06-06,rem us pacific smm food,0,109.85921297288715,105.11364420201244,1.9243267959249033,0.0,0.0,2.014055892558375,0.00024336895754201545,0.8069427134338951,0.0,109.85921297288715 +0.9580000000000001,0.799,0.652,0.0,4.942152568134558e-06,0.853,0.0,298.45,2022-06-06,rem us south atlantic smm food,0,288.21517779513607,283.6802303568146,1.8509087053173268,1.2992403204304488,0.6832509529506136,0.0,0.0006084223938550387,0.7009390372292389,0.0,288.21517779513607 +0.655,0.549,0.0,0.916,2.545208572589297e-05,0.764,0.918,399.91,2022-06-06,rem us south central smm food,0,405.4603993936122,399.4313293612464,1.2654960354727025,0.892719569357092,0.0,1.9257569912144796,0.003133375328353449,0.6278047179872667,1.3141593430058827,405.4603993936122 +0.0,0.655,0.683,0.583,3.7066144261009183e-06,0.0,0.9630000000000002,86.73,2022-06-06,rem us west north central smm food,0,130.3400577417671,125.95452848252805,0.0,1.0650843678121953,0.7157368111430508,1.2256728448450234,0.000456316795391279,0.0,1.378578918643426,130.34005774176714 +0.664,0.596,0.0,0.992,1.729753398847095e-06,0.52,0.794,96.06,2022-06-06,richmond/petersburg smm food,0,91.96982200662008,86.06809383806947,1.2828845306166023,0.9691454705588829,0.0,2.085535955551052,0.00021294783784926353,0.42730164051489355,1.136647623471319,91.96982200662008 +0.9390000000000001,0.8140000000000001,0.0,0.0,1.4826457704403671e-06,0.0,0.833,105.54,2022-06-06,sacramento/stockton/modesto smm food,0,75.91757332255384,71.58708164797008,1.8141996600135384,1.3236315654948503,0.0,0.0,0.00018252671815651157,0.0,1.1924779223571897,75.91757332255382 +0.801,0.0,0.0,0.0,1.6061995846437312e-06,0.604,0.0,74.65,2022-06-06,salt lake city smm food,0,85.7689101673728,83.72480907215119,1.547576067807076,0.0,0.0,0.0,0.00019773727800288758,0.4963272901365302,0.0,85.7689101673728 +0.509,0.0,0.936,0.0,1.2355381420336394e-07,0.0,0.711,88.47,2022-06-06,san diego smm food,0,81.69643679071734,78.71431295071628,0.9834160031383291,0.0,0.9808633312297153,0.0,1.5210559846375966e-05,0.0,1.0178292950731835,81.69643679071736 +0.8190000000000001,0.0,0.0,0.0,1.1119843278302754e-06,0.724,0.677,122.47,2022-06-06,san francisco/oakland/san jose smm food,0,92.02249508839128,88.87591304741949,1.5823530580948755,0.0,0.0,0.0,0.00013689503861738367,0.5949353610245826,0.9691567268137065,92.02249508839127 +0.988,0.0,0.546,0.711,2.100414841457187e-06,0.547,0.0,67.54,2022-06-06,seattle/tacoma smm food,0,93.17031843259804,88.74475650580376,1.9088703557969924,0.0,0.5721702765506672,1.494774258464514,0.00025857951738839145,0.44948845646470537,0.0,93.17031843259804 +0.84,0.536,0.0,0.736,1.3343811933963306e-05,0.968,0.0,79.28,2022-06-06,st. louis smm food,0,92.54301454136602,87.70409353036166,1.6229262134306413,0.8715804903012774,0.0,1.5473331283120708,0.0016427404634086044,0.7954384384969557,0.0,92.54301454136602 +0.0,0.0,0.778,0.0,1.729753398847095e-06,0.925,0.0,152.2,2022-06-06,tampa/ft. myers smm food,0,174.8308106959028,173.25520362076367,0.0,0.0,0.8152902475392291,0.0,0.00021294783784926353,0.7601038797620703,0.0,174.8308106959028 +0.0,0.536,0.0,0.76,7.413228852201836e-07,0.778,0.708,52.07,2022-06-06,tucson/sierra vista smm food,0,67.4445516910678,63.32224664442017,0.0,0.8715804903012774,0.0,1.5977896433657253,9.126335907825579e-05,0.6393089929242062,1.0135346566973473,67.4445516910678 +0.779,0.0,0.0,0.869,2.5946300982706425e-06,0.501,0.0,167.88,2022-06-06,washington dc/hagerstown smm food,0,176.76540147473057,173.02137618365978,1.505070857455321,0.0,0.0,1.8269463159010728,0.00031942175677389525,0.4116886959576186,0.0,176.76540147473057 +0.584,0.0,0.795,0.0,4.942152568134558e-07,0.793,0.685,67.89,2022-06-06,yakima/pasco/richland/kennewick smm food,0,57.11067250908697,53.51694236690935,1.1283201293374934,0.0,0.8331050729995978,0.0,6.084223938550386e-05,0.6516350017852127,0.9806090958159364,57.110672509086974 +0.8290000000000001,0.0,0.0,0.0,1.8533072130504591e-06,0.0,0.9490000000000002,60.4,2022-06-13,albany/schenectady/troy smm food,0,85.31730748037276,82.35686844083078,1.601673608254764,0.0,0.0,0.0,0.0002281583976956395,0.0,1.3585372728895238,85.31730748037276 +0.745,0.0,0.632,0.534,0.0,0.0,0.663,65.89,2022-06-13,albuquerque/santa fe smm food,0,74.9655752243901,70.79212936171284,1.4393809869116998,0.0,0.6622923347619444,1.1226574599438124,0.0,0.0,0.9491150810598041,74.9655752243901 +0.0,0.644,0.0,0.0,4.69504493972783e-06,0.631,0.0,157.85,2022-06-13,atlanta smm food,0,166.81382040220865,165.2475308400832,0.0,1.0471974547649676,0.0,0.0,0.0005780012741622867,0.518514106086342,0.0,166.81382040220865 +0.0,0.745,0.0,0.0,9.884305136269115e-07,0.784,0.735,115.20000000000002,2022-06-13,baltimore smm food,0,108.18834051144187,105.28036119021601,0.0,1.2114318381986038,0.0,0.0,0.00012168447877100773,0.6442393964686087,1.0521864020798732,108.18834051144187 +0.719,0.0,0.929,0.777,7.413228852201836e-07,0.0,0.591,60.90999999999999,2022-06-13,baton rouge smm food,0,55.47058197306251,50.62824190344196,1.3891475564959894,0.0,0.973527814863681,1.633529674862064,9.126335907825579e-05,0.0,0.8460437600397348,55.47058197306251 +0.862,0.515,0.9070000000000001,0.0,3.0888453550840984e-06,0.0,0.0,59.239999999999995,2022-06-13,birmingham/anniston/tuscaloosa smm food,0,65.72923467340075,62.27551690355495,1.6654314237823962,0.8374327472111154,0.950473334856145,0.0,0.00038026399615939915,0.0,0.0,65.72923467340077 +0.0,0.621,0.0,0.893,5.436367824948013e-06,0.791,0.0,215.19,2022-06-13,boston/manchester smm food,0,186.8821525413477,183.34429136615643,0.0,1.0097975456662187,0.0,1.8774028309547273,0.0006692646332405425,0.6499915339370785,0.0,186.8821525413477 +0.0,0.0,0.0,0.0,2.471076284067279e-07,0.8150000000000001,0.9570000000000001,44.46,2022-06-13,buffalo smm food,0,66.00292651890956,63.96319330778341,0.0,0.0,0.0,0.0,3.042111969275193e-05,0.669713148114689,1.3699896418917534,66.00292651890955 +0.0,0.7010000000000001,0.8140000000000001,0.0,3.706614426100918e-07,0.6970000000000001,0.0,119.73000000000002,2022-06-13,charlotte smm food,0,129.66657938914764,127.1008852661048,0.0,1.1398841860096929,0.8530157602788335,0.0,4.5631679539127894e-05,0.5727485450747708,0.0,129.66657938914764 +0.0,0.875,0.717,0.5650000000000001,2.5946300982706425e-06,0.812,0.0,120.66,2022-06-13,chicago smm food,0,181.1524426153256,177.12285569785104,0.0,1.4228226287567494,0.7513664620637882,1.1878304585547828,0.00031942175677389525,0.6672479463424876,0.0,181.1524426153256 +0.0,0.526,0.0,0.0,2.347522469863915e-06,0.855,0.848,95.33,2022-06-13,cleveland/akron/canton smm food,0,133.8632169304481,131.09107465023894,0.0,0.855319660258343,0.0,0.0,0.00028900063708114335,0.7025825050773731,1.2139511142363708,133.86321693044812 +0.0,0.0,0.0,0.0,4.69504493972783e-06,0.0,0.0,79.0,2022-06-13,columbus oh smm food,0,103.92131269091904,103.92073468964487,0.0,0.0,0.0,0.0,0.0005780012741622867,0.0,0.0,103.92131269091904 +0.0,0.713,0.0,0.52,6.177690710168197e-06,0.807,0.972,113.36000000000001,2022-06-13,dallas/ft. worth smm food,0,109.58514149469431,105.27715718131851,0.0,1.159397182061214,0.0,1.0932244928291805,0.0007605279923187983,0.6631392767221521,1.3914628337709345,109.58514149469431 +0.0,0.87,0.0,0.955,8.648766994235475e-07,0.896,0.772,55.87,2022-06-13,des moines/ames smm food,0,67.672272084296,62.408297363785806,0.0,1.4146922137352822,0.0,2.007748828176668,0.00010647391892463176,0.7362735959641243,1.1051536087151868,67.672272084296 +0.0,0.739,0.743,0.713,1.6061995846437312e-06,0.0,0.724,148.6,2022-06-13,detroit smm food,0,164.83882715885443,160.32292305294044,0.0,1.201675340172843,0.7786126657090581,1.4989789680523187,0.00019773727800288758,0.0,1.0364393947018071,164.83882715885446 +0.632,0.812,0.901,0.9630000000000002,1.3590919562370033e-06,0.9140000000000001,0.0,100.94,2022-06-13,grand rapids smm food,0,116.27699001687687,110.01556630860257,1.2210587701049587,1.3203793994862634,0.9441857493995441,2.0245676665278864,0.00016731615831013563,0.7510648065973322,0.0,116.27699001687687 +0.0,0.812,0.964,0.987,3.706614426100918e-07,0.0,0.925,55.52,2022-06-13,greensboro smm food,0,89.29907803119582,83.56924325587181,0.0,1.3203793994862634,1.0102053966938518,2.0750241815815405,4.5631679539127894e-05,0.0,1.3241801658828338,89.29907803119583 +0.0,0.55,0.812,0.0,7.413228852201836e-07,0.741,0.5640000000000001,101.72,2022-06-13,harrisburg/lancaster smm food,0,88.18676136118124,85.02510769460987,0.0,0.8943456523613853,0.8509198984599666,0.0,9.126335907825579e-05,0.6089048377337233,0.807392014657209,88.18676136118124 +0.0,0.0,0.6960000000000001,0.704,8.648766994235475e-07,0.8989999999999999,0.612,92.35,2022-06-13,hartford/new haven smm food,0,116.43509942925908,112.61073024106035,0.0,0.0,0.7293599129656857,1.4800577749071981,0.00010647391892463176,0.7387387977363256,0.8761062286705883,116.43509942925907 +0.98,0.681,0.5700000000000001,0.0,2.8417377266773707e-06,0.799,0.806,182.76,2022-06-13,houston smm food,0,173.0552804731647,167.64644198801398,1.8934139156690815,1.1073625259238244,0.5973206183770702,0.0,0.00034984287646664725,0.6565654053296154,1.1538261769746638,173.0552804731647 +0.0,0.871,0.0,0.0,1.2355381420336394e-06,0.0,0.915,77.84,2022-06-13,indianapolis smm food,0,91.7475700827726,89.02123497580452,0.0,1.4163182967395755,0.0,0.0,0.00015210559846375968,0.0,1.3098647046300465,91.7475700827726 +0.808,0.0,0.0,0.603,7.413228852201836e-07,0.809,0.679,64.2,2022-06-13,jacksonville smm food,0,90.76560421068133,86.29988999004563,1.561100452918998,0.0,0.0,1.2677199407230688,9.126335907825579e-05,0.6647827445702864,0.9720198190642639,90.76560421068132 +0.535,0.981,0.0,0.582,1.729753398847095e-06,0.0,0.0,77.67,2022-06-13,kansas city smm food,0,84.34632081026588,80.49370051161102,1.0336494335540396,1.5951874272118527,0.0,1.2235704900511213,0.00021294783784926353,0.0,0.0,84.3463208102659 +0.0,0.993,0.0,0.0,1.6061995846437312e-06,0.0,0.0,55.62,2022-06-13,knoxville smm food,0,71.01791654698877,69.4030183864474,0.0,1.6147004232633737,0.0,0.0,0.00019773727800288758,0.0,0.0,71.01791654698877 +0.636,0.0,0.0,0.0,3.706614426100918e-07,0.773,0.0,79.51,2022-06-13,las vegas smm food,0,74.94001741207464,73.0759844669223,1.2287869901689141,0.0,0.0,0.0,4.5631679539127894e-05,0.6352003233038707,0.0,74.94001741207462 +0.6900000000000001,0.0,0.544,0.687,1.1490504720912845e-05,0.9269999999999999,0.0,39.2,2022-06-13,little rock/pine bluff smm food,0,61.81424320484318,57.70357115599228,1.3331179610323127,0.0,0.5700744147318003,1.4443177434108598,0.0014145820657129647,0.7617473476102045,0.0,61.814243204843166 +0.0,0.0,0.9980000000000001,0.556,3.4100852720128444e-05,0.6920000000000001,0.61,198.77,2022-06-13,los angeles smm food,0,157.63740163410003,153.9765761946837,0.0,0.0,1.0458350476145895,1.1689092654096624,0.004198114517599766,0.5686398754544353,0.8732431364200308,157.63740163410003 +0.0,0.7000000000000001,0.628,0.876,3.706614426100918e-07,0.0,0.0,92.13,2022-06-13,madison wi smm food,0,56.05725242343912,52.419185278171575,0.0,1.1382581030053995,0.6581006111242106,1.8416627994583887,4.5631679539127894e-05,0.0,0.0,56.05725242343911 +0.687,0.9490000000000002,0.877,0.0,0.0,0.0,0.0,196.49,2022-06-13,miami/west palm beach smm food,0,187.91132431071526,184.12181433608328,1.327321795984346,1.5431527710744632,0.9190354075731412,0.0,0.0,0.0,0.0,187.91132431071523 +0.5690000000000001,0.0,0.0,0.0,7.413228852201836e-07,0.0,0.0,78.42,2022-06-13,milwaukee smm food,0,69.25260304748241,68.15317248002567,1.0993393040976607,0.0,0.0,0.0,9.126335907825579e-05,0.0,0.0,69.25260304748241 +0.975,0.0,0.0,0.81,1.3590919562370033e-06,0.0,0.0,88.84,2022-06-13,minneapolis/st. paul smm food,0,89.33755078968944,85.75072244988117,1.8837536405891373,0.0,0.0,1.702907383060839,0.00016731615831013563,0.0,0.0,89.33755078968946 +0.971,0.796,0.844,0.0,0.0,0.8260000000000001,0.7030000000000001,81.75,2022-06-13,mobile/pensacola smm food,0,73.20640520305945,67.46643487620449,1.8760254205251818,1.2943620714175685,0.8844536875618372,0.0,0.0,0.6787522212794271,1.0063769260709536,73.20640520305946 +0.0,0.52,0.875,0.955,6.91901359538838e-06,0.653,0.0,124.71000000000001,2022-06-13,nashville smm food,0,99.77986351866615,95.47216793873541,0.0,0.8455631622325824,0.9169395457542743,2.007748828176668,0.0008517913513970541,0.5365922524158183,0.0,99.77986351866615 +0.0,0.601,0.0,0.0,2.471076284067279e-07,0.0,0.0,31.5,2022-06-13,new orleans smm food,0,60.52692362298731,59.54961731628727,0.0,0.9772758855803501,0.0,0.0,3.042111969275193e-05,0.0,0.0,60.52692362298731 +0.0,0.494,0.519,0.723,3.5830606118975546e-06,0.641,0.0,310.77,2022-06-13,new york smm food,0,293.5561017984107,290.1617655847399,0.0,0.8032850041209533,0.5438761419959639,1.5200025159913413,0.00044110623554490306,0.526731445327013,0.0,293.55610179841074 +0.737,0.0,0.0,0.502,0.0,0.735,0.964,88.44,2022-06-13,norfolk/portsmouth/newport news smm food,0,106.77323080086563,102.30993924858487,1.4239245467837889,0.0,0.0,1.0553821065389397,0.0,0.6039744341893207,1.3800104647687046,106.77323080086562 +0.0,0.604,0.9470000000000001,0.98,1.2355381420336394e-06,0.0,0.0,81.57,2022-06-13,oklahoma city smm food,0,57.64424862942096,53.609244119971564,0.0,0.9821541345932303,0.9923905712334832,2.060307698024225,0.00015210559846375968,0.0,0.0,57.644248629420964 +0.0,0.0,0.807,0.0,1.2355381420336394e-07,0.924,0.61,47.86,2022-06-13,omaha smm food,0,63.35445058674963,60.87622985001895,0.0,0.0,0.8456802439127993,0.0,1.5210559846375966e-05,0.7592821458380032,0.8732431364200308,63.35445058674963 +0.0,0.66,0.716,0.0,8.648766994235475e-07,0.0,0.0,81.65,2022-06-13,orlando/daytona beach/melborne smm food,0,134.43902195476906,132.61538216686213,0.0,1.0732147828336625,0.7503185311543548,0.0,0.00010647391892463176,0.0,0.0,134.4390219547691 +0.0,0.981,0.0,0.0,1.2355381420336394e-07,0.0,0.0,103.4,2022-06-13,paducah ky/cape girardeau mo smm food,0,57.15446077060606,55.55925813283435,0.0,1.5951874272118527,0.0,0.0,1.5210559846375966e-05,0.0,0.0,57.15446077060605 +0.678,0.536,0.931,0.0,7.907444109015292e-06,0.0,0.777,194.55,2022-06-13,philadelphia smm food,0,204.00816992083094,199.7377476378349,1.3099333008404463,0.8715804903012774,0.9756236766825479,0.0,0.0009734758301680618,0.0,1.1123113393415804,204.0081699208309 +0.0,0.8310000000000001,0.0,0.0,3.7066144261009183e-06,0.0,0.897,165.94,2022-06-13,phoenix/prescott smm food,0,119.61878928720547,116.98296111946722,0.0,1.3512749765678387,0.0,0.0,0.000456316795391279,0.0,1.284096874375029,119.61878928720547 +0.0,0.513,0.854,0.65,9.884305136269115e-07,0.837,0.637,127.39999999999999,2022-06-13,pittsburgh smm food,0,109.24768440346506,104.55223234884438,0.0,0.8341805812025285,0.8949329966561717,1.3665306160364756,0.00012168447877100773,0.6877912944441652,0.9118948818025568,109.24768440346506 +0.0,0.8200000000000001,0.0,0.965,1.9274395015724773e-05,0.0,0.53,97.91,2022-06-13,portland or smm food,0,91.01956221260627,86.8963094792362,0.0,1.3333880635206108,0.0,2.0287723761156906,0.0023728473360346506,0.0,0.7587194463977318,91.01956221260626 +0.759,0.0,0.929,0.759,3.706614426100918e-07,0.0,0.0,100.31,2022-06-13,providence ri/new bedford ma smm food,0,87.28399685005581,83.24830635780522,1.4664297571355438,0.0,0.973527814863681,1.5956872885718232,4.5631679539127894e-05,0.0,0.0,87.2839968500558 +0.9899999999999999,0.0,0.0,0.5,1.1119843278302754e-06,0.71,0.626,142.2,2022-06-13,raleigh/durham/fayetteville smm food,0,129.77380049443224,125.33017277610136,1.91273446582897,0.0,0.0,1.051177396951135,0.00013689503861738367,0.583431086087643,0.8961478744244907,129.7738004944322 +0.0,0.554,0.513,0.504,4.571491125524466e-06,0.75,0.0,297.59,2022-06-13,rem us east north central smm food,0,309.5685612929342,306.4536727021249,0.0,0.9008499843785591,0.5375885565393631,1.059586816126744,0.0005627907143159108,0.6163004430503273,0.0,309.5685612929342 +0.9570000000000001,0.678,0.638,0.0,1.4826457704403671e-06,0.0,0.526,115.25,2022-06-13,rem us middle atlantic smm food,0,135.1732398977429,130.80002326169728,1.848976650301338,1.1024842769109442,0.6685799202185452,0.0,0.00018252671815651157,0.0,0.7529932618966169,135.1732398977429 +0.857,0.0,0.622,0.619,2.5946300982706425e-06,0.0,0.8260000000000001,215.82,2022-06-13,rem us mountain smm food,0,178.74922984409383,173.95751153106124,1.655771148702452,0.0,0.6518130256676098,1.3013576174255053,0.00031942175677389525,0.0,1.1824570994802386,178.74922984409383 +0.585,0.9570000000000001,0.0,0.547,6.177690710168197e-07,0.0,0.0,122.08000000000001,2022-06-13,rem us new england smm food,0,152.05810835758007,148.221630613054,1.1302521843534823,1.5561614351088104,0.0,1.149988072264542,7.605279923187984e-05,0.0,0.0,152.05810835758007 +0.0,0.0,0.0,0.534,1.1119843278302754e-06,0.712,0.98,97.48,2022-06-13,rem us pacific smm food,0,108.22442831370381,105.11364420201244,0.0,0.0,0.0,1.1226574599438124,0.00013689503861738367,0.5850745539357773,1.4029152027731644,108.22442831370381 +0.968,0.918,0.988,0.0,4.07727586871101e-06,0.0,0.0,290.32,2022-06-13,rem us south atlantic smm food,0,288.07906149722834,283.6802303568146,1.8702292554772153,1.4927441979413667,1.0353557385202548,0.0,0.0005019484749304069,0.0,0.0,288.0790614972284 +0.0,0.0,0.0,0.0,3.731325188941591e-05,0.0,0.0,417.94,2022-06-13,rem us south central smm food,0,399.43592295032,399.4313293612464,0.0,0.0,0.0,0.0,0.004593589073605541,0.0,0.0,399.43592295032 +0.0,0.555,0.9630000000000002,0.778,3.0888453550840984e-06,0.0,0.522,126.16,2022-06-13,rem us west north central smm food,0,130.24944138674294,125.95452848252805,0.0,0.9024760673828525,1.0091574657844187,1.6356320296559663,0.00038026399615939915,0.0,0.7472670773955019,130.24944138674294 +0.0,0.0,0.874,0.664,4.942152568134558e-07,0.0,0.0,72.29,2022-06-13,richmond/petersburg smm food,0,88.3800098783048,86.06809383806947,0.0,0.0,0.9158916148448408,1.3959635831511075,6.084223938550386e-05,0.0,0.0,88.3800098783048 +0.903,0.0,0.0,0.64,8.648766994235475e-07,0.732,0.0,63.1,2022-06-13,sacramento/stockton/modesto smm food,0,75.27885010184153,71.58708164797008,1.7446456794379395,0.0,0.0,1.345507068097453,0.00010647391892463176,0.6015092324171194,0.0,75.27885010184151 +0.66,0.666,0.536,0.0,1.2355381420336393e-05,0.51,0.0,119.74,2022-06-13,salt lake city smm food,0,87.06523298827845,83.72480907215119,1.2751563105526469,1.082971280859423,0.5616909674563326,0.0,0.0015210559846375966,0.4190843012742225,0.0,87.06523298827845 +0.8210000000000001,0.0,0.0,0.848,2.471076284067279e-07,0.0,0.0,67.72,2022-06-13,san diego smm food,0,82.08335740519195,78.71431295071628,1.586217168126853,0.0,0.0,1.782796865229125,3.042111969275193e-05,0.0,0.0,82.08335740519195 +0.932,0.0,0.916,0.917,1.1119843278302754e-06,0.0,0.586,57.42,2022-06-13,san francisco/oakland/san jose smm food,0,94.4033753058225,88.87591304741949,1.8006752749016164,0.0,0.9599047130410461,1.927859346008382,0.00013689503861738367,0.0,0.8388860294133411,94.4033753058225 +0.585,0.592,0.0,0.863,3.2123991692874624e-06,0.0,0.0,87.9,2022-06-13,seattle/tacoma smm food,0,92.65237749039261,88.74475650580376,1.1302521843534823,0.9626411385417092,0.0,1.8143321871376592,0.00039547455600577515,0.0,0.0,92.65237749039262 +0.8260000000000001,0.722,0.56,0.8270000000000001,8.648766994235476e-06,0.876,0.0,112.75,2022-06-13,st. louis smm food,0,93.52039528318026,87.70409353036166,1.5958774432067975,1.1740319290998549,0.5868413092827356,1.7386474145571775,0.0010647391892463177,0.7198389174827822,0.0,93.52039528318025 +0.0,0.0,0.0,0.967,3.706614426100918e-07,0.0,0.9570000000000001,135.44,2022-06-13,tampa/ft. myers smm food,0,176.65821598003845,173.25520362076367,0.0,0.0,0.0,2.0329770857034952,4.5631679539127894e-05,0.0,1.3699896418917534,176.65821598003845 +0.515,0.0,0.98,0.623,8.648766994235475e-07,0.0,0.871,77.81,2022-06-13,tucson/sierra vista smm food,0,67.90097745453704,63.32224664442017,0.9950083332342623,0.0,1.0269722912447872,1.3097670366011143,0.00010647391892463176,0.0,1.2468766751177818,67.90097745453704 +0.601,0.999,0.793,0.0,3.3359529834908265e-06,0.0,0.96,198.97,2022-06-13,washington dc/hagerstown smm food,0,178.01270234612238,173.02137618365978,1.1611650646093041,1.6244569212891344,0.8310092111807309,0.0,0.0004106851158521511,0.0,1.3742842802675894,178.01270234612238 +0.0,0.0,0.0,0.0,0.0,0.8150000000000001,0.0,49.08,2022-06-13,yakima/pasco/richland/kennewick smm food,0,54.18665551502404,53.51694236690935,0.0,0.0,0.0,0.0,0.0,0.669713148114689,0.0,54.186655515024036 +0.0,0.0,0.556,0.0,1.2355381420336394e-07,0.856,0.0,79.79,2022-06-20,albany/schenectady/troy smm food,0,83.64293747603708,82.35686844083078,0.0,0.0,0.5826495856450018,0.0,1.5210559846375966e-05,0.7034042390014401,0.0,83.64293747603706 +0.0,0.581,0.49900000000000005,0.0,3.706614426100918e-07,0.557,0.0,53.71,2022-06-20,albuquerque/santa fe smm food,0,72.71755253839953,70.79212936171284,0.0,0.9447542254944815,0.5229175238072947,0.0,4.5631679539127894e-05,0.4577057957053764,0.0,72.71755253839953 +0.0,0.717,0.9440000000000001,0.0,1.729753398847095e-06,0.0,0.924,157.5,2022-06-20,atlanta smm food,0,168.72564070026215,165.2475308400832,0.0,1.1659015140783877,0.9892467785051828,0.0,0.00021294783784926353,0.0,1.322748619757555,168.72564070026215 +0.0,0.0,0.661,0.581,1.976861027253823e-06,0.8130000000000001,0.0,136.98,2022-06-20,baltimore smm food,0,107.86282470583285,105.28036119021601,0.0,0.0,0.6926823311355147,1.221468135257219,0.00024336895754201545,0.6680696802665548,0.0,107.86282470583285 +0.788,0.0,0.0,0.543,1.2355381420336394e-07,0.0,0.0,65.53,2022-06-20,baton rouge smm food,0,53.29229511968995,50.62824190344196,1.5224593525992207,0.0,0.0,1.1415786530889327,1.5210559846375966e-05,0.0,0.0,53.29229511968996 +0.768,0.0,0.926,0.0,2.471076284067279e-07,0.0,0.865,53.8,2022-06-20,birmingham/anniston/tuscaloosa smm food,0,65.96803699745558,62.27551690355495,1.4838182522794436,0.0,0.9703840221353807,0.0,3.042111969275193e-05,0.0,1.2382873983661093,65.96803699745558 +0.77,0.0,0.0,0.0,7.413228852201836e-07,0.0,0.0,184.33,2022-06-20,boston/manchester smm food,0,184.83206499182694,183.34429136615643,1.4876823623114213,0.0,0.0,0.0,9.126335907825579e-05,0.0,0.0,184.83206499182694 +0.749,0.0,0.981,0.0,1.2355381420336394e-07,0.747,0.655,57.959999999999994,2022-06-20,buffalo smm food,0,67.98983590080883,63.96319330778341,1.4471092069756553,0.0,1.0280202221542207,0.0,1.5210559846375966e-05,0.6138352412781259,0.9376627120575742,67.98983590080884 +0.0,0.0,0.0,0.0,8.648766994235475e-07,0.0,0.0,100.39,2022-06-20,charlotte smm food,0,127.10099174002372,127.1008852661048,0.0,0.0,0.0,0.0,0.00010647391892463176,0.0,0.0,127.10099174002372 +0.0,0.612,0.0,0.0,3.953722054507646e-06,0.859,0.93,122.6,2022-06-20,chicago smm food,0,180.15571257167656,177.12285569785104,0.0,0.9951627986275778,0.0,0.0,0.0004867379150840309,0.7058694407736414,1.3313378965092275,180.15571257167656 +0.0,0.0,0.0,0.0,1.8533072130504591e-06,0.8300000000000001,0.805,111.73,2022-06-20,cleveland/akron/canton smm food,0,132.9257365964617,131.09107465023894,0.0,0.0,0.0,0.0,0.0002281583976956395,0.6820391569756955,1.152394630849385,132.92573659646172 +0.0,0.0,0.758,0.78,8.648766994235475e-07,0.0,0.591,91.94,2022-06-20,columbus oh smm food,0,107.20105329219787,103.92073468964487,0.0,0.0,0.7943316293505599,1.6398367392437707,0.00010647391892463176,0.0,0.8460437600397348,107.20105329219787 +0.0,0.0,0.0,0.515,2.7181839124740066e-06,0.837,0.0,106.62,2022-06-20,dallas/ft. worth smm food,0,107.04799582693897,105.27715718131851,0.0,0.0,0.0,1.0827127188596692,0.00033463231662027125,0.6877912944441652,0.0,107.04799582693897 +0.66,0.0,0.0,0.0,2.2239686556605507e-06,0.583,0.0,85.53,2022-06-20,des moines/ames smm food,0,64.1627983421468,62.408297363785806,1.2751563105526469,0.0,0.0,0.0,0.00027379007723476735,0.479070877731121,0.0,64.16279834214681 +0.6930000000000001,0.7030000000000001,0.579,0.0,4.942152568134558e-07,0.721,0.0,170.41,2022-06-20,detroit smm food,0,164.00425652909271,160.32292305294044,1.3389141260802793,1.1431363520182798,0.6067519965619712,0.0,6.084223938550386e-05,0.5924701592523812,0.0,164.00425652909274 +0.0,0.0,0.0,0.0,7.413228852201836e-07,0.882,0.685,135.61,2022-06-20,grand rapids smm food,0,111.72103598880477,110.01556630860257,0.0,0.0,0.0,0.0,9.126335907825579e-05,0.7247693210271848,0.9806090958159364,111.72103598880477 +0.5660000000000001,0.888,0.0,0.551,2.471076284067279e-07,0.905,0.863,95.0,2022-06-20,greensboro smm food,0,89.24426952269019,83.56924325587181,1.0935431390496941,1.443961707812564,0.0,1.158397491440151,3.042111969275193e-05,0.7436692012807282,1.2354243061155519,89.24426952269019 +0.667,0.0,0.0,0.9540000000000001,3.706614426100918e-07,0.0,0.6990000000000001,100.54,2022-06-20,harrisburg/lancaster smm food,0,89.32013123690659,85.02510769460987,1.2886806956645689,0.0,0.0,2.005646473382766,4.5631679539127894e-05,0.0,1.0006507415698387,89.32013123690659 +0.892,0.901,0.9129999999999999,0.9000000000000001,8.648766994235475e-07,0.0,0.791,81.82,2022-06-20,hartford/new haven smm food,0,119.78056379603,112.61073024106035,1.723393074262062,1.4651007868683785,0.9567609203127455,1.8921193145120434,0.00010647391892463176,0.0,1.1323529850954828,119.78056379603 +0.0,0.0,0.554,0.9390000000000001,1.8533072130504591e-06,0.0,0.732,187.06,2022-06-20,houston smm food,0,171.24922678541606,167.64644198801398,0.0,0.0,0.5805537238261349,1.9741111514742318,0.0002281583976956395,0.0,1.047891763704037,171.24922678541608 +0.0,0.0,0.711,0.766,7.413228852201836e-07,0.96,0.0,107.92,2022-06-20,indianapolis smm food,0,92.16567345500434,89.02123497580452,0.0,0.0,0.7450788766071874,1.610403772129139,9.126335907825579e-05,0.7888645671044189,0.0,92.16567345500434 +0.0,0.948,0.0,0.617,8.648766994235475e-07,0.948,0.0,90.51,2022-06-20,jacksonville smm food,0,89.91767981988802,86.29988999004563,0.0,1.5415266880701695,0.0,1.2971529078377007,0.00010647391892463176,0.7790037600156136,0.0,89.91767981988804 +0.736,0.0,0.0,0.9210000000000002,1.3590919562370033e-06,0.0,0.0,82.73,2022-06-20,kansas city smm food,0,83.85212908472113,80.49370051161102,1.4219924917678,0.0,0.0,1.9362687651839912,0.00016731615831013563,0.0,0.0,83.85212908472113 +0.892,0.598,0.597,0.788,4.942152568134558e-07,0.66,0.0,89.8,2022-06-20,knoxville smm food,0,74.92348465992737,69.4030183864474,1.723393074262062,0.9723976365674698,0.6256147529317734,1.656655577594989,6.084223938550386e-05,0.542344389884288,0.0,74.92348465992737 +0.756,0.0,0.526,0.964,1.1119843278302754e-06,0.0,0.0,75.73,2022-06-20,las vegas smm food,0,77.11463663373229,73.0759844669223,1.4606335920875773,0.0,0.551211658361998,2.0266700213217885,0.00013689503861738367,0.0,0.0,77.11463663373229 +0.0,0.638,0.0,0.0,1.284959667714985e-05,0.833,0.628,71.55,2022-06-20,little rock/pine bluff smm food,0,60.32610933637845,57.70357115599228,0.0,1.0374409567392069,0.0,0.0,0.0015818982240231006,0.6845043587478967,0.8990109666750482,60.32610933637845 +0.58,0.752,0.0,0.551,8.784676189859176e-05,0.8260000000000001,0.0,174.08,2022-06-20,los angeles smm food,0,158.16794694395625,153.9765761946837,1.120591909273538,1.2228144192286576,0.0,1.158397491440151,0.010814708050773312,0.6787522212794271,0.0,158.16794694395625 +0.853,0.0,0.742,0.0,4.942152568134558e-07,0.536,0.0,25.07,2022-06-20,madison wi smm food,0,55.285303167149046,52.419185278171575,1.6480429286384966,0.0,0.7775647347996246,0.0,6.084223938550386e-05,0.44044938329996725,0.0,55.28530316714905 +0.536,0.648,0.0,0.905,6.177690710168197e-07,0.517,0.626,181.85,2022-06-20,miami/west palm beach smm food,0,189.43478906588342,184.12181433608328,1.0355814885700283,1.0537017867821412,0.0,1.9026310884815545,7.605279923187984e-05,0.4248364387426923,0.8961478744244907,189.43478906588342 +0.605,0.56,0.0,0.879,8.648766994235475e-07,0.0,0.0,69.05,2022-06-20,milwaukee smm food,0,72.08074858486226,68.15317248002567,1.1688932846732596,0.9106064824043196,0.0,1.8479698638400954,0.00010647391892463176,0.0,0.0,72.08074858486228 +0.807,0.0,0.0,0.0,1.3590919562370033e-06,0.0,0.0,78.17,2022-06-20,minneapolis/st. paul smm food,0,87.31005816394249,85.75072244988117,1.559168397903009,0.0,0.0,0.0,0.00016731615831013563,0.0,0.0,87.31005816394249 +0.645,0.0,0.848,0.0,1.2355381420336394e-07,0.0,0.0,57.11000000000001,2022-06-20,mobile/pensacola smm food,0,69.60127098327672,67.46643487620449,1.246175485312814,0.0,0.888645411199571,0.0,1.5210559846375966e-05,0.0,0.0,69.60127098327672 +0.857,0.9689999999999999,0.0,0.8280000000000001,5.807029267558105e-06,0.0,0.845,66.78,2022-06-20,nashville smm food,0,101.6547346601226,95.47216793873541,1.655771148702452,1.5756744311603312,0.0,1.7407497693510798,0.0007148963127796703,0.0,1.2096564758605346,101.65473466012259 +0.6880000000000001,0.967,0.0,0.0,1.2355381420336394e-07,0.6930000000000001,0.6940000000000001,44.78,2022-06-20,new orleans smm food,0,64.01426326332114,59.54961731628727,1.3292538510003349,1.5724222651517445,0.0,0.0,1.5210559846375966e-05,0.5694616093785024,0.9934930109434451,64.01426326332114 +0.0,0.724,0.0,0.784,4.324383497117738e-06,0.0,0.8270000000000001,283.13,2022-06-20,new york smm food,0,294.17171685346784,290.1617655847399,0.0,1.1772840951084418,0.0,1.64824615841938,0.0005323695946231589,0.0,1.1838886456055173,294.17171685346784 +0.0,0.0,0.847,0.0,6.177690710168197e-07,0.0,0.736,85.28,2022-06-20,norfolk/portsmouth/newport news smm food,0,104.2512307298794,102.30993924858487,0.0,0.0,0.8875974802901375,0.0,7.605279923187984e-05,0.0,1.053617948205152,104.2512307298794 +0.6940000000000001,0.9350000000000002,0.0,0.0,1.6061995846437312e-06,0.0,0.623,35.95,2022-06-20,oklahoma city smm food,0,57.36252888340884,53.609244119971564,1.3408461810962682,1.5203876090143553,0.0,0.0,0.00019773727800288758,0.0,0.8918532360486545,57.36252888340884 +0.0,0.618,0.0,0.662,1.2355381420336394e-07,0.621,0.974,52.83,2022-06-20,omaha smm food,0,65.17754592366259,60.87622985001895,0.0,1.0049192966533385,0.0,1.3917588735633029,1.5210559846375966e-05,0.5102967668456709,1.394325926021492,65.1775459236626 +0.0,0.784,0.653,0.0,1.729753398847095e-06,0.0,0.0,105.83,2022-06-20,orlando/daytona beach/melborne smm food,0,134.57474307392607,132.61538216686213,0.0,1.2748490753660475,0.684298883860047,0.0,0.00021294783784926353,0.0,0.0,134.57474307392607 +0.0,0.0,0.0,0.577,2.471076284067279e-07,0.91,0.799,71.84,2022-06-20,paducah ky/cape girardeau mo smm food,0,58.66393049503443,55.55925813283435,0.0,0.0,0.0,1.2130587160816098,3.042111969275193e-05,0.7477778709010637,1.1438053540977127,58.66393049503443 +0.663,0.0,0.7010000000000001,0.0,6.5483521527782885e-06,0.7020000000000001,0.5060000000000001,185.39,2022-06-20,philadelphia smm food,0,203.05532539470636,199.7377476378349,1.2809524756006134,0.0,0.7345995675128529,0.0,0.0008061596718579261,0.5768572146951063,0.7243623393910422,203.0553253947064 +0.0,0.0,0.0,0.989,2.9652915408807343e-06,0.0,0.895,132.03,2022-06-20,phoenix/prescott smm food,0,120.34378884619736,116.98296111946722,0.0,0.0,0.0,2.079228891169345,0.00036505343631302315,0.0,1.2812337821244715,120.34378884619736 +0.547,0.0,0.0,0.783,8.648766994235475e-07,0.613,0.637,79.23,2022-06-20,pittsburgh smm food,0,108.67093449739039,104.55223234884438,1.0568340937459058,0.0,0.0,1.6461438036254776,0.00010647391892463176,0.5037228954531341,0.9118948818025568,108.67093449739038 +0.52,0.5670000000000001,0.8270000000000001,0.91,3.138266880765444e-05,0.876,0.0,121.63,2022-06-20,portland or smm food,0,92.32645127522107,86.8963094792362,1.0046686083142067,0.9219890634343737,0.8666388621014685,1.913142862451066,0.0038634822009794953,0.7198389174827822,0.0,92.32645127522107 +0.0,0.0,0.9570000000000001,0.0,2.471076284067279e-07,0.526,0.986,92.6,2022-06-20,providence ri/new bedford ma smm food,0,86.09494318283686,83.24830635780522,0.0,0.0,1.0028698803278178,0.0,3.042111969275193e-05,0.4322320440592962,1.4115044795248368,86.09494318283686 +0.0,0.9430000000000001,0.545,0.0,1.2355381420336394e-06,0.0,0.0,111.98,2022-06-20,raleigh/durham/fayetteville smm food,0,127.43484350038977,125.33017277610136,0.0,1.5333962730487025,0.5711223456412338,0.0,0.00015210559846375968,0.0,0.0,127.43484350038976 +0.653,0.0,0.0,0.731,9.760751322065751e-06,0.9500000000000001,0.0,255.13,2022-06-20,rem us east north central smm food,0,310.0339748439998,306.4536727021249,1.2616319254407249,0.0,0.0,1.5368213543425595,0.0012016342278637013,0.7806472278637479,0.0,310.0339748439998 +0.0,0.0,0.0,0.0,4.942152568134558e-07,0.676,0.0,130.35,2022-06-20,rem us middle atlantic smm food,0,131.35557623660603,130.80002326169728,0.0,0.0,0.0,0.0,6.084223938550386e-05,0.5554921326693617,0.0,131.35557623660603 +0.0,0.0,0.0,0.748,2.5946300982706425e-06,0.848,0.782,148.67,2022-06-20,rem us mountain smm food,0,177.3466917762338,173.95751153106124,0.0,0.0,0.0,1.572561385838898,0.00031942175677389525,0.6968303676089033,1.1194690699679741,177.3466917762338 +0.9689999999999999,0.648,0.0,0.81,4.942152568134558e-07,0.0,0.796,156.64,2022-06-20,rem us new england smm food,0,153.98997265135148,148.221630613054,1.8721613104932038,1.0537017867821412,0.0,1.702907383060839,6.084223938550386e-05,0.0,1.1395107157218765,153.98997265135145 +0.0,0.0,0.9500000000000001,0.0,2.8417377266773707e-06,0.0,0.0,78.47,2022-06-20,rem us pacific smm food,0,106.1095284088507,105.11364420201244,0.0,0.0,0.9955343639617836,0.0,0.00034984287646664725,0.0,0.0,106.1095284088507 +0.0,0.753,0.0,0.0,1.976861027253823e-06,0.876,0.0,265.06,2022-06-20,rem us south atlantic smm food,0,285.62475314548783,283.6802303568146,0.0,1.2244405022329512,0.0,0.0,0.00024336895754201545,0.7198389174827822,0.0,285.6247531454879 +0.0,0.0,0.9700000000000001,0.0,3.0270684479824165e-05,0.589,0.966,388.05,2022-06-20,rem us south central smm food,0,402.318423768854,399.4313293612464,0.0,0.0,1.0164929821504527,0.0,0.003726587162362112,0.48400128127552366,1.382873557019262,402.318423768854 +0.587,0.0,0.605,0.0,1.8533072130504591e-06,0.729,0.749,92.55,2022-06-20,rem us west north central smm food,0,129.39414321399713,125.95452848252805,1.1341162943854601,0.0,0.6339982002072411,0.0,0.0002281583976956395,0.5990440306449181,1.0722280478337756,129.39414321399713 +0.0,0.0,0.839,0.0,2.471076284067279e-07,0.9470000000000001,0.497,54.22,2022-06-20,richmond/petersburg smm food,0,88.43699874255891,86.06809383806947,0.0,0.0,0.8792140330146698,0.0,3.042111969275193e-05,0.7781820260915466,0.7114784242635334,88.43699874255891 +0.0,0.0,0.0,0.0,1.1119843278302754e-06,0.861,0.508,90.44,2022-06-20,sacramento/stockton/modesto smm food,0,73.02195688327208,71.58708164797008,0.0,0.0,0.0,0.0,0.00013689503861738367,0.7075129086217756,0.7272254316415995,73.02195688327207 +0.0,0.972,0.8250000000000001,0.0,1.1119843278302754e-06,0.0,0.5700000000000001,52.28,2022-06-20,salt lake city smm food,0,86.98602293905451,83.72480907215119,0.0,1.5805526801732117,0.8645430002826016,0.0,0.00013689503861738367,0.0,0.8159812914088814,86.98602293905451 +0.0,0.662,0.0,0.925,1.1119843278302754e-06,0.608,0.0,103.7,2022-06-20,san diego smm food,0,82.23520920478956,78.71431295071628,0.0,1.0764669488422491,0.0,1.9446781843596,0.00013689503861738367,0.49961422583279863,0.0,82.23520920478954 +0.0,0.0,0.5650000000000001,0.0,2.100414841457187e-06,0.545,0.0,87.35,2022-06-20,san francisco/oakland/san jose smm food,0,89.91609757938335,88.87591304741949,0.0,0.0,0.5920809638299029,0.0,0.00025857951738839145,0.4478449886165712,0.0,89.91609757938335 +0.974,0.0,0.85,0.0,5.807029267558105e-06,0.0,0.627,102.14,2022-06-20,seattle/tacoma smm food,0,92.4156136812579,88.74475650580376,1.8818215855731484,0.0,0.8907412730184379,0.0,0.0007148963127796703,0.0,0.8975794205497695,92.4156136812579 +0.0,0.519,0.0,0.925,9.513643693659024e-06,0.0,0.0,57.36,2022-06-20,st. louis smm food,0,90.49388000705771,87.70409353036166,0.0,0.8439370792282891,0.0,1.9446781843596,0.0011712131081709494,0.0,0.0,90.49388000705773 +0.0,0.0,0.838,0.0,4.942152568134558e-07,0.0,0.7030000000000001,118.52000000000001,2022-06-20,tampa/ft. myers smm food,0,175.13980749117923,173.25520362076367,0.0,0.0,0.8781661021052364,0.0,6.084223938550386e-05,0.0,1.0063769260709536,175.13980749117925 +0.897,0.628,0.0,0.0,1.2355381420336394e-07,0.989,0.9440000000000001,85.41,2022-06-20,tucson/sierra vista smm food,0,68.24056972418379,63.32224664442017,1.7330533493420064,1.0211801266962726,0.0,0.0,1.5210559846375966e-05,0.8126948509023648,1.3513795422631298,68.24056972418379 +0.838,0.6990000000000001,0.675,0.0,9.884305136269115e-07,0.0,0.784,190.38,2022-06-20,washington dc/hagerstown smm food,0,177.60687751762444,173.02137618365978,1.6190621033986636,1.1366320200011062,0.7073533638675831,0.0,0.00012168447877100773,0.0,1.1223321622185316,177.60687751762444 +0.6930000000000001,0.0,0.662,0.634,0.0,0.0,0.588,48.92,2022-06-20,yakima/pasco/richland/kennewick smm food,0,57.72422881603252,53.51694236690935,1.3389141260802793,0.0,0.6937302620449481,1.3328929393340394,0.0,0.0,0.8417491216638986,57.724228816032515 +0.546,0.63,0.0,0.0,0.009773175893622041,0.0,0.529,118.64999999999999,2022-06-27,albany/schenectady/troy smm food,0,86.39665447429987,82.35686844083078,1.054902038729917,1.0244322927048595,0.0,0.0,1.203163801761853,0.0,0.7572879002724531,86.39665447429987 +0.749,0.0,0.859,0.0,0.013271781295820885,0.592,0.507,59.54,2022-06-27,albuquerque/santa fe smm food,0,75.98554444757964,70.79212936171284,1.4471092069756553,0.0,0.900172651203339,0.0,1.6338728591237655,0.48646648304772494,0.7257938855163207,75.98554444757964 +0.0,0.88,0.9380000000000001,0.0,0.04751114154828573,0.0,0.0,242.44000000000003,2022-06-27,atlanta smm food,0,173.5104819475381,165.2475308400832,0.0,1.4309530437782165,0.9829591930485821,0.0,5.849038870628115,0.0,0.0,173.5104819475381 +0.0,0.924,0.926,0.8320000000000001,0.020923612331859694,0.673,0.0,70.62,2022-06-27,baltimore smm food,0,112.63131250240163,105.28036119021601,0.0,1.5025006959671274,0.9703840221353807,1.749159188526689,2.575880474659251,0.5530269308971604,0.0,112.63131250240163 +0.0,0.667,0.0,0.614,0.006421981311611088,0.623,0.786,56.57999999999999,2022-06-27,baton rouge smm food,0,55.43142291117162,50.62824190344196,0.0,1.0845973638637163,0.0,1.290845843455994,0.7906023112470528,0.5119402346938051,1.125195254469089,55.431422911171616 +0.0,0.841,0.8260000000000001,0.8300000000000001,0.014130339453186072,0.679,0.0,88.33,2022-06-27,birmingham/anniston/tuscaloosa smm food,0,68.55112436475605,62.27551690355495,0.0,1.3675358066107728,0.865590931192035,1.7449544789388844,1.7395689100178535,0.5579573344415629,0.0,68.55112436475606 +0.0,0.617,0.668,0.874,0.04464598419612611,0.627,0.0,186.63,2022-06-27,boston/manchester smm food,0,192.89660052011027,183.34429136615643,0.0,1.003293213649045,0.7000178475015488,1.8374580898705841,5.4963128325425865,0.5152271703900736,0.0,192.89660052011027 +0.91,0.88,0.0,0.0,0.009651796626548657,0.0,0.0,70.93,2022-06-27,buffalo smm food,0,68.34053736388026,63.96319330778341,1.7581700645498615,1.4309530437782165,0.0,0.0,1.1882209477687733,0.0,0.0,68.34053736388026 +0.0,0.0,0.9400000000000001,0.0,0.028727038955773453,0.0,0.0,168.11,2022-06-27,charlotte smm food,0,131.6224911596761,127.1008852661048,0.0,0.0,0.985055054867449,0.0,3.5365508387038456,0.0,0.0,131.6224911596761 +0.0,0.632,0.0,0.0,0.06403007399471505,0.0,0.971,134.81,2022-06-27,chicago smm food,0,187.4232360041358,177.12285569785104,0.0,1.0276844587134464,0.0,0.0,7.8826645599256455,0.0,1.3900312876456558,187.4232360041358 +0.684,0.0,0.5750000000000001,0.0,0.023247136944390887,0.0,0.0,140.7,2022-06-27,cleveland/akron/canton smm food,0,135.877087318801,131.09107465023894,1.3215256309363794,0.0,0.6025602729242374,0.0,2.861926764701433,0.0,0.0,135.877087318801 +0.0,0.558,0.553,0.891,0.02200246941102576,0.0,0.741,77.91,2022-06-27,columbus oh smm food,0,111.0502658571264,103.92073468964487,0.0,0.9073543163957328,0.5795057929167015,1.8731981213669229,2.7086972579706243,0.0,1.0607756788315457,111.0502658571264 +0.0,0.0,0.49499999999999994,0.858,0.05984013434498458,0.0,0.0,121.91999999999999,2022-06-27,dallas/ft. worth smm food,0,114.96654957854996,105.27715718131851,0.0,0.0,0.5187258001695608,1.803820413168148,7.366846183893724,0.0,0.0,114.96654957854994 +0.0,0.639,0.727,0.975,0.007003666491189816,0.795,0.0,77.43,2022-06-27,des moines/ames smm food,0,67.7744974348513,62.408297363785806,0.0,1.0390670397435005,0.7618457711581228,2.0497959240547132,0.8622128664757986,0.6532784696333469,0.0,67.77449743485128 +0.0,0.0,0.0,0.518,0.03359732644787663,0.0,0.0,172.7,2022-06-27,detroit smm food,0,165.54806884660604,160.32292305294044,0.0,0.0,0.0,1.089019783241376,4.13612601042424,0.0,0.0,165.54806884660604 +0.627,0.749,0.554,0.0,0.01352612794220179,0.0,0.8989999999999999,116.77999999999999,2022-06-27,grand rapids smm food,0,115.977599829813,110.01556630860257,1.2113984950250145,1.2179361702157774,0.5805537238261349,0.0,1.6651851655179168,0.0,1.2869599666255864,115.977599829813 +0.0,0.0,0.5,0.922,0.015593972762696829,0.535,0.0,78.76,2022-06-27,greensboro smm food,0,88.39096250716753,83.56924325587181,0.0,0.0,0.5239654547167282,1.9383711199778932,1.919755027225205,0.43962764937590015,0.0,88.39096250716754 +0.0,0.621,0.0,0.857,0.015556070159113661,0.0,0.0,113.27999999999999,2022-06-27,harrisburg/lancaster smm food,0,89.75171218243148,85.02510769460987,0.0,1.0097975456662187,0.0,1.8017180583742456,1.9150888837811322,0.0,0.0,89.75171218243148 +0.0,0.0,0.0,0.0,0.019934424433351715,0.0,0.0,76.35,2022-06-27,hartford/new haven smm food,0,115.06483299621674,112.61073024106035,0.0,0.0,0.0,0.0,2.454102755156385,0.0,0.0,115.06483299621674 +0.614,0.0,0.0,0.534,0.059541001912031224,0.8300000000000001,0.0,180.03,2022-06-27,houston smm food,0,177.9674407385171,167.64644198801398,1.1862817798171592,0.0,0.0,1.1226574599438124,7.330020353766456,0.6820391569756955,0.0,177.9674407385171 +0.577,0.65,0.0,0.52,0.02321615458994125,0.0,0.0,62.67,2022-06-27,indianapolis smm food,0,95.14432173036434,89.02123497580452,1.1147957442255714,1.0569539527907281,0.0,1.0932244928291805,2.8581125647143555,0.0,0.0,95.14432173036435 +0.738,0.0,0.0,0.0,0.013644748252604012,0.0,0.0,137.14,2022-06-27,jacksonville smm food,0,89.40553495955503,86.29988999004563,1.4258566017997778,0.0,0.0,0.0,1.6797883677096268,0.0,0.0,89.40553495955503 +0.0,0.51,0.9390000000000001,0.0,0.014540782752893364,0.6890000000000001,0.0,85.02,2022-06-27,kansas city smm food,0,84.66328272705724,80.49370051161102,0.0,0.8293023321896482,0.9840071239580156,0.0,1.7900980856163178,0.5661746736822341,0.0,84.66328272705724 +0.0,0.649,0.0,0.509,0.01097189005687051,0.584,0.0,70.11,2022-06-27,knoxville smm food,0,73.35907350295426,69.4030183864474,0.0,1.0553278697864346,0.0,1.0700985900962556,1.3507360449689987,0.4798926116551881,0.0,73.35907350295427 +0.795,0.807,0.622,0.919,0.01593971957867281,0.6,0.9910000000000001,61.410000000000004,2022-06-27,las vegas smm food,0,82.38211633232484,73.0759844669223,1.5359837377111427,1.3122489844647962,0.6518130256676098,1.9320640555961863,1.962319497371311,0.4930403544402618,1.4186622101512307,82.38211633232484 +0.507,0.0,0.0,0.0,0.011476339276114432,0.882,0.0,76.48,2022-06-27,little rock/pine bluff smm food,0,60.82073054515239,57.70357115599228,0.9795518931063514,0.0,0.0,0.0,1.412838175026578,0.7247693210271848,0.0,60.820730545152394 +0.704,0.9280000000000002,0.712,0.0,0.13355375335434597,0.0,0.8270000000000001,189.78,2022-06-27,los angeles smm food,0,175.21740360409257,153.9765761946837,1.3601667312561565,1.5090050279843013,0.7461268075166209,0.0,16.441640197046265,0.0,1.1838886456055173,175.21740360409257 +0.509,0.0,0.974,0.806,0.006719596503726009,0.711,0.0,72.77,2022-06-27,madison wi smm food,0,57.52927812669443,52.419185278171575,0.9834160031383291,0.0,1.0206847057881865,1.69449796388523,0.8272413556994048,0.5842528200117102,0.0,57.529278126694436 +0.0,0.902,0.636,0.0,0.036066627263633806,0.0,0.0,377.29,2022-06-27,miami/west palm beach smm food,0,190.69514389596242,184.12181433608328,0.0,1.4667268698726719,0.6664840583996783,0.0,4.440118631606767,0.0,0.0,190.6951438959624 +0.707,0.0,0.0,0.0,0.01594921098267991,0.0,0.0,70.6,2022-06-27,milwaukee smm food,0,71.4826233489085,68.15317248002567,1.365962896304123,0.0,0.0,0.0,1.9634879725787096,0.0,0.0,71.4826233489085 +0.0,0.0,0.0,0.0,0.024129354421637876,0.8130000000000001,0.0,83.7,2022-06-27,minneapolis/st. paul smm food,0,89.38932761584823,85.75072244988117,0.0,0.0,0.0,0.0,2.9705354857005033,0.6680696802665548,0.0,89.38932761584823 +0.0,0.8,0.614,0.796,0.011054023690400339,0.9560000000000002,0.924,89.2,2022-06-27,mobile/pensacola smm food,0,74.55337894187576,67.46643487620449,0.0,1.3008664034347424,0.6434295783921422,1.6734744159462072,1.3608474167324756,0.7855776314081506,1.322748619757555,74.55337894187576 +0.595,0.0,0.876,0.0,0.02429684150109567,0.0,0.0,138.02,2022-06-27,nashville smm food,0,100.53088276632954,95.47216793873541,1.1495727345133708,0.0,0.9179874766637077,0.0,2.9911546164170537,0.0,0.0,100.53088276632954 +0.588,0.0,0.9530000000000001,0.625,0.012677345362616372,0.0,0.0,26.76,2022-06-27,new orleans smm food,0,64.5590081426866,59.54961731628727,1.1360483494014488,0.0,0.998678156690084,1.3139717461889189,1.560692574118874,0.0,0.0,64.5590081426866 +0.631,0.657,0.987,0.0,0.13388983455543685,0.6900000000000001,0.0,294.11,2022-06-27,new york smm food,0,310.5335477939623,290.1617655847399,1.21912671508897,1.0683365338207822,1.0343078076108214,0.0,16.48301474509559,0.5669964076063011,0.0,310.5335477939624 +0.0,0.0,0.9210000000000002,0.0,0.01407802676825237,0.916,0.0,114.87,2022-06-27,norfolk/portsmouth/newport news smm food,0,105.76092064959745,102.30993924858487,0.0,0.0,0.9651443675882134,0.0,1.7331287589788982,0.7527082744454664,0.0,105.76092064959745 +0.597,0.715,0.0,0.49499999999999994,0.01212260232776283,0.0,0.549,41.97,2022-06-27,oklahoma city smm food,0,59.244313591916594,53.609244119971564,1.1534368445453487,1.1626493480698008,0.0,1.0406656229816236,1.492398833570229,0.0,0.7859188227780278,59.244313591916594 +0.738,0.841,0.602,0.0,0.0080173662308976,0.0,0.0,51.37,2022-06-27,omaha smm food,0,65.28748487485504,60.87622985001895,1.4258566017997778,1.3675358066107728,0.6308544074789407,0.0,0.9870082089465873,0.0,0.0,65.28748487485502 +0.732,0.503,0.679,0.8270000000000001,0.032654766523310855,0.0,0.0,318.74,2022-06-27,orlando/daytona beach/melborne smm food,0,141.31784729588986,132.61538216686213,1.4142642717038445,0.8179197511595941,0.7115450875053169,1.7386474145571775,4.020088604101797,0.0,0.0,141.31784729588986 +0.0,0.0,0.779,0.0,0.006282388976785985,0.0,0.0,47.34,2022-06-27,paducah ky/cape girardeau mo smm food,0,57.149013579910026,55.55925813283435,0.0,0.0,0.8163381784486625,0.0,0.7734172686270189,0.0,0.0,57.14901357991003 +0.0,0.687,0.589,0.0,0.061543610318626894,0.0,0.0,185.87,2022-06-27,philadelphia smm food,0,209.04865700731565,199.7377476378349,0.0,1.117119023949585,0.6172313056563058,0.0,7.5765590398748595,0.0,0.0,209.04865700731565 +0.542,0.0,0.0,0.0,0.03814752801567571,0.961,0.0,135.86,2022-06-27,phoenix/prescott smm food,0,123.51611703233469,116.98296111946722,1.0471738186659616,0.0,0.0,0.0,4.696295793173022,0.7896863010284859,0.0,123.51611703233469 +0.518,0.0,0.0,0.8260000000000001,0.015498464428779484,0.806,0.768,121.7,2022-06-27,pittsburgh smm food,0,110.9593239862604,104.55223234884438,1.0008044982822288,0.0,0.0,1.7365450597632752,1.907997112358358,0.6623175427980851,1.0994274242140716,110.9593239862604 +0.0,0.0,0.505,0.0,0.019266477687310626,0.643,0.0,68.26,2022-06-27,portland or smm food,0,90.32576214503493,86.8963094792362,0.0,0.0,0.5292051092638954,0.0,2.3718726433596955,0.5283749131751473,0.0,90.32576214503493 +0.792,0.9269999999999999,0.782,0.905,0.012840406744449404,0.0,0.0,79.51,2022-06-27,providence ri/new bedford ma smm food,0,90.58875279768864,83.24830635780522,1.5301875726631762,1.5073789449800075,0.8194819711769629,1.9026310884815545,1.580766862581727,0.0,0.0,90.58875279768864 +0.0,0.0,0.9910000000000001,0.0,0.0262198997844165,0.592,0.611,126.61000000000001,2022-06-27,raleigh/durham/fayetteville smm food,0,130.95771345651133,125.33017277610136,0.0,0.0,1.0384995312485554,0.0,3.227899983568366,0.48646648304772494,0.8746746825453096,130.95771345651133 +0.839,0.0,0.0,0.836,0.11421769015887603,0.65,0.878,326.35,2022-06-27,rem us east north central smm food,0,325.68446098326126,306.4536727021249,1.6209941584146523,0.0,0.0,1.7575686077022978,14.061200966381094,0.534127050643617,1.256897497994733,325.68446098326126 +0.0,0.0,0.0,0.761,0.03706052503353922,0.904,0.749,114.6,2022-06-27,rem us middle atlantic smm food,0,138.77746695269832,130.80002326169728,0.0,0.0,0.0,1.5998919981596276,4.562476177650978,0.7428474673566611,1.0722280478337756,138.77746695269832 +0.985,0.0,0.902,0.0,0.06554870357800402,0.9840000000000001,0.727,192.87,2022-06-27,rem us mountain smm food,0,186.72476081801074,173.95751153106124,1.9030741907490258,0.0,0.9452336803089777,0.0,8.069621201531817,0.8085861812820294,1.0407340330776433,186.72476081801074 +0.0,0.551,0.0,0.0,0.020185369643227598,0.0,0.0,128.51,2022-06-27,rem us new england smm food,0,151.60259866325765,148.221630613054,0.0,0.8959717353656788,0.0,0.0,2.4849963148379657,0.0,0.0,151.60259866325765 +0.562,0.0,0.0,0.0,0.07321227346193028,0.0,0.9530000000000001,110.82,2022-06-27,rem us pacific smm food,0,116.57679655074712,105.11364420201244,1.0858149189857387,0.0,0.0,0.0,9.013073972358306,0.0,1.3642634573906385,116.57679655074712 +0.0,0.799,0.0,0.0,0.1316581067202443,0.9129999999999999,0.0,382.79,2022-06-27,rem us south atlantic smm food,0,301.93798319462076,283.6802303568146,0.0,1.2992403204304488,0.0,0.0,16.20826944470247,0.750243072673265,0.0,301.9379831946208 +0.917,0.733,0.64,0.644,0.20663608403434044,0.0,0.6970000000000001,411.98,2022-06-27,rem us south central smm food,0,430.8560396431936,399.4313293612464,1.7716944496617835,1.1919188421470825,0.6706757820374121,1.353916487273062,25.438717071508542,0.0,0.9977876493192813,430.8560396431936 +0.84,0.0,0.0,0.581,0.07032643690788745,0.0,0.85,132.44,2022-06-27,rem us west north central smm food,0,138.67353918057412,125.95452848252805,1.6229262134306413,0.0,0.0,1.221468135257219,8.65780214287129,0.0,1.2168142064869283,138.67353918057412 +0.548,0.0,0.988,0.847,0.011740109371904625,0.581,0.0,72.83,2022-06-27,richmond/petersburg smm food,0,91.86564823649005,86.06809383806947,1.0587661487618947,0.0,1.0353557385202548,1.7806945104352228,1.4453105908202122,0.4774274098829868,0.0,91.86564823649005 +0.727,0.0,0.0,0.67,0.029619180275377258,0.941,0.9829999999999999,63.650000000000006,2022-06-27,sacramento/stockton/modesto smm food,0,80.22710609207442,71.58708164797008,1.4046039966239003,0.0,0.0,1.408577711914521,3.6463812718697772,0.7732516225471439,1.4072098411490004,80.22710609207442 +0.834,0.546,0.602,0.0,0.018539223874913777,0.0,0.664,119.38999999999999,2022-06-27,salt lake city smm food,0,90.08772662122527,83.72480907215119,1.6113338833347082,0.8878413203442116,0.6308544074789407,0.0,2.2823413107311463,0.0,0.9505466271850829,90.08772662122527 +0.84,0.0,0.59,0.856,0.021254937946641857,0.0,0.0,70.92,2022-06-27,san diego smm food,0,85.37180367255309,78.71431295071628,1.6229262134306413,0.0,0.6182792365657392,1.7996157035803433,2.6166695682600882,0.0,0.0,85.37180367255309 +0.883,0.9910000000000001,0.0,0.0,0.040209527505220784,0.974,0.0,74.4,2022-06-27,san francisco/oakland/san jose smm food,0,97.94388076912779,88.87591304741949,1.7060045791181624,1.611448257254787,0.0,0.0,4.9501460432939774,0.8003688420413583,0.0,97.94388076912777 +0.674,0.0,0.891,0.667,0.028687384359104885,0.0,0.66,63.79,2022-06-27,seattle/tacoma smm food,0,96.85942812662338,88.74475650580376,1.3022050807764909,0.0,0.9337064403052097,1.4022706475328144,3.5316690095211514,0.0,0.9448204426839679,96.8594281266234 +0.0,0.0,0.7020000000000001,0.0,0.018587450635211774,0.0,0.0,106.97,2022-06-27,st. louis smm food,0,90.72801947733993,87.70409353036166,0.0,0.0,0.7356474984222864,0.0,2.2882784485559817,0.0,0.0,90.72801947733993 +0.662,0.0,0.0,0.0,0.031208966971342213,0.0,0.0,374.64,2022-06-27,tampa/ft. myers smm food,0,178.37632202045094,173.25520362076367,1.2790204205846245,0.0,0.0,0.0,3.842097979102672,0.0,0.0,178.37632202045097 +0.753,0.601,0.0,0.0,0.007737337688696385,0.0,0.0,61.25,2022-06-27,tucson/sierra vista smm food,0,66.70689419262291,63.32224664442017,1.4548374270396107,0.9772758855803501,0.0,0.0,0.9525342355827684,0.0,0.0,66.7068941926229 +0.524,0.891,0.6880000000000001,0.0,0.04835897399903993,0.0,0.668,168.19,2022-06-27,washington dc/hagerstown smm food,0,183.11327673906175,173.02137618365978,1.0123968283781621,1.4488399568254442,0.720976465690218,0.0,5.95341449282194,0.0,0.9562728116861978,183.11327673906175 +0.607,0.507,0.526,0.552,0.004667089653726177,0.0,0.0,55.15,2022-06-27,yakima/pasco/richland/kennewick smm food,0,57.800395082278854,53.51694236690935,1.1727573947052372,0.8244240831767679,0.551211658361998,1.1604998462340532,0.5745597328914457,0.0,0.0,57.80039508227885 +0.0,0.0,0.0,0.756,0.013458646555498338,0.6940000000000001,0.0,65.13,2022-07-04,albany/schenectady/troy smm food,0,86.17340962237009,82.35686844083078,0.0,0.0,0.0,1.5893802241901163,1.6568776140466215,0.5702833433025696,0.0,86.17340962237009 +0.0,0.0,0.0,0.788,0.017262134585163545,0.0,0.709,50.38,2022-07-04,albuquerque/santa fe smm food,0,75.5888715431215,70.79212936171284,0.0,0.0,0.0,1.656655577594989,2.12512040099105,0.0,1.014966202822626,75.5888715431215 +0.528,0.0,0.8180000000000001,0.867,0.06536249686015626,0.769,0.0,118.61999999999999,2022-07-04,atlanta smm food,0,177.62621588525568,165.2475308400832,1.0201250484421174,0.0,0.8572074839165673,1.8227416063132682,8.046697518892941,0.6319133876076022,0.0,177.62621588525568 +0.709,0.643,0.0,0.806,0.02819707710943468,0.0,0.0,125.1,2022-07-04,baltimore smm food,0,112.8615654123416,105.28036119021601,1.3698270063361009,1.045571371760674,0.0,1.69449796388523,3.4713078801435886,0.0,0.0,112.8615654123416 +0.717,0.5660000000000001,0.0,0.0,0.008557292692351873,0.0,0.885,82.6,2022-07-04,baton rouge smm food,0,55.254284550366194,50.62824190344196,1.3852834464640116,0.9203629804300802,0.0,0.0,1.0534778991584548,0.0,1.266918320871684,55.254284550366194 +0.0,0.864,0.0,0.0,0.018633264389518383,0.96,0.0,57.989999999999995,2022-07-04,birmingham/anniston/tuscaloosa smm food,0,66.76323571051591,62.27551690355495,0.0,1.4049357157095217,0.0,0.0,2.2939185241470184,0.7888645671044189,0.0,66.76323571051591 +0.874,0.751,0.0,0.713,0.06079341379847062,0.522,0.0,151.37,2022-07-04,boston/manchester smm food,0,195.66622312115882,183.34429136615643,1.6886160839742625,1.2211883362243643,0.0,1.4989789680523187,7.484203258388436,0.4289451083630278,0.0,195.66622312115885 +0.0,0.9450000000000001,0.602,0.534,0.013181988561348591,0.666,0.854,88.91,2022-07-04,buffalo smm food,0,70.64598738343561,63.96319330778341,0.0,1.5366484390572894,0.6308544074789407,1.1226574599438124,1.622818584755412,0.5472747934286907,1.2225403909880432,70.6459873834356 +0.0,0.0,0.0,0.678,0.03868615221992828,0.0,0.641,134.1,2022-07-04,charlotte smm food,0,134.2065080467583,127.1008852661048,0.0,0.0,0.0,1.4253965502657393,4.762605164084108,0.0,0.9176210663036718,134.2065080467583 +0.0,0.812,0.654,0.992,0.09245194120709692,0.514,0.0,135.01,2022-07-04,chicago smm food,0,193.01813518096526,177.12285569785104,0.0,1.3203793994862634,0.6853468147694805,2.085535955551052,11.381646076336937,0.42237123697049095,0.0,193.01813518096526 +0.8310000000000001,0.9520000000000001,0.0,0.0,0.03195570769131521,0.0,0.0,146.45,2022-07-04,cleveland/akron/canton smm food,0,138.1786717098432,131.09107465023894,1.6055377182867419,1.5480310200873433,0.0,0.0,3.9340283212301914,0.0,0.0,138.1786717098432 +0.515,0.0,0.655,0.0,0.03009799331371212,0.0,0.0,137.43,2022-07-04,columbus oh smm food,0,109.30746513142289,103.92073468964487,0.9950083332342623,0.0,0.6863947456789139,0.0,3.7053273628648316,0.0,0.0,109.30746513142289 +0.539,0.917,0.846,0.0,0.08375615951548078,0.9700000000000001,0.0,133.88,2022-07-04,dallas/ft. worth smm food,0,119.80440337045725,105.27715718131851,1.0413776536179948,1.4911181149370734,0.8865495493807041,0.0,10.311118964857876,0.79708190634509,0.0,119.80440337045725 +0.0,0.0,0.0,0.0,0.009614387002684162,0.0,0.8130000000000001,69.35,2022-07-04,des moines/ames smm food,0,64.75575985809591,62.408297363785806,0.0,0.0,0.0,0.0,1.1836154944584873,0.0,1.163846999851615,64.75575985809591 +0.627,0.9570000000000001,0.0,0.985,0.046471843929351296,0.0,0.597,183.93,2022-07-04,detroit smm food,0,171.73702769622776,160.32292305294044,1.2113984950250145,1.5561614351088104,0.0,2.0708194719937363,5.721092204368355,0.0,0.8546330367914072,171.73702769622776 +0.722,0.628,0.0,0.9059999999999999,0.01894769525574638,0.895,0.0,129.31,2022-07-04,grand rapids smm food,0,117.40450318795278,110.01556630860257,1.394943721543956,1.0211801266962726,0.0,1.9047334432754566,2.3326277257944614,0.7354518620400572,0.0,117.40450318795277 +0.0,0.0,0.0,0.5740000000000001,0.02116644870490941,0.53,0.9450000000000001,78.09,2022-07-04,greensboro smm food,0,89.17010074101381,83.56924325587181,0.0,0.0,0.0,1.2067516516999033,2.6057757652981137,0.4355189797555646,1.3528110883884086,89.1701007410138 +0.544,0.0,0.0,0.0,0.020874724558655702,0.0,0.775,105.46,2022-07-04,harrisburg/lancaster smm food,0,89.75545583073807,85.02510769460987,1.0510379286979392,0.0,0.0,0.0,2.569861960339237,0.0,1.109448247091023,89.75545583073807 +0.0,0.0,0.873,0.923,0.026910801593598432,0.762,0.9269999999999999,99.32,2022-07-04,hartford/new haven smm food,0,120.73220797331899,112.61073024106035,0.0,0.0,0.9148436839354074,1.9404734747717955,3.3129560652789145,0.6261612501391325,1.327043258133391,120.73220797331899 +0.716,0.853,0.0,0.5740000000000001,0.08139376116638677,0.0,0.0,126.07,2022-07-04,houston smm food,0,181.6438808101954,167.64644198801398,1.3833513914480229,1.3870488026622938,0.0,1.2067516516999033,10.020286976371228,0.0,0.0,181.6438808101954 +0.0,0.0,0.669,0.804,0.03161687494678205,0.0,0.0,110.38,2022-07-04,indianapolis smm food,0,95.30490904252602,89.02123497580452,0.0,0.0,0.7010657784109824,1.6902932542974254,3.8923150340130888,0.0,0.0,95.30490904252602 +0.542,0.545,0.0,0.5630000000000001,0.01886018950237499,0.0,0.674,118.16,2022-07-04,jacksonville smm food,0,92.70362188234522,86.29988999004563,1.0471738186659616,0.8862152373399182,0.0,1.1836257489669781,2.3218549988888646,0.0,0.9648620884378702,92.70362188234522 +0.684,0.0,0.9570000000000001,0.901,0.019955418697461147,0.0,0.5690000000000001,78.55,2022-07-04,kansas city smm food,0,87.98355477095025,80.49370051161102,1.3215256309363794,0.0,1.0028698803278178,1.8942216693059455,2.456687333485481,0.0,0.8145497452836027,87.98355477095025 +0.0,0.8150000000000001,0.637,0.0,0.014620510793660654,0.76,0.0,98.09,2022-07-04,knoxville smm food,0,73.82023911432623,69.4030183864474,0.0,1.3252576484991436,0.6675319893091117,0.0,1.799913307779586,0.6245177822909983,0.0,73.82023911432624 +0.6980000000000001,0.856,0.0,0.0,0.02192278214301716,0.0,0.0,78.14,2022-07-04,las vegas smm food,0,78.51537297504979,73.0759844669223,1.3485744011602236,1.391927051675174,0.0,0.0,2.6988870552921056,0.0,0.0,78.51537297504981 +0.8280000000000001,0.929,0.0,0.846,0.014885074104938032,0.0,0.0,95.74,2022-07-04,little rock/pine bluff smm food,0,64.4250193512284,57.70357115599228,1.599741553238775,1.5106311109885946,0.0,1.7785921556413204,1.8324833753674337,0.0,0.0,64.4250193512284 +0.629,0.676,0.0,0.645,0.182277795514827,0.908,0.621,149.71,2022-07-04,los angeles smm food,0,181.72221208692412,153.9765761946837,1.2152626050569921,1.0992321109023573,0.0,1.3560188420669643,22.439997787363087,0.7461344030529296,0.888990143798097,181.72221208692412 +0.0,0.84,0.562,0.993,0.009410996420357011,0.0,0.527,30.84,2022-07-04,madison wi smm food,0,58.374671618402694,52.419185278171575,0.0,1.3659097236064792,0.5889371711016025,2.0876383103449543,1.1585763271561789,0.0,0.7544248080218956,58.37467161840269 +0.0,0.0,0.0,0.9390000000000001,0.04694696888633219,0.683,0.0,154.61,2022-07-04,miami/west palm beach smm food,0,192.43675401784736,184.12181433608328,0.0,0.0,0.0,1.9741111514742318,5.779584260151995,0.5612442701378314,0.0,192.43675401784733 +0.0,0.836,0.0,0.773,0.022525999045797107,0.0,0.748,71.5,2022-07-04,milwaukee smm food,0,74.98164298379521,68.15317248002567,0.0,1.3594053915893056,0.0,1.625120255686455,2.7731483547852793,0.0,1.0707965017084968,74.98164298379521 +0.533,0.0,0.868,0.656,0.032972496276378084,0.0,0.0,91.92,2022-07-04,minneapolis/st. paul smm food,0,93.12846047528849,85.75072244988117,1.0297853235220618,0.0,0.9096040293882401,1.3791447447998892,4.05920392769714,0.0,0.0,93.12846047528849 +0.528,0.542,0.581,0.732,0.014984736318088894,0.0,0.0,77.79,2022-07-04,mobile/pensacola smm food,0,73.36042114974725,67.46643487620449,1.0201250484421174,0.8813369883270379,0.6088478583808381,1.5389237091364618,1.844752669256316,0.0,0.0,73.36042114974725 +0.58,0.0,0.48500000000000004,0.937,0.033435737827508895,0.789,0.0,127.47,2022-07-04,nashville smm food,0,103.8354938788943,95.47216793873541,1.120591909273538,0.0,0.5082464910752263,1.9699064418864274,4.1162330318347555,0.6483480660889442,0.0,103.8354938788943 +0.0,0.931,0.0,0.0,0.017046918667278987,0.647,0.0,27.4,2022-07-04,new orleans smm food,0,63.69378787316171,59.54961731628727,0.0,1.5138832769971813,0.0,0.0,2.0986254310058445,0.5316618488714157,0.0,63.69378787316171 +0.795,0.632,0.772,0.879,0.17822718997244993,0.6880000000000001,0.965,282.16,2022-07-04,new york smm food,0,319.2705339216204,290.1617655847399,1.5359837377111427,1.0276844587134464,0.8090026620826283,1.8479698638400954,21.94133266388112,0.5653529397581669,1.3814420108939833,319.2705339216205 +0.0,0.0,0.0,0.0,0.019316503391143422,0.0,0.671,121.01999999999998,2022-07-04,norfolk/portsmouth/newport news smm food,0,105.6485379455828,102.30993924858487,0.0,0.0,0.0,0.0,2.378031246935894,0.0,0.960567450062034,105.6485379455828 +0.732,0.0,0.0,0.841,0.016443845086923516,0.0,0.737,38.65,2022-07-04,oklahoma city smm food,0,59.87102004343974,53.609244119971564,1.4142642717038445,0.0,0.0,1.7680803816718091,2.0243817757620923,0.0,1.0550494943304307,59.87102004343974 +0.0,0.0,0.0,0.809,0.010940592640194657,0.0,0.501,34.86,2022-07-04,omaha smm food,0,64.64112254510485,60.87622985001895,0.0,0.0,0.0,1.7008050282669367,1.3468830580543132,0.0,0.7172046087646483,64.64112254510485 +0.0,0.8,0.606,0.972,0.0436319780429591,0.855,0.0,100.79,2022-07-04,orlando/daytona beach/melborne smm food,0,142.6688458340473,132.61538216686213,0.0,1.3008664034347424,0.6350461311166745,2.0434888596730065,5.37147976788338,0.7025825050773731,0.0,142.66884583404732 +0.597,0.0,0.772,0.639,0.008446101672797697,0.592,0.979,77.39,2022-07-04,paducah ky/cape girardeau mo smm food,0,61.79284180039179,55.55925813283435,1.1534368445453487,0.0,0.8090026620826283,1.3434047133035507,1.039789307930307,0.48646648304772494,1.4014836566478857,61.7928418003918 +0.756,0.0,0.0,0.0,0.08262784508002724,0.0,0.9770000000000001,178.57,2022-07-04,philadelphia smm food,0,212.7692153408654,199.7377476378349,1.4606335920875773,0.0,0.0,0.0,10.172213546545596,0.0,1.3986205643973282,212.7692153408654 +0.0,0.8200000000000001,0.0,0.0,0.0526027250414704,0.796,0.797,131.5,2022-07-04,phoenix/prescott smm food,0,126.58724917237615,116.98296111946722,0.0,1.3333880635206108,0.0,0.0,6.475857523983755,0.654100203557414,1.1409422618471552,126.58724917237615 +0.0,0.839,0.0,0.882,0.020978452927831997,0.744,0.0,86.47,2022-07-04,pittsburgh smm food,0,110.96479479092696,104.55223234884438,0.0,1.3642836406021859,0.0,1.8542769282218023,2.5826318337526635,0.6113700395059246,0.0,110.96479479092696 +0.0,0.508,0.614,0.519,0.027122928666127904,0.0,0.796,71.87,2022-07-04,portland or smm food,0,93.93549284883451,86.8963094792362,0.0,0.8260501661810613,0.6434295783921422,1.0911221380352782,3.3390707712679606,0.0,1.1395107157218765,93.93549284883451 +0.765,0.9540000000000001,0.0,0.0,0.017474387682583505,0.0,0.0,86.0,2022-07-04,providence ri/new bedford ma smm food,0,88.42886225288376,83.24830635780522,1.4780220872314769,1.5512831860959302,0.0,0.0,2.1512506217511396,0.0,0.0,88.42886225288376 +0.0,0.0,0.0,0.88,0.03581518289634853,0.0,0.0,140.29,2022-07-04,raleigh/durham/fayetteville smm food,0,131.58940861599876,125.33017277610136,0.0,0.0,0.0,1.8500722186339977,4.409163621263406,0.0,0.0,131.58940861599876 +0.0,0.0,0.0,0.0,0.15646566409004029,0.989,0.0,306.34,2022-07-04,rem us east north central smm food,0,326.52866522379975,306.4536727021249,0.0,0.0,0.0,0.0,19.26229767077251,0.8126948509023648,0.0,326.52866522379975 +0.0,0.783,0.0,0.0,0.0499103873513896,0.8190000000000001,0.676,111.62,2022-07-04,rem us middle atlantic smm food,0,139.85837862293616,130.80002326169728,0.0,1.273222992361754,0.0,0.0,6.144407104377747,0.6730000838109574,0.9677251806884277,139.85837862293616 +0.859,0.0,0.0,0.0,0.08972346279082348,0.0,0.0,179.28,2022-07-04,rem us mountain smm food,0,186.66289320566594,173.95751153106124,1.6596352587344296,0.0,0.0,0.0,11.045746415870264,0.0,0.0,186.66289320566594 +0.551,0.0,0.657,0.0,0.02747268727445107,0.81,0.793,139.93,2022-07-04,rem us new england smm food,0,155.15763321849434,148.221630613054,1.0645623138098612,0.0,0.6884906074977809,0.0,3.3821291282922785,0.6656044784943534,1.1352160773460402,155.1576332184943 +0.579,0.552,0.0,0.85,0.09524243004718087,0.0,0.0,91.14,2022-07-04,rem us pacific smm food,0,120.64208321414179,105.11364420201244,1.1186598542575492,0.8975978183699722,0.0,1.7870015748169297,11.725179764684905,0.0,0.0,120.64208321414179 +0.0,0.856,0.804,0.5670000000000001,0.17761905192125027,0.6880000000000001,0.0,230.2,2022-07-04,rem us south atlantic smm food,0,309.53854749536424,283.6802303568146,0.0,1.391927051675174,0.8425364511844989,1.1920351681425874,21.866465527789266,0.5653529397581669,0.0,309.5385474953643 +0.9199999999999999,0.0,0.0,0.995,0.2753269686779439,0.965,0.598,375.17,2022-07-04,rem us south central smm food,0,438.8448691792046,399.4313293612464,1.77749061470975,0.0,0.0,2.091843019932759,33.89516836367424,0.7929732367247544,0.856064582916686,438.8448691792046 +0.812,0.74,0.781,0.0,0.09389413051661454,0.908,0.0,152.74,2022-07-04,rem us west north central smm food,0,141.85041927078595,125.95452848252805,1.5688286729829535,1.2033014231771366,0.8184340402675294,0.0,11.55919224877735,0.7461344030529296,0.0,141.85041927078595 +0.792,0.549,0.56,0.992,0.01611462235805909,0.764,0.602,98.12,2022-07-04,richmond/petersburg smm food,0,94.63682529621843,86.06809383806947,1.5301875726631762,0.892719569357092,0.5868413092827356,2.085535955551052,1.9838515658898408,0.6278047179872667,0.8617907674178009,94.63682529621843 +0.0,0.0,0.864,0.0,0.03933811975117845,0.0,0.684,104.75,2022-07-04,sacramento/stockton/modesto smm food,0,78.31453959758713,71.58708164797008,0.0,0.0,0.9054123057505062,0.0,4.842868094175866,0.0,0.9791775496906576,78.31453959758711 +0.0,0.547,0.762,0.0,0.025601395568205166,0.9899999999999999,0.0,99.56,2022-07-04,salt lake city smm food,0,89.37807309481981,83.72480907215119,0.0,0.889467403348505,0.7985233529882938,0.0,3.1517566815054003,0.8135165848264319,0.0,89.37807309481983 +0.0,0.0,0.6930000000000001,0.916,0.028859550421506563,0.0,0.9700000000000001,52.44,2022-07-04,san diego smm food,0,86.30774996782759,78.71431295071628,0.0,0.0,0.7262161202373854,1.9257569912144796,3.552864164139084,0.0,1.388599741520377,86.3077499678276 +0.0,0.675,0.0,0.727,0.05406639294604913,0.0,0.748,83.36,2022-07-04,san francisco/oakland/san jose smm food,0,99.22877541234087,88.87591304741949,0.0,1.0976060278980637,0.0,1.5284119351669503,6.656047900147863,0.0,1.0707965017084968,99.22877541234087 +0.712,0.0,0.0,0.582,0.0416669485289534,0.721,0.805,87.16,2022-07-04,seattle/tacoma smm food,0,98.21838233089298,88.74475650580376,1.3756231713840674,0.0,0.0,1.2235704900511213,5.129567373552254,0.5924701592523812,1.152394630849385,98.21838233089298 +0.58,0.0,0.0,0.0,0.02611945424008359,0.7010000000000001,0.534,102.47,2022-07-04,st. louis smm food,0,93.38070080603515,87.70409353036166,1.120591909273538,0.0,0.0,0.0,3.215534254730058,0.5760354807710393,0.7644456308988468,93.38070080603514 +0.0,0.0,0.0,0.0,0.042942682433361815,0.911,0.863,154.37,2022-07-04,tampa/ft. myers smm food,0,180.52584895515517,173.25520362076367,0.0,0.0,0.0,0.0,5.286621423450835,0.7485996048251309,1.2354243061155519,180.5258489551552 +0.919,0.0,0.0,0.803,0.010642258364881071,0.622,0.9770000000000001,58.57,2022-07-04,tucson/sierra vista smm food,0,70.00589065692819,63.32224664442017,1.7755585596937613,0.0,0.0,1.688190899503523,1.3101554881436552,0.5111185007697381,1.3986205643973282,70.00589065692817 +0.525,0.0,0.589,0.0,0.06481489770683997,0.964,0.0,181.69,2022-07-04,washington dc/hagerstown smm food,0,183.42437112842555,173.02137618365978,1.0143288833941508,0.0,0.6172313056563058,0.0,7.979283252914615,0.7921515028006872,0.0,183.42437112842555 +0.0,0.0,0.864,0.729,0.006348417370634405,0.0,0.792,35.12,2022-07-04,yakima/pasco/richland/kennewick smm food,0,57.870301792549895,53.51694236690935,0.0,0.0,0.9054123057505062,1.532616644754755,0.7815459439145207,0.0,1.1337845312207615,57.87030179254989 +0.59,0.0,0.8160000000000001,0.0,0.01277249291939624,0.618,0.9440000000000001,86.81,2022-07-11,albany/schenectady/troy smm food,0,87.78350970384948,82.35686844083078,1.1399124594334267,0.0,0.8551116220977004,0.0,1.5724060741509696,0.5078315650734696,1.3513795422631298,87.78350970384948 +0.75,0.0,0.0,0.761,0.015434063238664126,0.0,0.0,104.36,2022-07-11,albuquerque/santa fe smm food,0,75.74113138200815,70.79212936171284,1.4490412619916442,0.0,0.0,1.5998919981596276,1.9000687601440331,0.0,0.0,75.74113138200815 +0.0,0.496,0.787,0.0,0.0599964558662528,0.653,0.0,117.31,2022-07-11,atlanta smm food,0,174.80147262466963,165.2475308400832,0.0,0.8065371701295402,0.8247216257241302,0.0,7.386090736316955,0.5365922524158183,0.0,174.80147262466963 +0.0,0.0,0.0,0.524,0.02707507750942508,0.519,0.0,99.8,2022-07-11,baltimore smm food,0,110.14165488235669,105.28036119021601,0.0,0.0,0.0,1.1016339120047896,3.3331798735450575,0.42647990659082646,0.0,110.14165488235669 +0.0,0.0,0.0,0.0,0.008124985309683155,0.0,0.784,23.78,2022-07-11,baton rouge smm food,0,52.75083112855006,50.62824190344196,0.0,0.0,0.0,0.0,1.0002570628895762,0.0,1.1223321622185316,52.75083112855007 +0.0,0.687,0.0,0.8240000000000001,0.01680041151040929,0.93,0.0,43.02,2022-07-11,birmingham/anniston/tuscaloosa smm food,0,67.95746706169638,62.27551690355495,0.0,1.117119023949585,0.0,1.7323403501754708,2.068278234633946,0.7642125493824058,0.0,67.95746706169636 +0.793,0.0,0.0,0.0,0.05865237075628895,0.0,0.738,183.15,2022-07-11,boston/manchester smm food,0,193.15351408689708,183.34429136615643,1.532119627679165,0.0,0.0,0.0,7.220622052605762,0.0,1.0564810404557095,193.15351408689708 +0.649,0.0,0.9770000000000001,0.0,0.012278556894202885,0.6940000000000001,0.81,22.77,2022-07-11,buffalo smm food,0,69.48235942708573,63.96319330778341,1.2539037053767694,0.0,1.023828498516487,0.0,1.5115982106307186,0.5702833433025696,1.1595523614757788,69.48235942708574 +0.0,0.0,0.9460000000000001,0.929,0.03467344557451995,0.0,0.623,167.89,2022-07-11,charlotte smm food,0,135.2057744737421,127.1008852661048,0.0,0.0,0.9913426403240497,1.9530876035352092,4.268605727729418,0.0,0.8918532360486545,135.20577447374214 +0.0,0.501,0.0,0.0,0.0877895886066073,0.8,0.0,195.09,2022-07-11,chicago smm food,0,189.40257993856574,177.12285569785104,0.0,0.8146675851510073,0.0,0.0,10.80766951631,0.6573871392536824,0.0,189.40257993856574 +0.677,0.711,0.838,0.0,0.029856760669170763,0.0,0.6910000000000001,127.41,2022-07-11,cleveland/akron/canton smm food,0,139.09821489208164,131.09107465023894,1.3080012458244574,1.1561450160526272,0.8781661021052364,0.0,3.675629505292775,0.0,0.9891983725676088,139.09821489208164 +0.0,0.0,0.0,0.0,0.02831179929699879,0.926,0.0,89.16,2022-07-11,columbus oh smm food,0,108.16709149250316,103.92073468964487,0.0,0.0,0.0,0.0,3.4854311891721457,0.7609256136861374,0.0,108.16709149250316 +0.0,0.992,0.0,0.0,0.07840177458840927,0.0,0.0,75.53,2022-07-11,dallas/ft. worth smm food,0,116.5421786680754,105.27715718131851,0.0,1.6130743402590804,0.0,0.0,9.651947146497799,0.0,0.0,116.5421786680754 +0.0,0.627,0.792,0.7010000000000001,0.008808515898309714,0.546,0.0,67.52,2022-07-11,des moines/ames smm food,0,67.2646358034149,62.408297363785806,0.0,1.0195540436919792,0.8299612802712975,1.4737507105254914,1.0844056825996893,0.4486667225406383,0.0,67.2646358034149 +0.593,0.88,0.781,0.683,0.043870655594622734,0.0,0.0,137.26,2022-07-11,detroit smm food,0,170.55479015678065,160.32292305294044,1.1457086244813932,1.4309530437782165,0.8184340402675294,1.4359083242352506,5.400863071077813,0.0,0.0,170.55479015678065 +0.0,0.778,0.0,0.9199999999999999,0.017463788000862998,0.0,0.0,127.33000000000001,2022-07-11,grand rapids smm food,0,115.36477100415486,110.01556630860257,0.0,1.2650925773402868,0.0,1.9341664103900884,2.1499457078219186,0.0,0.0,115.36477100415486 +0.9430000000000001,0.774,0.502,0.0,0.019786319240727997,0.0,0.0,87.95,2022-07-11,greensboro smm food,0,89.61169040277093,83.56924325587181,1.8219278800774938,1.2585882453231132,0.5260613165355951,0.0,2.4358697049629354,0.0,0.0,89.61169040277095 +0.652,0.0,0.686,0.0,0.019558850491088894,0.772,0.842,73.58,2022-07-11,harrisburg/lancaster smm food,0,91.25129489952823,85.02510769460987,1.259699870424736,0.0,0.7188806038713511,0.0,2.407866303757765,0.6343785893798035,1.2053618374846984,91.25129489952823 +0.0,0.0,0.0,0.867,0.025342503376999722,0.527,0.0,91.95,2022-07-11,hartford/new haven smm food,0,117.98641040397149,112.61073024106035,0.0,0.0,0.0,1.8227416063132682,3.119884778614501,0.4330537779833633,0.0,117.98641040397149 +0.911,0.0,0.0,0.739,0.07624337223533201,0.0,0.8130000000000001,188.56,2022-07-11,houston smm food,0,181.51026015718193,167.64644198801398,1.7601021195658504,0.0,0.0,1.5536401926937777,9.386228857056706,0.0,1.163846999851615,181.51026015718193 +0.73,0.0,0.777,0.0,0.02924934664332233,0.0,0.9540000000000001,84.92,2022-07-11,indianapolis smm food,0,96.21242396070372,89.02123497580452,1.4104001616718669,0.0,0.8142423166297956,0.0,3.60085150308162,0.0,1.3656950035159172,96.21242396070372 +0.0,0.0,0.665,0.917,0.01705964100352751,0.546,0.0,92.75,2022-07-11,jacksonville smm food,0,91.47348177572111,86.29988999004563,0.0,0.0,0.6968740547732485,1.927859346008382,2.1001916623532257,0.4486667225406383,0.0,91.47348177572113 +0.0,0.672,0.0,0.649,0.018556721566081257,0.515,0.769,108.08,2022-07-11,kansas city smm food,0,86.75940392318928,80.49370051161102,0.0,1.0927277788851835,0.0,1.3644282612425733,2.2844954302165896,0.42319297089455804,1.1008589703393503,86.75940392318928 +0.752,0.671,0.603,0.874,0.013255132419356982,0.591,0.665,61.62,2022-07-11,knoxville smm food,0,77.48583204122934,69.4030183864474,1.4529053720236218,1.0911016958808901,0.6319023383883742,1.8374580898705841,1.6318232361844665,0.48564474912365785,0.9519781733103616,77.48583204122936 +0.0,0.536,0.7000000000000001,0.0,0.020914752287843168,0.682,0.649,78.98,2022-07-11,las vegas smm food,0,78.74540229075933,73.0759844669223,0.0,0.8715804903012774,0.7335516366034195,0.0,2.5747897254126673,0.5604225362137643,0.9290734353059017,78.74540229075933 +0.788,0.553,0.909,0.548,0.013117586135695088,0.0,0.0,76.35,2022-07-11,little rock/pine bluff smm food,0,63.8448041141347,57.70357115599228,1.5224593525992207,0.8992239013742657,0.9525691966750118,1.1520904270584442,1.6148900804354884,0.0,0.0,63.84480411413471 +0.724,0.8160000000000001,0.598,0.0,0.1765685714465923,0.0,0.0,178.09,2022-07-11,los angeles smm food,0,179.0660725953621,153.9765761946837,1.3988078315759338,1.3268837315034372,0.6266626838412068,0.0,21.737142153757812,0.0,0.0,179.0660725953621 +0.0,0.994,0.0,0.0,0.008532226094526293,0.0,0.0,47.19,2022-07-11,madison wi smm food,0,55.08590376521607,52.419185278171575,0.0,1.6163265062676673,0.0,0.0,1.0503919807768218,0.0,0.0,55.08590376521607 +0.0,0.0,0.725,0.79,0.04365505542437601,0.596,0.0,128.59,2022-07-11,miami/west palm beach smm food,0,192.40649874760084,184.12181433608328,0.0,0.0,0.7597499093392558,1.6608602871827935,5.374320796251486,0.48975341874399336,0.0,192.4064987476008 +0.863,0.629,0.0,0.0,0.02082617779397892,0.584,0.625,52.56,2022-07-11,milwaukee smm food,0,74.78183653564342,68.15317248002567,1.667363478798385,1.0228062097005661,0.0,0.0,2.563885427164399,0.4798926116551881,0.894716328299212,74.78183653564342 +0.0,0.556,0.8220000000000001,0.9129999999999999,0.030507967108925445,0.661,0.669,75.52,2022-07-11,minneapolis/st. paul smm food,0,94.69234295461109,85.75072244988117,0.0,0.9041021503871459,0.8613992075543012,1.9194499268327725,3.7557987383358804,0.543166123808355,0.9577043578114766,94.69234295461109 +0.975,0.663,0.5700000000000001,0.0,0.013472546359596216,0.0,0.872,46.3,2022-07-11,mobile/pensacola smm food,0,73.93249919028965,67.46643487620449,1.8837536405891373,1.0780930318465427,0.5973206183770702,0.0,1.658588802029339,0.0,1.2483082212430605,73.93249919028963 +0.659,0.0,0.0,0.0,0.030994575157398396,0.0,0.0,86.07,2022-07-11,nashville smm food,0,100.56109665782371,95.47216793873541,1.273224255536658,0.0,0.0,0.0,3.8157044635516426,0.0,0.0,100.56109665782371 +0.52,0.614,0.0,0.767,0.015824054675506332,0.779,0.898,46.87,2022-07-11,new orleans smm food,0,67.03894629528038,59.54961731628727,1.0046686083142067,0.9984149646361646,0.0,1.6125061269230412,1.9480801317711263,0.6401307268482732,1.2855284205003077,67.03894629528038 +0.0,0.8230000000000001,0.0,0.0,0.1779908315258789,0.0,0.63,253.10000000000002,2022-07-11,new york smm food,0,314.31414081909395,290.1617655847399,0.0,1.3382663125334913,0.0,0.0,21.912234862895005,0.0,0.9018740589256057,314.314140819094 +0.0,0.0,0.0,0.0,0.017427874613688506,0.767,0.0,100.02,2022-07-11,norfolk/portsmouth/newport news smm food,0,105.08573362273572,102.30993924858487,0.0,0.0,0.0,0.0,2.1455244543913725,0.630269919759468,0.0,105.0857336227357 +0.0,0.643,0.0,0.0,0.01542878007756879,0.0,0.756,48.06,2022-07-11,oklahoma city smm food,0,57.63648271904796,53.609244119971564,0.0,1.045571371760674,0.0,0.0,1.899418356605002,0.0,1.0822488707107267,57.63648271904797 +0.0,0.0,0.0,0.0,0.009989018229344608,0.0,0.0,79.43,2022-07-11,omaha smm food,0,62.10596573930443,60.87622985001895,0.0,0.0,0.0,0.0,1.2297358892854795,0.0,0.0,62.10596573930443 +0.6890000000000001,0.869,0.0,0.8290000000000001,0.038670093930696266,0.605,0.0,125.74,2022-07-11,orlando/daytona beach/melborne smm food,0,142.3602635994359,132.61538216686213,1.3311859060163238,1.4130661307309886,0.0,1.7428521241449821,4.7606282476208746,0.4971490240605973,0.0,142.3602635994359 +0.604,0.539,0.876,0.0,0.0077202156011240836,0.705,0.0,42.84,2022-07-11,paducah ky/cape girardeau mo smm food,0,60.05041435113605,55.55925813283435,1.1669612296572707,0.8764587393141576,0.9179874766637077,0.0,0.9504263561992576,0.5793224164673075,0.0,60.050414351136055 +0.0,0.0,0.632,0.0,0.07472927584148618,0.0,0.9390000000000001,205.87,2022-07-11,philadelphia smm food,0,210.9440920751249,199.7377476378349,0.0,0.0,0.6622923347619444,0.0,9.1998302908913,0.0,1.3442218116367362,210.94409207512487 +0.676,0.0,0.559,0.0,0.04808497364743369,0.897,0.0,98.51,2022-07-11,phoenix/prescott smm food,0,125.5316016612102,116.98296111946722,1.3060691908084685,0.0,0.5857933783733021,0.0,5.919682642673026,0.7370953298881914,0.0,125.5316016612102 +0.0,0.999,0.761,0.0,0.019751311503011616,0.595,0.0,109.0,2022-07-11,pittsburgh smm food,0,109.89465632196837,104.55223234884438,0.0,1.6244569212891344,0.7974754220788602,0.0,2.431559944936063,0.48893168481992627,0.0,109.89465632196837 +0.0,0.0,0.901,0.9059999999999999,0.025174775367604228,0.0,0.784,75.65,2022-07-11,portland or smm food,0,93.96679682143598,86.8963094792362,0.0,0.0,0.9441857493995441,1.9047334432754566,3.0992359873062503,0.0,1.1223321622185316,93.96679682143598 +0.0,0.782,0.793,0.645,0.01647973870548774,0.0,0.63,84.33,2022-07-11,providence ri/new bedford ma smm food,0,89.63760597483903,83.24830635780522,0.0,1.2715969093574606,0.8310092111807309,1.3560188420669643,2.0288005955030637,0.0,0.9018740589256057,89.63760597483905 +0.52,0.0,0.852,0.0,0.033601558166013096,0.8270000000000001,0.0,119.47000000000001,2022-07-11,raleigh/durham/fayetteville smm food,0,132.04389944655534,125.33017277610136,1.0046686083142067,0.0,0.8928371348373048,0.0,4.136646972098979,0.6795739552034943,0.0,132.04389944655534 +0.741,0.731,0.0,0.0,0.14465038951972692,0.508,0.863,297.82,2022-07-11,rem us east north central smm food,0,328.5345908684169,306.4536727021249,1.4316527668477443,1.1886666761384956,0.0,0.0,17.807733583764158,0.41744083342608834,1.2354243061155519,328.5345908684169 +0.773,0.497,0.642,0.8280000000000001,0.04640535962192846,0.8310000000000001,0.662,101.59,2022-07-11,rem us middle atlantic smm food,0,142.85863828334718,130.80002326169728,1.4934785273593878,0.8081632531338336,0.672771643856279,1.7407497693510798,5.712907402115019,0.6828608908997627,0.9476835349345254,142.85863828334715 +0.0,0.0,0.0,0.0,0.08360957279923362,0.909,0.0,170.14,2022-07-11,rem us mountain smm food,0,184.99754052048317,173.95751153106124,0.0,0.0,0.0,0.0,10.293072852444936,0.7469561369769967,0.0,184.99754052048317 +0.0,0.0,0.7000000000000001,0.606,0.025618543602078454,0.838,0.0,120.27999999999999,2022-07-11,rem us new england smm food,0,154.0716900382369,148.221630613054,0.0,0.0,0.7335516366034195,1.2740270051047757,3.153867755106479,0.6886130283682322,0.0,154.0716900382369 +0.708,0.594,0.0,0.0,0.0893982975692175,0.0,0.0,98.13,2022-07-11,rem us pacific smm food,0,118.4531481786662,105.11364420201244,1.367894951320112,0.9658933045502961,0.0,0.0,11.005715720783368,0.0,0.0,118.45314817866621 +0.8260000000000001,0.789,0.522,0.0,0.1640665551240212,0.805,0.9770000000000001,301.38,2022-07-11,rem us south atlantic smm food,0,309.36425772299344,283.6802303568146,1.5958774432067975,1.2829794903875145,0.5470199347242642,0.0,20.198034124588936,0.6614958088740179,1.3986205643973282,309.36425772299344 +0.0,0.588,0.0,0.0,0.25031578720911185,0.527,0.9580000000000001,339.09,2022-07-11,rem us south central smm food,0,433.00801335611516,399.4313293612464,0.0,0.9561368065245355,0.0,0.0,30.816072222343777,0.4330537779833633,1.3714211880170322,433.0080133561151 +0.0,0.0,0.0,0.0,0.08545183924344686,0.0,0.0,137.6,2022-07-11,rem us west north central smm food,0,136.47440051704075,125.95452848252805,0.0,0.0,0.0,0.0,10.519872034512705,0.0,0.0,136.47440051704075 +0.0,0.655,0.9570000000000001,0.654,0.014788482204070127,0.56,0.932,77.01,2022-07-11,richmond/petersburg smm food,0,93.12595217154967,86.06809383806947,0.0,1.0650843678121953,1.0028698803278178,1.3749400352120849,1.820592063890734,0.4601709974775777,1.334200988759785,93.12595217154967 +0.999,0.834,0.735,0.0,0.036232771313131205,0.665,0.623,106.28,2022-07-11,sacramento/stockton/modesto smm food,0,81.54246577204833,71.58708164797008,1.9301229609728698,1.3561532255807187,0.7702292184335904,0.0,4.460572423537787,0.5464530595046235,0.8918532360486545,81.54246577204833 +0.838,0.0,0.0,0.662,0.02432239490094921,0.0,0.851,84.49,2022-07-11,salt lake city smm food,0,90.94817626612985,83.72480907215119,1.6190621033986636,0.0,0.0,1.3917588735633029,2.994300464404481,0.0,1.218245752612207,90.94817626612985 +0.498,0.0,0.862,0.0,0.02649890406549797,0.9980000000000001,0.0,62.379999999999995,2022-07-11,san diego smm food,0,84.66213111022037,78.71431295071628,0.9621633979624516,0.0,0.9033164439316393,0.0,3.262247861391059,0.8200904562189689,0.0,84.6621311102204 +0.577,0.0,0.78,0.49900000000000005,0.0504786768264324,0.0,0.8140000000000001,105.2,2022-07-11,san francisco/oakland/san jose smm food,0,99.23681701984523,88.87591304741949,1.1147957442255714,0.0,0.817386109358096,1.049075042157233,6.214368530707949,0.0,1.1652785459768937,99.23681701984523 +0.0,0.9350000000000002,0.0,0.662,0.03807372067368505,0.926,0.0,97.25,2022-07-11,seattle/tacoma smm food,0,97.10503806310516,88.74475650580376,0.0,1.5203876090143553,0.0,1.3917588735633029,4.687209461037592,0.7609256136861374,0.0,97.10503806310516 +0.0,0.0,0.603,0.0,0.023659041885720204,0.651,0.0,80.04,2022-07-11,st. louis smm food,0,91.7835805345406,87.70409353036166,0.0,0.0,0.6319023383883742,0.0,2.9126358812228794,0.534948784567684,0.0,91.7835805345406 +0.667,0.598,0.0,0.0,0.04033577849918821,0.0,0.0,173.07,2022-07-11,tampa/ft. myers smm food,0,180.4819706026575,173.25520362076367,1.2886806956645689,0.9723976365674698,0.0,0.0,4.9656886496618,0.0,0.0,180.4819706026575 +0.653,0.0,0.637,0.0,0.009499006273290351,0.612,0.587,28.25,2022-07-11,tucson/sierra vista smm food,0,67.76404040938365,63.32224664442017,1.2616319254407249,0.0,0.6675319893091117,0.0,1.1694111131459493,0.502901161529067,0.8403175755386199,67.76404040938364 +0.81,0.798,0.775,0.0,0.06163439642576539,0.897,0.848,143.68,2022-07-11,washington dc/hagerstown smm food,0,186.2348834901168,173.02137618365978,1.5649645629509756,1.2976142374261554,0.8121464548109287,0.0,7.587735607144379,0.7370953298881914,1.2139511142363708,186.23488349011677 +0.635,0.8270000000000001,0.96,0.0,0.005871309374935548,0.9129999999999999,0.755,87.47,2022-07-11,yakima/pasco/richland/kennewick smm food,0,59.64845177557312,53.51694236690935,1.2268549351529254,1.3447706445506649,1.006013673056118,0.0,0.722809758645346,0.750243072673265,1.080817324585448,59.648451775573115 +0.801,0.0,0.536,0.0,0.013086938612081944,0.562,0.671,74.42,2022-07-18,albany/schenectady/troy smm food,0,87.49963449254753,82.35686844083078,1.547576067807076,0.0,0.5616909674563326,0.0,1.611117101065595,0.4618144653257119,0.960567450062034,87.49963449254753 +0.0,0.758,0.578,0.0,0.014980441587507182,0.0,0.5680000000000001,109.3,2022-07-18,albuquerque/santa fe smm food,0,75.28774649397418,70.79212936171284,0.0,1.2325709172544184,0.6057040656525378,0.0,1.8442239501960558,0.0,0.813118199158324,75.28774649397417 +0.0,0.88,0.67,0.65,0.05759543830145326,0.0,0.0,139.78,2022-07-18,atlanta smm food,0,175.8376325923574,165.2475308400832,0.0,1.4309530437782165,0.7021137093204158,1.3665306160364756,7.090504383139127,0.0,0.0,175.8376325923574 +0.0,0.6980000000000001,0.0,0.0,0.026199193400694158,0.967,0.926,118.35999999999999,2022-07-18,baltimore smm food,0,111.76094638963754,105.28036119021601,0.0,1.1350059369968126,0.0,0.0,3.225350845843712,0.7946167045728886,1.3256117120081126,111.76094638963754 +0.0,0.541,0.0,0.0,0.007864206451734825,0.0,0.0,38.03,2022-07-18,baton rouge smm food,0,52.47610570351452,50.62824190344196,0.0,0.8797109053227445,0.0,0.0,0.9681528947498226,0.0,0.0,52.47610570351453 +0.745,0.0,0.798,0.0,0.01690583380237831,0.0,0.0,38.69,2022-07-18,birmingham/anniston/tuscaloosa smm food,0,66.63240340101743,62.27551690355495,1.4393809869116998,0.0,0.8362488657278982,0.0,2.0812566448228664,0.0,0.0,66.63240340101741 +0.0,0.0,0.0,0.965,0.058183172675775385,0.8320000000000001,0.0,149.54,2022-07-18,boston/manchester smm food,0,193.21960601447392,183.34429136615643,0.0,0.0,0.0,2.0287723761156906,7.162859647377951,0.6836826248238298,0.0,193.2196060144739 +0.9759999999999999,0.0,0.0,0.0,0.012419985238707049,0.0,0.0,41.77,2022-07-18,buffalo smm food,0,67.37788828555861,63.96319330778341,1.885685695605126,0.0,0.0,0.0,1.5290092821700696,0.0,0.0,67.37788828555861 +0.0,0.0,0.0,0.0,0.03381879048214545,0.908,0.0,121.42000000000002,2022-07-18,charlotte smm food,0,132.01040984757861,127.1008852661048,0.0,0.0,0.0,0.0,4.163390178420877,0.7461344030529296,0.0,132.01040984757861 +0.0,0.0,0.657,0.931,0.08412669369766224,0.0,0.0,168.95,2022-07-18,chicago smm food,0,190.1253735959922,177.12285569785104,0.0,0.0,0.6884906074977809,1.9572923131230138,10.356734977520361,0.0,0.0,190.1253735959922 +0.754,0.718,0.6980000000000001,0.0,0.029767460914417142,0.759,0.0,134.4,2022-07-18,cleveland/akron/canton smm food,0,138.7351594735869,131.09107465023894,1.4567694820555994,1.167527597082681,0.7314557747845526,0.0,3.6646359210582085,0.6236960483669312,0.0,138.73515947358692 +0.0,0.249,0.0,0.0,0.0277816928926974,0.974,0.0,112.78,2022-07-18,columbus oh smm food,0,108.54616863401218,103.92073468964487,0.0,0.4048946680690635,0.0,0.0,3.420170434256868,0.8003688420413583,0.0,108.54616863401216 +0.845,0.0,0.74,0.0,0.07365745515203899,0.0,0.0,73.5,2022-07-18,dallas/ft. worth smm food,0,116.75309229177303,105.27715718131851,1.6325864885105856,0.0,0.7754688729807577,0.0,9.067879748963177,0.0,0.0,116.75309229177304 +0.908,0.548,0.508,0.0,0.008109803016993846,0.645,0.852,37.39,2022-07-18,des moines/ames smm food,0,68.3341293757051,62.408297363785806,1.7543059545178838,0.8910934863527985,0.5323489019921959,0.0,0.9983879892956534,0.5300183810232815,1.2196772987374858,68.3341293757051 +0.682,0.0,0.918,0.0,0.04247015334201733,0.0,0.0,101.52,2022-07-18,detroit smm food,0,167.8310340902343,160.32292305294044,1.3176615209044018,0.0,0.962000574859913,0.0,5.228448941529566,0.0,0.0,167.8310340902343 +0.0,0.0,0.972,0.978,0.017569167048997046,0.0,0.0,71.1,2022-07-18,grand rapids smm food,0,115.25317693532321,110.01556630860257,0.0,0.0,1.0185888439693196,2.0561029884364204,2.162918794314893,0.0,0.0,115.25317693532321 +0.9280000000000002,0.0,0.497,0.894,0.019620771956153197,0.615,0.49900000000000005,97.63,2022-07-18,greensboro smm food,0,91.39771441829785,83.56924325587181,1.7929470548376611,0.0,0.5208216619884278,1.8795051857486296,2.415489380035974,0.5053663633012684,0.714341516514091,91.39771441829787 +0.872,0.0,0.0,0.0,0.01947891240883746,0.9619999999999999,0.0,123.12000000000002,2022-07-18,harrisburg/lancaster smm food,0,89.89839292714747,85.02510769460987,1.684751973942285,0.0,0.0,0.0,2.3980252236427586,0.790508034952553,0.0,89.89839292714747 +0.7020000000000001,0.0,0.0,0.0,0.025053810005808426,0.0,0.5750000000000001,82.42,2022-07-18,hartford/new haven smm food,0,117.87451597300846,112.61073024106035,1.3563026212241789,0.0,0.0,0.0,3.0843440886886557,0.0,0.8231390220352751,117.87451597300846 +0.0,0.0,0.657,0.9969999999999999,0.06237104774127053,0.8180000000000001,0.714,145.52,2022-07-18,houston smm food,0,179.80370646332307,167.64644198801398,0.0,0.0,0.6884906074977809,2.096047729520563,7.678423854954841,0.6721783498868903,1.0221239334490198,179.80370646332307 +0.0,0.0,0.0,0.5690000000000001,0.029310642926086754,0.0,0.5710000000000001,63.160000000000004,2022-07-18,indianapolis smm food,0,94.64328530499607,89.02123497580452,0.0,0.0,0.0,1.196239877730392,3.608397613927005,0.0,0.8174128375341602,94.64328530499607 +0.51,0.9450000000000001,0.0,0.5650000000000001,0.01701722127249707,0.0,0.0,87.74,2022-07-18,jacksonville smm food,0,92.10468636665318,86.29988999004563,0.985348058154318,1.5366484390572894,0.0,1.1878304585547828,2.0949694208411698,0.0,0.0,92.10468636665318 +0.9380000000000001,0.0,0.0,0.978,0.018651147568586178,0.0,0.0,117.78000000000002,2022-07-18,kansas city smm food,0,86.65819120562418,80.49370051161102,1.8122676049975497,0.0,0.0,2.0561029884364204,2.2961201005791825,0.0,0.0,86.65819120562418 +0.8200000000000001,0.9460000000000001,0.661,0.9199999999999999,0.013701968495037874,0.554,0.8989999999999999,94.14,2022-07-18,knoxville smm food,0,78.58146000588988,69.4030183864474,1.5842851131108644,1.5382745220615828,0.6926823311355147,1.9341664103900884,1.6868326821856805,0.4552405939331751,1.2869599666255864,78.5814600058899 +0.0,0.52,0.556,0.0,0.01967477362172706,0.0,0.498,91.67,2022-07-18,las vegas smm food,0,77.63924464461672,73.0759844669223,0.0,0.8455631622325824,0.5826495856450018,0.0,2.4221374594280287,0.0,0.7129099703888121,77.63924464461674 +0.629,0.0,0.6910000000000001,0.801,0.012971676494349767,0.0,0.0,98.04,2022-07-18,little rock/pine bluff smm food,0,62.92386753127401,57.70357115599228,1.2152626050569921,0.0,0.7241202584185183,1.6839861899157185,1.5969273218905091,0.0,0.0,62.92386753127401 +0.0,0.0,0.0,0.0,0.1560718634891062,0.0,0.0,134.16,2022-07-18,los angeles smm food,0,173.19039355226906,153.9765761946837,0.0,0.0,0.0,0.0,19.213817357585356,0.0,0.0,173.19039355226906 +0.0,0.722,0.833,0.745,0.008674503253734037,0.0,0.0,45.75,2022-07-18,madison wi smm food,0,57.100305525149004,52.419185278171575,0.0,1.1740319290998549,0.8729264475580691,1.5662543214571913,1.067907548862318,0.0,0.0,57.10030552514901 +0.531,0.5690000000000001,0.0,0.583,0.04078549337874004,0.629,0.734,177.75,2022-07-18,miami/west palm beach smm food,0,193.8873276197616,184.12181433608328,1.0259212134900841,0.9252412294429605,0.0,1.2256728448450234,5.021052501707435,0.5168706382382078,1.0507548559545945,193.88732761976158 +0.676,0.789,0.6890000000000001,0.8180000000000001,0.02069820075322707,0.0,0.738,43.81,2022-07-18,milwaukee smm food,0,76.7885831489646,68.15317248002567,1.3060691908084685,1.2829794903875145,0.7220243965996515,1.7197262214120572,2.5481303292755224,0.0,1.0564810404557095,76.78858314896459 +0.0,0.978,0.9470000000000001,0.0,0.029897024386143355,0.0,0.9380000000000001,82.23,2022-07-18,minneapolis/st. paul smm food,0,93.3567987873606,85.75072244988117,0.0,1.5903091781989724,0.9923905712334832,0.0,3.680586322535512,0.0,1.3427902655114574,93.35679878736059 +0.0,0.0,0.704,0.708,0.013396411263745961,0.0,0.0,70.08,2022-07-18,mobile/pensacola smm food,0,71.34186133347485,67.46643487620449,0.0,0.0,0.7377433602411533,1.4884671940828071,1.6492159029464035,0.0,0.0,71.34186133347485 +0.0,0.0,0.0,0.0,0.031018669386706197,0.8240000000000001,0.0,87.47,2022-07-18,nashville smm food,0,99.967947366994,95.47216793873541,0.0,0.0,0.0,0.0,3.8186706748272847,0.677108753431293,0.0,99.96794736699398 +0.0,0.0,0.0,0.642,0.015262791705877278,0.745,0.0,73.72,2022-07-18,new orleans smm food,0,63.390504597381906,59.54961731628727,0.0,0.0,0.0,1.3497117776852574,1.8789837299793881,0.6121917734299918,0.0,63.390504597381906 +0.851,0.773,0.638,0.0,0.16348271763699904,0.0,0.0,267.1,2022-07-18,new york smm food,0,313.8576450872914,290.1617655847399,1.6441788186065187,1.2569621623188196,0.6685799202185452,0.0,20.126158601407663,0.0,0.0,313.8576450872914 +0.0,0.0,0.0,0.645,0.017775237513554268,0.593,0.785,143.1,2022-07-18,norfolk/portsmouth/newport news smm food,0,107.4652978946277,102.30993924858487,0.0,0.0,0.0,1.3560188420669643,2.1882878786602693,0.48728821697179203,1.1237637083438103,107.46529789462771 +0.0,0.835,0.0,0.555,0.016170236400908308,0.794,0.86,88.42,2022-07-18,oklahoma city smm food,0,60.00811488570922,53.609244119971564,0.0,1.357779308585012,0.0,1.1668069106157601,1.9906981430878914,0.6524567357092798,1.2311296677397157,60.008114885709226 +0.0,0.0,0.762,0.0,0.010247235816724501,0.0,0.511,62.68999999999999,2022-07-18,omaha smm food,0,63.6677980155443,60.87622985001895,0.0,0.0,0.7985233529882938,0.0,1.2615247425196172,0.0,0.7315200700174357,63.6677980155443 +0.0,0.0,0.0,0.796,0.03809690060476774,0.0,0.0,134.19,2022-07-18,orlando/daytona beach/melborne smm food,0,138.9789196969787,132.61538216686213,0.0,0.0,0.0,1.6734744159462072,4.69006311417037,0.0,0.0,138.97891969697872 +0.0,0.72,0.0,0.0,0.007882664156038664,0.0,0.0,76.12,2022-07-18,paducah ky/cape girardeau mo smm food,0,57.7004630962109,55.55925813283435,0.0,1.170779763091268,0.0,0.0,0.9704252002852725,0.0,0.0,57.70046309621089 +0.799,0.88,0.783,0.6990000000000001,0.07234445247511427,0.863,0.9470000000000001,203.84,2022-07-18,philadelphia smm food,0,215.9735566853137,199.7377476378349,1.5437119577750982,1.4309530437782165,0.8205299020863963,1.469546000937687,8.906237585792535,0.7091563764699099,1.355674180638966,215.97355668531372 +0.882,0.645,0.0,0.0,0.04716240720108231,0.9689999999999999,0.842,119.64000000000001,2022-07-18,phoenix/prescott smm food,0,127.5435858003893,116.98296111946722,1.7040725241021735,1.048823537769261,0.0,0.0,5.806106609144924,0.7962601724210226,1.2053618374846984,127.5435858003893 +0.0,0.0,0.0,0.0,0.01963788292388222,0.842,0.0,114.35,2022-07-18,pittsburgh smm food,0,107.66172820337799,104.55223234884438,0.0,0.0,0.0,0.0,2.417595890469098,0.6918999640645007,0.0,107.66172820337798 +0.651,0.71,0.779,0.0,0.025563259447913156,0.0,0.732,67.66,2022-07-18,portland or smm food,0,94.3198879599492,86.8963094792362,1.257767815408747,1.1545189330483336,0.8163381784486625,0.0,3.147061790103218,0.0,1.047891763704037,94.3198879599492 +0.771,0.0,0.0,0.0,0.016444412198930714,0.634,0.0,48.25,2022-07-18,providence ri/new bedford ma smm food,0,87.28335167522296,83.24830635780522,1.4896144173274102,0.0,0.0,0.0,2.024451592231788,0.5209793078585433,0.0,87.28335167522296 +0.766,0.794,0.789,0.611,0.033119412881309165,0.0,0.0,158.78,2022-07-18,raleigh/durham/fayetteville smm food,0,134.28988374267996,125.33017277610136,1.4799541422474658,1.2911099054089816,0.8268174875429971,1.284538779074287,4.0772906523048675,0.0,0.0,134.28988374267996 +0.578,0.626,0.743,0.517,0.1475992718785433,0.0,0.0,275.87,2022-07-18,rem us east north central smm food,0,328.6246254618346,306.4536727021249,1.1167277992415603,1.0179279606876859,0.7786126657090581,1.0869174284474736,18.170766905623985,0.0,0.0,328.6246254618346 +0.681,0.0,0.579,0.651,0.04762110444292672,0.0,0.0,157.77,2022-07-18,rem us middle atlantic smm food,0,139.95371396386943,130.80002326169728,1.3157294658884129,0.0,0.6067519965619712,1.368632970830378,5.862576268891389,0.0,0.0,139.95371396386943 +0.0,0.781,0.0,0.0,0.08353114825120618,0.0,0.0,155.38,2022-07-18,rem us mountain smm food,0,185.51090045910246,173.95751153106124,0.0,1.269970826353167,0.0,0.0,10.28341810168805,0.0,0.0,185.51090045910246 +0.842,0.652,0.973,0.842,0.026554687377072644,0.863,0.5650000000000001,149.96,2022-07-18,rem us new england smm food,0,158.4855417809689,148.221630613054,1.626790323462619,1.060206118799315,1.019636774878753,1.7701827364657114,3.269115277056099,0.7091563764699099,0.8088235607824877,158.4855417809689 +0.0,0.5730000000000001,0.733,0.0,0.08375755814465755,0.0,0.879,116.66999999999999,2022-07-18,rem us pacific smm food,0,118.38314331260264,105.11364420201244,0.0,0.9317455614601342,0.7681333566147235,0.0,10.311291148395334,0.0,1.2583290441200117,118.38314331260264 +0.764,0.0,0.6960000000000001,0.0,0.16331604848379128,0.9490000000000002,0.0,289.81,2022-07-18,rem us south atlantic smm food,0,306.77114596053275,283.6802303568146,1.4760900322154882,0.0,0.7293599129656857,0.0,20.105640164597297,0.7798254939396809,0.0,306.77114596053275 +0.552,0.0,0.513,0.0,0.256806768383803,0.0,0.0,365.26,2022-07-18,rem us south central smm food,0,432.65058130945425,399.4313293612464,1.0664943688258501,0.0,0.5375885565393631,0.0,31.615169022842643,0.0,0.0,432.65058130945425 +0.587,0.0,0.0,0.739,0.0856190952772721,0.8200000000000001,0.0,155.44,2022-07-18,rem us west north central smm food,0,139.85656950882463,125.95452848252805,1.1341162943854601,0.0,0.0,1.5536401926937777,10.540462721482342,0.6738218177350245,0.0,139.85656950882466 +0.0,0.0,0.661,0.0,0.014693182676098789,0.0,0.0,93.29,2022-07-18,richmond/petersburg smm food,0,88.56963602407501,86.06809383806947,0.0,0.0,0.6926823311355147,0.0,1.8088598548700272,0.0,0.0,88.56963602407501 +0.676,0.614,0.0,0.0,0.03309036661512809,0.0,0.0,72.45,2022-07-18,sacramento/stockton/modesto smm food,0,77.9652806052053,71.58708164797008,1.3060691908084685,0.9984149646361646,0.0,0.0,4.073714801790582,0.0,0.0,77.9652806052053 +0.504,0.724,0.737,0.0,0.02469044812254147,0.562,0.0,99.69,2022-07-18,salt lake city smm food,0,90.14959948992143,83.72480907215119,0.9737557280583848,1.1772840951084418,0.7723250802524573,0.0,3.039611049025252,0.4618144653257119,0.0,90.14959948992144 +0.0,0.892,0.0,0.0,0.024424549194532554,0.9129999999999999,0.0,49.74,2022-07-18,san diego smm food,0,83.92189861850474,78.71431295071628,0.0,1.4504660398297375,0.0,0.0,3.006876555285465,0.750243072673265,0.0,83.92189861850474 +0.66,0.861,0.0,0.936,0.04559205922670597,0.49900000000000005,0.0,111.21,2022-07-18,san francisco/oakland/san jose smm food,0,99.54175911916346,88.87591304741949,1.2751563105526469,1.4000574666966412,0.0,1.967804087092525,5.61278297929266,0.41004522810948446,0.0,99.54175911916344 +0.9829999999999999,0.936,0.0,0.936,0.03845980163230772,0.507,0.594,78.45,2022-07-18,seattle/tacoma smm food,0,100.13548128199514,88.74475650580376,1.899210080717048,1.5220136920186484,0.0,1.967804087092525,4.734739418445548,0.41661909950202125,0.850338398415571,100.13548128199513 +0.0,0.64,0.764,0.0,0.023949342692034286,0.0,0.858,87.12,2022-07-18,st. louis smm food,0,93.72204690393811,87.70409353036166,0.0,1.0406931227477938,0.8006192148071607,0.0,2.948374460532326,0.0,1.2282665754891582,93.7220469039381 +0.0,0.645,0.0,0.0,0.03885090381793962,0.709,0.0,125.64999999999999,2022-07-18,tampa/ft. myers smm food,0,179.66952404370215,173.25520362076367,0.0,1.048823537769261,0.0,0.0,4.782887533005661,0.582609352163576,0.0,179.66952404370215 +0.9689999999999999,0.513,0.0,0.743,0.009281954345726732,0.536,0.0,37.54,2022-07-18,tucson/sierra vista smm food,0,69.17377764552668,63.32224664442017,1.8721613104932038,0.8341805812025285,0.0,1.5620496118693867,1.1426901142414265,0.44044938329996725,0.0,69.17377764552668 +0.0,0.0,0.0,0.8160000000000001,0.05885475684610663,0.59,0.0,153.82,2022-07-18,washington dc/hagerstown smm food,0,182.46725826874015,173.02137618365978,0.0,0.0,0.0,1.7155215118242526,7.24553755805652,0.48482301519959076,0.0,182.46725826874015 +0.0,0.0,0.9500000000000001,0.0,0.005772914823918414,0.66,0.595,24.09,2022-07-18,yakima/pasco/richland/kennewick smm food,0,56.61728759039676,53.51694236690935,0.0,0.0,0.9955343639617836,0.0,0.7106965251004875,0.542344389884288,0.8517699445408498,56.61728759039676 +0.619,0.0,0.553,0.544,0.008400399116923874,0.904,0.5,39.71,2022-07-25,albany/schenectady/troy smm food,0,87.76878074836658,82.35686844083078,1.1959420548971036,0.0,0.5795057929167015,1.143681007882835,1.0341629218431327,0.7428474673566611,0.7157730626393696,87.76878074836658 +0.0,0.0,0.555,0.646,0.007459272416602862,0.5700000000000001,0.592,70.98,2022-07-25,albuquerque/santa fe smm food,0,74.96601781420745,70.79212936171284,0.0,0.0,0.5816016547355684,1.3581211968608666,0.9183019580149084,0.46838833671824875,0.8474753061650135,74.96601781420745 +0.593,0.0,0.6960000000000001,0.0,0.03259657885451178,0.0,0.9630000000000002,124.89000000000001,2022-07-25,atlanta smm food,0,172.51410348711582,165.2475308400832,1.1457086244813932,0.0,0.7293599129656857,0.0,4.0129251909421475,0.0,1.378578918643426,172.51410348711585 +0.0,0.9689999999999999,0.646,0.9500000000000001,0.016346051007443414,0.0,0.0,58.900000000000006,2022-07-25,baltimore smm food,0,111.5425785086156,105.28036119021601,0.0,1.5756744311603312,0.6769633674940129,1.997237054207157,2.012342465538088,0.0,0.0,111.5425785086156 +0.0,0.0,0.886,0.8,0.004377773571311296,0.6910000000000001,0.0,42.98,2022-07-25,baton rouge smm food,0,54.34535304759616,50.62824190344196,0.0,0.0,0.9284667857580423,1.6818838351218162,0.5389423817439748,0.5678181415303682,0.0,54.34535304759616 +0.6950000000000001,0.0,0.9339999999999999,0.614,0.009316886715616451,0.845,0.0,77.05,2022-07-25,birmingham/anniston/tuscaloosa smm food,0,67.72926421419754,62.27551690355495,1.3427782361122569,0.0,0.9787674694108481,1.290845843455994,1.1469905958267927,0.694365165836702,0.0,67.72926421419754 +0.624,0.518,0.0,0.8270000000000001,0.03559920712250663,0.0,0.0,149.4,2022-07-25,boston/manchester smm food,0,191.5134272132498,183.34429136615643,1.205602329977048,0.8423109962239956,0.0,1.7386474145571775,4.382575106335147,0.0,0.0,191.5134272132498 +0.6900000000000001,0.9510000000000001,0.0,0.0,0.007401599967209015,0.739,0.0,49.1,2022-07-25,buffalo smm food,0,68.36117954867419,63.96319330778341,1.3331179610323127,1.54640493708305,0.0,0.0,0.911201972889817,0.6072613698855891,0.0,68.36117954867419 +0.0,0.675,0.0,0.0,0.02047099887982665,0.5680000000000001,0.0,117.07,2022-07-25,charlotte smm food,0,131.1853959457526,127.1008852661048,0.0,1.0976060278980637,0.0,0.0,2.5201597828796203,0.46674486887011457,0.0,131.1853959457526 +0.534,0.5700000000000001,0.0,0.993,0.04680827849435077,0.809,0.929,196.83,2022-07-25,chicago smm food,0,188.92627804875437,177.12285569785104,1.0317173785380507,0.926867312447254,0.0,2.0876383103449543,5.76251025461884,0.6647827445702864,1.3299063503839488,188.92627804875437 +0.0,0.749,0.0,0.0,0.01729297114611242,0.72,0.75,92.99,2022-07-25,cleveland/akron/canton smm food,0,136.10323549225959,131.09107465023894,0.0,1.2179361702157774,0.0,0.0,2.1289166525175087,0.5916484253283142,1.0736595939590543,136.10323549225959 +0.0,0.967,0.0,0.862,0.015382936670346771,0.684,0.0,135.38,2022-07-25,columbus oh smm food,0,109.76122742168188,103.92073468964487,0.0,1.5724222651517445,0.0,1.812229832343757,1.8937746304796024,0.5620660040618984,0.0,109.76122742168188 +0.0,0.979,0.0,0.771,0.03644821827664832,0.6920000000000001,0.779,74.3,2022-07-25,dallas/ft. worth smm food,0,114.6609181329369,105.27715718131851,0.0,1.5919352612032658,0.0,1.6209155460986504,4.487095837269905,0.5686398754544353,1.115174431592138,114.66091813293691 +0.0,0.8320000000000001,0.0,0.895,0.0044500883832263825,0.0,0.0,78.27,2022-07-25,des moines/ames smm food,0,66.19065093421693,62.408297363785806,0.0,1.352901059572132,0.0,1.8816075405425319,0.5478449703164602,0.0,0.0,66.19065093421693 +0.0,0.0,0.89,0.0,0.025677362630868106,0.798,0.624,173.56,2022-07-25,detroit smm food,0,165.96571891014264,160.32292305294044,0.0,0.0,0.9326585093957762,0.0,3.161108894226945,0.6557436714055482,0.8932847821739333,165.96571891014264 +0.9140000000000001,0.637,0.0,0.0,0.010976318225571558,0.0,0.0,106.42,2022-07-25,grand rapids smm food,0,114.16856065838519,110.01556630860257,1.7658982846138171,1.0358148737349135,0.0,0.0,1.3512811914338927,0.0,0.0,114.16856065838519 +0.782,0.885,0.7000000000000001,0.0,0.012220245671589606,0.745,0.0,71.7,2022-07-25,greensboro smm food,0,89.3693567341194,83.56924325587181,1.5108670225032876,1.4390834587996837,0.7335516366034195,0.0,1.5044195869112214,0.6121917734299918,0.0,89.3693567341194 +0.764,0.0,0.0,0.0,0.012717590546516833,0.0,0.0,121.62,2022-07-25,harrisburg/lancaster smm food,0,88.066844836603,85.02510769460987,1.4760900322154882,0.0,0.0,0.0,1.5656471097776339,0.0,0.0,88.066844836603 +0.78,0.799,0.0,0.845,0.015546950652087312,0.876,0.683,99.39,2022-07-25,hartford/new haven smm food,0,120.80501438821656,112.61073024106035,1.5070029124713098,1.2992403204304488,0.0,1.7764898008474184,1.9139661923588713,0.7198389174827822,0.9777460035653789,120.80501438821656 +0.5760000000000001,0.609,0.0,0.5640000000000001,0.034020142426538245,0.0,0.0,212.4,2022-07-25,houston smm food,0,175.12349670208485,167.64644198801398,1.1128636892095827,0.9902845496146975,0.0,1.1857281037608804,4.18817837148572,0.0,0.0,175.12349670208485 +0.0,0.0,0.0,0.727,0.018140493476792963,0.865,0.9129999999999999,95.84,2022-07-25,indianapolis smm food,0,94.80070246387513,89.02123497580452,0.0,0.0,0.0,1.5284119351669503,2.2332540962061183,0.7107998443180441,1.3070016123794888,94.80070246387513 +0.0,0.0,0.548,0.0,0.01034747996834026,0.0,0.0,94.96,2022-07-25,jacksonville smm food,0,88.14802180656054,86.29988999004563,0.0,0.0,0.5742661383695341,0.0,1.273865678145376,0.0,0.0,88.14802180656054 +0.0,0.706,0.961,0.589,0.009300601087366306,0.505,0.666,116.23000000000002,2022-07-25,kansas city smm food,0,86.40043473323915,80.49370051161102,0.0,1.14801460103116,1.0070616039655516,1.238286973608437,1.1449856919334418,0.414975631653887,0.9534097194356403,86.40043473323914 +0.0,0.666,0.979,0.0,0.007850887350563702,0.0,0.0,79.36,2022-07-25,knoxville smm food,0,72.47842722404056,69.4030183864474,0.0,1.082971280859423,1.0259243603353538,0.0,0.9665131963983833,0.0,0.0,72.47842722404056 +0.0,0.9899999999999999,0.0,0.745,0.009042141334510572,0.874,0.0,42.96,2022-07-25,las vegas smm food,0,78.08342343826664,73.0759844669223,0.0,1.6098221742504932,0.0,1.5662543214571913,1.1131670260020048,0.718195449634648,0.0,78.08342343826665 +0.0,0.641,0.655,0.9530000000000001,0.007891925749951349,0.0,0.0,58.63,2022-07-25,little rock/pine bluff smm food,0,62.4073946098635,57.70357115599228,0.0,1.0423192057520871,0.6863947456789139,2.003544118588864,0.9715653838513569,0.0,0.0,62.4073946098635 +0.811,0.6890000000000001,0.0,0.0,0.06886652133264608,0.632,0.0,140.3,2022-07-25,los angeles smm food,0,165.66125355402895,153.9765761946837,1.5668966179669646,1.1203711899581719,0.0,0.0,8.478073711409717,0.5193358400104091,0.0,165.66125355402897 +0.797,0.0,0.0,0.0,0.005198088116566115,0.0,0.605,52.77,2022-07-25,madison wi smm food,0,55.46504883975715,52.419185278171575,1.5398478477431206,0.0,0.0,0.0,0.6399303080488141,0.0,0.8660854057936371,55.465048839757145 +0.0,0.53,0.876,0.625,0.01988920497289142,0.537,0.904,152.34,2022-07-25,miami/west palm beach smm food,0,191.39952220804565,184.12181433608328,0.0,0.8618239922755168,0.9179874766637077,1.3139717461889189,2.4485358423582095,0.44127111722403434,1.2941176972519801,191.39952220804565 +0.0,0.0,0.651,0.0,0.013062845618312289,0.924,0.629,91.78,2022-07-25,milwaukee smm food,0,72.10325120260073,68.15317248002567,0.0,0.0,0.6822030220411801,0.0,1.6081510418955516,0.7592821458380032,0.9004425128003269,72.10325120260073 +0.0,0.612,0.926,0.0,0.015444585081481681,0.724,0.51,78.85,2022-07-25,minneapolis/st. paul smm food,0,90.94265724698141,85.75072244988117,0.0,0.9951627986275778,0.9703840221353807,0.0,1.90136409142055,0.5949353610245826,0.730088523892157,90.94265724698141 +0.836,0.0,0.0,0.0,0.007820453575049128,0.0,0.0,22.39,2022-07-25,mobile/pensacola smm food,0,70.0443994008682,67.46643487620449,1.6151979933666858,0.0,0.0,0.0,0.9627665312970237,0.0,0.0,70.0443994008682 +0.728,0.0,0.9059999999999999,0.685,0.018162869072545194,1.0,0.799,111.45,2022-07-25,nashville smm food,0,103.46979043490417,95.47216793873541,1.406536051639889,0.0,0.9494254039467114,1.4401130338230552,2.2360087285942973,0.821733924067103,1.1438053540977127,103.46979043490418 +0.75,0.633,0.0,0.8280000000000001,0.009176714913402734,0.588,0.72,78.37,2022-07-25,new orleans smm food,0,66.41234586258098,59.54961731628727,1.4490412619916442,1.0293105417177397,0.0,1.7407497693510798,1.1297342156810792,0.4831795473514565,1.0307132102006922,66.41234586258096 +0.0,0.757,0.0,0.0,0.09118903342414095,0.0,0.717,226.08,2022-07-25,new york smm food,0,303.6453000254709,290.1617655847399,0.0,1.2309448342501248,0.0,0.0,11.226171034656007,0.0,1.026418571824856,303.6453000254709 +0.877,0.0,0.0,0.844,0.011325832197342602,0.795,0.662,90.63,2022-07-25,norfolk/portsmouth/newport news smm food,0,108.77401037977819,102.30993924858487,1.694412249022229,0.0,0.0,1.774387446053516,1.3943094315497149,0.6532784696333469,0.9476835349345254,108.7740103797782 +0.0,0.853,0.0,0.0,0.00746205361296058,0.0,0.91,65.1,2022-07-25,oklahoma city smm food,0,57.21764424435456,53.609244119971564,0.0,1.3870488026622938,0.0,0.0,0.9186443477170504,0.0,1.3027069740036528,57.21764424435456 +0.0,0.519,0.9440000000000001,0.0,0.005434395906073327,0.0,0.0,56.3,2022-07-25,omaha smm food,0,63.37843558045781,60.87622985001895,0.0,0.8439370792282891,0.9892467785051828,0.0,0.6690218727053944,0.0,0.0,63.37843558045782 +0.0,0.9980000000000001,0.672,0.717,0.02011097294954318,0.0,0.0,90.18,2022-07-25,orlando/daytona beach/melborne smm food,0,138.92564839184627,132.61538216686213,0.0,1.622830838284841,0.7042095711392827,1.5073883872279277,2.4758374283320683,0.0,0.0,138.92564839184627 +0.541,0.75,0.0,0.0,0.004742527906064324,0.852,0.0,46.65,2022-07-25,paducah ky/cape girardeau mo smm food,0,59.10802629742641,55.55925813283435,1.0452417636499727,1.219562253220071,0.0,0.0,0.5838468444168474,0.7001173033051717,0.0,59.10802629742641 +0.0,0.0,0.0,0.0,0.041995187769456765,0.747,0.0,219.4,2022-07-25,philadelphia smm food,0,205.52155938648116,199.7377476378349,0.0,0.0,0.0,0.0,5.169976507368128,0.6138352412781259,0.0,205.52155938648116 +0.517,0.9070000000000001,0.653,0.0,0.022688258563375956,0.0,0.0,82.25,2022-07-25,phoenix/prescott smm food,0,122.93411365820238,116.98296111946722,0.99887244326624,1.4748572848941393,0.684298883860047,0.0,2.7931239267147294,0.0,0.0,122.93411365820238 +0.91,0.0,0.794,0.0,0.010680331472727837,0.0,0.581,104.46,2022-07-25,pittsburgh smm food,0,109.28903047643168,104.55223234884438,1.7581700645498615,0.0,0.8320571420901643,0.0,1.314842622160316,0.0,0.8317282987869474,109.28903047643168 +0.882,0.0,0.0,0.9570000000000001,0.014166562960434217,0.8989999999999999,0.507,84.76,2022-07-25,portland or smm food,0,93.8208965663091,86.8963094792362,1.7040725241021735,0.0,0.0,2.0119535377644726,1.7440283419536144,0.7387387977363256,0.7257938855163207,93.8208965663091 +0.9339999999999999,0.604,0.5660000000000001,0.9700000000000001,0.010136931913556307,0.966,0.0,79.09,2022-07-25,providence ri/new bedford ma smm food,0,90.70915325591658,83.24830635780522,1.804539384933594,0.9821541345932303,0.5931288947393364,2.0392841500852024,1.2479453631111668,0.7937949706488214,0.0,90.70915325591658 +0.795,0.581,0.0,0.0,0.01975608685793058,0.0,0.0,94.53,2022-07-25,raleigh/durham/fayetteville smm food,0,130.24305857238113,125.33017277610136,1.5359837377111427,0.9447542254944815,0.0,0.0,2.432147833074126,0.0,0.0,130.2430585723811 +0.0,0.5640000000000001,0.74,0.881,0.088269479034202,0.898,0.504,313.83,2022-07-25,rem us east north central smm food,0,322.32459151729466,306.4536727021249,0.0,0.9171108144214933,0.7754688729807577,1.8521745734279,10.866748243386914,0.7379170638122585,0.7214992471404845,322.3245915172947 +0.0,0.922,0.677,0.863,0.028913801665785117,0.764,0.543,82.1,2022-07-25,rem us middle atlantic smm food,0,139.7877304373556,130.80002326169728,0.0,1.4992485299585405,0.70944922568645,1.8143321871376592,3.5595429688620293,0.6278047179872667,0.7773295460263554,139.78773043735558 +0.0,0.806,0.0,0.0,0.043640016454111176,0.0,0.0,152.43,2022-07-25,rem us mountain smm food,0,180.64060379942873,173.95751153106124,0.0,1.3106229014605029,0.0,0.0,5.372469366906985,0.0,0.0,180.64060379942873 +0.672,0.601,0.53,0.9460000000000001,0.016951058204991168,0.577,0.0,151.66,2022-07-25,rem us new england smm food,0,155.6024431266403,148.221630613054,1.2983409707445133,0.9772758855803501,0.5554033819997319,1.9888276350315477,2.0868241660434355,0.4741404741867184,0.0,155.6024431266403 +0.0,0.0,0.0,0.0,0.036771270728031435,0.668,0.745,80.55,2022-07-25,rem us pacific smm food,0,111.25593075840536,105.11364420201244,0.0,0.0,0.0,0.0,4.5268664317834295,0.5489182612768249,1.0665018633326606,111.25593075840536 +0.0,0.579,0.621,0.747,0.09521914509535612,0.0,0.0,309.11,2022-07-25,rem us south atlantic smm food,0,298.56526972467987,283.6802303568146,0.0,0.9415020594858946,0.6507650947581763,1.5704590310449957,11.722313182576258,0.0,0.0,298.5652697246799 +0.929,0.875,0.0,0.517,0.1294685416241487,0.642,0.846,396.54,2022-07-25,rem us south central smm food,0,421.4133044773981,399.4313293612464,1.7948791098536498,1.4228226287567494,0.0,1.0869174284474736,15.938714747856928,0.5275531792510801,1.2110880219858133,421.4133044773981 +0.584,0.0,0.0,0.615,0.04214189433290369,0.886,0.971,146.06,2022-07-25,rem us west north central smm food,0,135.68192172850866,125.95452848252805,1.1283201293374934,0.0,0.0,1.2929481982498963,5.188037374024116,0.7280562567234533,1.3900312876456558,135.68192172850866 +0.517,0.79,0.0,0.893,0.009354963530077642,0.666,0.795,71.03,2022-07-25,richmond/petersburg smm food,0,93.06600683486778,86.06809383806947,0.99887244326624,1.284605573391808,0.0,1.8774028309547273,1.1516781861602488,0.5472747934286907,1.1380791695965977,93.06600683486778 +0.585,0.9899999999999999,0.0,0.0,0.013287889006578579,0.0,0.546,67.32,2022-07-25,sacramento/stockton/modesto smm food,0,76.7446360507872,71.58708164797008,1.1302521843534823,1.6098221742504932,0.0,0.0,1.6358558598109376,0.0,0.7816241844021916,76.7446360507872 +0.638,0.9840000000000001,0.0,0.619,0.013579096697888912,0.6980000000000001,0.898,93.57,2022-07-25,salt lake city smm food,0,91.38968825013113,83.72480907215119,1.232651100200892,1.6000656762247332,0.0,1.3013576174255053,1.6717060846296565,0.573570278998838,1.2855284205003077,91.38968825013112 +0.0,0.0,0.672,0.556,0.01142735760201165,0.0,0.712,84.91,2022-07-25,san diego smm food,0,83.01350072914477,78.71431295071628,0.0,0.0,0.7042095711392827,1.1689092654096624,1.4068081006810806,0.0,1.0192608411984623,83.01350072914477 +0.0,0.903,0.915,0.729,0.019325951551315553,0.0,0.0,104.42,2022-07-25,san francisco/oakland/san jose smm food,0,95.21493382563017,88.87591304741949,0.0,1.4683529528769654,0.9588567821316126,1.532616644754755,2.3791943984473463,0.0,0.0,95.21493382563017 +0.0,0.0,0.0,0.0,0.02122449922897472,0.0,0.8200000000000001,94.79,2022-07-25,seattle/tacoma smm food,0,92.53154662326867,88.74475650580376,0.0,0.0,0.0,0.0,2.612922294736335,0.0,1.1738678227285662,92.53154662326867 +0.0,0.0,0.0,0.87,0.014430388655440801,0.0,0.588,84.56,2022-07-25,st. louis smm food,0,92.15139892521971,87.70409353036166,0.0,0.0,0.0,1.8290486706949751,1.7765076024991793,0.0,0.8417491216638986,92.15139892521971 +0.0,0.0,0.0,0.597,0.021972477958166037,0.0,0.0,143.33,2022-07-25,tampa/ft. myers smm food,0,177.21531447939682,173.25520362076367,0.0,0.0,0.0,1.2551058119596552,2.705005046673515,0.0,0.0,177.21531447939682 +0.717,0.0,0.0,0.811,0.004745694590322357,0.0,0.0,55.64,2022-07-25,tucson/sierra vista smm food,0,66.99677651980463,63.32224664442017,1.3852834464640116,0.0,0.0,1.7050097378547413,0.5842366910657101,0.0,0.0,66.99677651980463 +0.0,0.674,0.0,0.0,0.03142504529484991,0.0,0.0,109.05,2022-07-25,washington dc/hagerstown smm food,0,177.98605524734916,173.02137618365978,0.0,1.0959799448937704,0.0,0.0,3.8686991187956052,0.0,0.0,177.98605524734916 +0.0,0.65,0.756,0.0,0.0028032099407943353,0.0,0.836,100.1,2022-07-25,yakima/pasco/richland/kennewick smm food,0,56.90800441555456,53.51694236690935,0.0,1.0569539527907281,0.792235767531693,0.0,0.34509976758975175,0.0,1.196772560733026,56.908004415554544 +0.0,0.0,0.0,0.937,0.008469595430568468,0.0,0.0,54.95,2022-08-01,albany/schenectady/troy smm food,0,85.3694564786023,82.35686844083078,0.0,0.0,0.0,1.9699064418864274,1.0426815958850957,0.0,0.0,85.3694564786023 +0.9269999999999999,0.0,0.606,0.988,0.007565796808594576,0.0,0.65,59.52,2022-08-01,albuquerque/santa fe smm food,0,77.15723805685546,70.79212936171284,1.791014999821672,0.0,0.6350461311166745,2.077126536375443,0.9314160463976584,0.0,0.9305049814311804,77.15723805685546 +0.0,0.0,0.0,0.72,0.033412357739247195,0.582,0.0,134.85,2022-08-01,atlanta smm food,0,171.3528301730949,165.2475308400832,0.0,0.0,0.0,1.5136954516096346,4.113354737595026,0.4782491438070539,0.0,171.3528301730949 +0.999,0.0,0.0,0.0,0.016684901049510568,0.733,0.852,90.15,2022-08-01,baltimore smm food,0,111.08655029850112,105.28036119021601,1.9301229609728698,0.0,0.0,0.0,2.0540578822335696,0.6023309663411864,1.2196772987374858,111.08655029850112 +0.0,0.0,0.0,0.0,0.004432339877816069,0.9460000000000001,0.6,48.46,2022-08-01,baton rouge smm food,0,52.81018984417122,50.62824190344196,0.0,0.0,0.0,0.0,0.5456599733945283,0.7773602921674795,0.8589276751672434,52.81018984417121 +0.9510000000000001,0.0,0.648,0.726,0.009373599151873937,0.781,0.0,71.4,2022-08-01,birmingham/anniston/tuscaloosa smm food,0,68.11401662304456,62.27551690355495,1.8373843202054048,0.0,0.6790592293128798,1.5263095803730482,1.1539723949018776,0.6417741946964075,0.0,68.11401662304456 +0.525,0.678,0.0,0.619,0.035938581032746,0.0,0.0,164.69,2022-08-01,boston/manchester smm food,0,191.1868171596914,183.34429136615643,1.0143288833941508,1.1024842769109442,0.0,1.3013576174255053,4.424355015804376,0.0,0.0,191.1868171596914 +0.0,0.0,0.0,0.0,0.007536774017638205,0.0,0.0,35.81,2022-08-01,buffalo smm food,0,64.89103639367316,63.96319330778341,0.0,0.0,0.0,0.0,0.9278430858897445,0.0,0.0,64.89103639367316 +0.0,0.0,0.0,0.0,0.02069358107611401,0.645,0.0,160.38,2022-08-01,charlotte smm food,0,130.17846525357095,127.1008852661048,0.0,0.0,0.0,0.0,2.5475616064428666,0.5300183810232815,0.0,130.17846525357095 +0.713,0.0,0.982,0.9980000000000001,0.0476656443574089,1.0,0.709,208.96,2022-08-01,chicago smm food,0,189.33238881212935,177.12285569785104,1.3775552264000563,0.0,1.029068153063654,2.098150084314466,5.868059523610411,0.821733924067103,1.014966202822626,189.33238881212935 +0.0,0.6940000000000001,0.5700000000000001,0.0,0.017611281602106402,0.518,0.0,150.68,2022-08-01,cleveland/akron/canton smm food,0,135.41065851200653,131.09107465023894,0.0,1.128501604979639,0.5973206183770702,0.0,2.168103465744128,0.42565817266675937,0.0,135.41065851200653 +0.0,0.791,0.0,0.595,0.015673755167142367,0.548,0.904,92.54,2022-08-01,columbus oh smm food,0,110.1318722780884,103.92073468964487,0.0,1.2862316563961014,0.0,1.2509011023718508,1.9295769420348055,0.45031019038877246,1.2941176972519801,110.13187227808838 +0.9470000000000001,0.836,0.0,0.765,0.03699608801281773,0.0,0.0,107.75,2022-08-01,dallas/ft. worth smm food,0,114.6290635047588,105.27715718131851,1.8296561001414493,1.3594053915893056,0.0,1.6083014173352368,4.5545434143742956,0.0,0.0,114.6290635047588 +0.0,0.0,0.704,0.0,0.004490554728454268,0.0,0.0,50.13,2022-08-01,des moines/ames smm food,0,63.69886745690431,62.408297363785806,0.0,0.0,0.7377433602411533,0.0,0.5528267328773453,0.0,0.0,63.6988674569043 +0.633,0.0,0.758,0.0,0.026105443237552928,0.0,0.0,207.4,2022-08-01,detroit smm food,0,165.55405488465541,160.32292305294044,1.2229908251209476,0.0,0.7943316293505599,0.0,3.213809377243479,0.0,0.0,165.55405488465541 +0.547,0.0,0.853,0.0,0.011247463248531552,0.0,0.0,143.78,2022-08-01,grand rapids smm food,0,113.35094699363998,110.01556630860257,1.0568340937459058,0.0,0.8938850657467382,0.0,1.3846615255447574,0.0,0.0,113.35094699363998 +0.0,0.0,0.0,0.0,0.012403457444981066,0.879,0.0,62.98,2022-08-01,greensboro smm food,0,85.8185219407062,83.56924325587181,0.0,0.0,0.0,0.0,1.52697456557942,0.7223041192549835,0.0,85.81852194070622 +0.0,0.624,0.967,0.705,0.012897208139453116,0.87,0.0,90.75,2022-08-01,harrisburg/lancaster smm food,0,90.8379609356105,85.02510769460987,0.0,1.014675794679099,1.0133491894221522,1.4821601297011004,1.5877596132599014,0.7149085139383796,0.0,90.83796093561051 +0.0,0.967,0.7000000000000001,0.0,0.015777408168491994,0.0,0.593,98.13,2022-08-01,hartford/new haven smm food,0,117.70794853211254,112.61073024106035,0.0,1.5724222651517445,0.7335516366034195,0.0,1.9423375370067257,0.0,0.8489068522902923,117.70794853211254 +0.0,0.0,0.0,0.7030000000000001,0.03441153249255723,0.738,0.0,135.62,2022-08-01,houston smm food,0,173.96719897073905,167.64644198801398,0.0,0.0,0.0,1.477955420113296,4.236361926650274,0.606439635961522,0.0,173.96719897073908 +0.0,0.0,0.578,0.52,0.018448812135832323,0.637,0.0,136.76,2022-08-01,indianapolis smm food,0,93.51481887537494,89.02123497580452,0.0,0.0,0.6057040656525378,1.0932244928291805,2.271210831457962,0.5234445096307446,0.0,93.51481887537494 +0.995,0.0,0.9140000000000001,0.0,0.010494502829551553,0.0,0.0,76.2,2022-08-01,jacksonville smm food,0,90.4720590660113,86.29988999004563,1.9223947409089144,0.0,0.9578088512221793,0.0,1.2919654838345713,0.0,0.0,90.4720590660113 +0.507,0.0,0.0,0.0,0.009446897452150082,0.0,0.615,81.36,2022-08-01,kansas city smm food,0,83.51664933129454,80.49370051161102,0.9795518931063514,0.0,0.0,0.0,1.1629960595307403,0.0,0.8804008670464245,83.51664933129454 +0.0,0.784,0.785,0.0,0.007923911361372316,0.24950000000000003,0.0,42.26,2022-08-01,knoxville smm food,0,72.68101893335782,69.4030183864474,0.0,1.2748490753660475,0.8226257639052633,0.0,0.9755030935843868,0.20502261405474223,0.0,72.68101893335783 +0.849,0.787,0.0,0.0,0.009242440600406354,0.0,0.0,59.82000000000001,2022-08-01,las vegas smm food,0,77.13385212497272,73.0759844669223,1.640314708574541,1.2797273243789278,0.0,0.0,1.1378256250969572,0.0,0.0,77.13385212497273 +0.0,0.0,0.847,0.9440000000000001,0.008014266265699236,0.0,0.596,45.86,2022-08-01,little rock/pine bluff smm food,0,62.415619628392335,57.70357115599228,0.0,0.0,0.8875974802901375,1.9846229254437433,0.9866265760000416,0.0,0.8532014906661285,62.41561962839233 +0.0,0.0,0.0,0.5650000000000001,0.07022985489132468,0.615,0.999,126.68000000000002,2022-08-01,los angeles smm food,0,165.7457996439326,153.9765761946837,0.0,0.0,0.0,1.1878304585547828,8.645912048239378,0.5053663633012684,1.4301145791534604,165.7457996439326 +0.527,0.0,0.0,0.0,0.005250268598918622,0.0,0.0,53.32,2022-08-01,madison wi smm food,0,54.08373245538643,52.419185278171575,1.0181929934261287,0.0,0.0,0.0,0.646354183788734,0.0,0.0,54.08373245538644 +0.0,0.0,0.523,0.0,0.020156523534225538,0.0,0.0,161.13,2022-08-01,miami/west palm beach smm food,0,187.15132730714762,184.12181433608328,0.0,0.0,0.5480678656336977,0.0,2.481445105430632,0.0,0.0,187.1513273071476 +0.509,0.523,0.0,0.911,0.013175521754713187,0.0,0.717,43.75,2022-08-01,milwaukee smm food,0,74.55071614753236,68.15317248002567,0.9834160031383291,0.8504414112454628,0.0,1.9152452172449683,1.6220224640530525,0.0,1.026418571824856,74.55071614753234 +0.0,0.931,0.592,0.0,0.015591055657143485,0.866,0.843,85.6,2022-08-01,minneapolis/st. paul smm food,0,91.72279169302227,85.75072244988117,0.0,1.5138832769971813,0.6203750983846061,0.0,1.9193959059072319,0.7116215782421111,1.2067933836099771,91.72279169302227 +0.0,0.98,0.0,0.891,0.007962561465531414,0.0,0.9580000000000001,82.34,2022-08-01,mobile/pensacola smm food,0,73.28487679071154,67.46643487620449,0.0,1.5935613442075591,0.0,1.8731981213669229,0.9802612609155302,0.0,1.3714211880170322,73.28487679071154 +0.0,0.0,0.0,0.0,0.018425341853286252,0.9530000000000001,0.989,136.03,2022-08-01,nashville smm food,0,99.93940091978158,95.47216793873541,0.0,0.0,0.0,0.0,2.2683214335095445,0.7831124296359492,1.415799117900673,99.93940091978158 +0.0,0.523,0.869,0.917,0.009386218938456668,0.0,0.0,55.72,2022-08-01,new orleans smm food,0,64.39409603532337,59.54961731628727,0.0,0.8504414112454628,0.9106519602976736,1.927859346008382,1.1555260014845865,0.0,0.0,64.39409603532337 +0.655,0.9840000000000001,0.6930000000000001,0.561,0.09314515594368074,0.933,0.0,216.0,2022-08-01,new york smm food,0,307.1666291069363,290.1617655847399,1.2654960354727025,1.6000656762247332,0.7262161202373854,1.1794210393791738,11.466986899727809,0.7666777511546071,0.0,307.1666291069363 +0.0,0.72,0.0,0.982,0.011435526980206775,0.0,0.633,142.16,2022-08-01,norfolk/portsmouth/newport news smm food,0,107.85921393948773,102.30993924858487,0.0,1.170779763091268,0.0,2.064512407612029,1.407813822898123,0.0,0.9061686973014419,107.85921393948773 +0.513,0.583,0.799,0.88,0.007578725479712816,0.0,0.0,89.05,2022-08-01,oklahoma city smm food,0,59.16877142932823,53.609244119971564,0.9911442232022846,0.9480063915030683,0.8372967966373317,1.8500722186339977,0.9330076793799832,0.0,0.0,59.16877142932823 +0.601,0.866,0.0,0.0,0.005579541984846872,0.9470000000000001,0.5680000000000001,99.17,2022-08-01,omaha smm food,0,65.72377365158675,60.87622985001895,1.1611650646093041,1.4081878817181084,0.0,0.0,0.6868906299905231,0.7781820260915466,0.813118199158324,65.72377365158675 +0.846,0.708,0.9619999999999999,0.879,0.020416354734418926,0.0,0.0,126.95999999999998,2022-08-01,orlando/daytona beach/melborne smm food,0,140.7706794847199,132.61538216686213,1.6345185435265746,1.1512667670397467,1.008109534874985,1.8479698638400954,2.5134326085763634,0.0,0.0,140.7706794847199 +0.0,0.659,0.8200000000000001,0.78,0.004830215283542594,0.8190000000000001,0.0,15.66,2022-08-01,paducah ky/cape girardeau mo smm food,0,60.397628932299305,55.55925813283435,0.0,1.0715886998293689,0.8593033457354343,1.6398367392437707,0.5946419308454189,0.6730000838109574,0.0,60.3976289322993 +0.0,0.0,0.795,0.861,0.04268343440717146,0.922,0.0,192.89,2022-08-01,philadelphia smm food,0,208.3933245805218,199.7377476378349,0.0,0.0,0.8331050729995978,1.8101274775498546,5.254705714147577,0.757638677989869,0.0,208.3933245805218 +0.0,0.0,0.0,0.788,0.023023709640014375,0.0,0.0,99.04,2022-08-01,phoenix/prescott smm food,0,121.47403759797105,116.98296111946722,0.0,0.0,0.0,1.656655577594989,2.834420900908837,0.0,0.0,121.47403759797105 +0.503,0.0,0.0,0.49,0.010823640306284178,0.0,0.964,139.33,2022-08-01,pittsburgh smm food,0,109.26670553408812,104.55223234884438,0.9718236730423959,0.0,0.0,1.0301538490121125,1.332485198420529,0.0,1.3800104647687046,109.26670553408813 +0.806,0.0,0.595,0.0,0.01433719572000163,0.0,0.718,103.39,2022-08-01,portland or smm food,0,91.86994956471011,86.8963094792362,1.5572363428870202,0.0,0.6235188911129065,0.0,1.7650347335238534,0.0,1.0278501179501347,91.86994956471011 +0.7000000000000001,0.0,0.855,0.916,0.010238967595478012,0.968,0.941,47.1,2022-08-01,providence ri/new bedford ma smm food,0,90.82551298201646,83.24830635780522,1.3524385111922013,0.0,0.8959809275656052,1.9257569912144796,1.2605068518546978,0.7954384384969557,1.3470849038872934,90.82551298201645 +0.722,0.0,1.0,0.764,0.02004271317381025,0.0,0.0,108.21,2022-08-01,raleigh/durham/fayetteville smm food,0,131.84668051995385,125.33017277610136,1.394943721543956,0.0,1.0479309094334563,1.6061990625413345,2.467434050333741,0.0,0.0,131.84668051995385 +0.5740000000000001,0.0,0.53,0.497,0.08973703270623744,0.0,0.724,362.01,2022-08-01,rem us east north central smm food,0,321.24680238223164,306.4536727021249,1.108999579177605,0.0,0.5554033819997319,1.0448703325694282,11.047416991658192,0.0,1.0364393947018071,321.24680238223164 +0.9400000000000001,0.0,0.0,0.0,0.02945044159578158,0.665,0.0,157.6,2022-08-01,rem us middle atlantic smm food,0,136.78821609441343,130.80002326169728,1.8161317150295273,0.0,0.0,0.0,3.625608058181983,0.5464530595046235,0.0,136.7882160944134 +0.633,0.74,0.666,0.0,0.044065319571052704,0.0,0.0,126.64000000000001,2022-08-01,rem us mountain smm food,0,182.5065536815802,173.95751153106124,1.2229908251209476,1.2033014231771366,0.6979219856826819,0.0,5.424827916538173,0.0,0.0,182.5065536815802 +0.0,0.0,0.0,0.873,0.017157751380771975,0.514,0.9619999999999999,123.69999999999999,2022-08-01,rem us new england smm food,0,153.96877486922978,148.221630613054,0.0,0.0,0.0,1.8353557350766818,2.1122699116104378,0.42237123697049095,1.377147372518147,153.96877486922975 +0.0,0.0,0.0,0.0,0.037251799928845586,0.0,0.9619999999999999,86.65,2022-08-01,rem us pacific smm food,0,111.07681537198533,105.11364420201244,0.0,0.0,0.0,0.0,4.58602379745475,0.0,1.377147372518147,111.07681537198533 +0.842,0.0,0.0,0.0,0.09688614674750745,0.0,0.9500000000000001,309.97,2022-08-01,rem us south atlantic smm food,0,298.59452522847715,283.6802303568146,1.626790323462619,0.0,0.0,0.0,11.927535729185143,0.0,1.3599688190148023,298.59452522847715 +0.0,0.0,0.0,0.518,0.1316185126649447,0.5650000000000001,0.0,387.15,2022-08-01,rem us south central smm food,0,417.1880238802798,399.4313293612464,0.0,0.0,0.0,1.089019783241376,16.203395068694103,0.46427966709791324,0.0,417.1880238802798 +0.0,0.0,0.0,0.0,0.04272864398332662,0.0,0.9700000000000001,131.64,2022-08-01,rem us west north central smm food,0,132.60339963414938,125.95452848252805,0.0,0.0,0.0,0.0,5.260271410100965,0.0,1.388599741520377,132.60339963414938 +0.624,0.0,0.856,0.9580000000000001,0.009493214070480496,0.884,0.0,103.64,2022-08-01,richmond/petersburg smm food,0,92.07989175005561,86.06809383806947,1.205602329977048,0.0,0.8970288584750387,2.014055892558375,1.168698042100351,0.726412788875319,0.0,92.07989175005561 +0.0,0.0,0.0,0.0,0.013437290278713286,0.795,0.622,46.23,2022-08-01,sacramento/stockton/modesto smm food,0,74.78503027630398,71.58708164797008,0.0,0.0,0.0,0.0,1.6542484687771755,0.6532784696333469,0.8904216899233758,74.78503027630398 +0.543,0.808,0.0,0.802,0.01364926043789872,0.0,0.0,65.13,2022-08-01,salt lake city smm food,0,89.45422241536706,83.72480907215119,1.0491058736819503,1.3138750674690898,0.0,1.6860885447096208,1.6803438573552167,0.0,0.0,89.45422241536707 +0.546,0.0,0.767,0.0,0.01163288072317195,0.608,0.524,98.84,2022-08-01,san diego smm food,0,83.25483219470684,78.71431295071628,1.054902038729917,0.0,0.803763007535461,0.0,1.4321098022463377,0.49961422583279863,0.7501301696460594,83.25483219470685 +0.0,0.882,0.0,0.0,0.01972846269615099,0.0,0.0,84.79,2022-08-01,san francisco/oakland/san jose smm food,0,92.73886531330996,88.87591304741949,0.0,1.4342052097868032,0.0,0.0,2.4287470561036733,0.0,0.0,92.73886531330996 +0.761,0.0,0.0,0.0,0.02131876337598303,0.0,0.515,70.97,2022-08-01,seattle/tacoma smm food,0,93.57682366675536,88.74475650580376,1.4702938671675216,0.0,0.0,0.0,2.624527039265529,0.0,0.7372462545185506,93.57682366675536 +0.8290000000000001,0.685,0.509,0.0,0.014598974128306866,0.0,0.0,67.77,2022-08-01,st. louis smm food,0,92.7502927845518,87.70409353036166,1.601673608254764,1.113866857940998,0.5333968329016293,0.0,1.797261955092764,0.0,0.0,92.75029278455182 +0.0,0.887,0.898,0.0,0.022322811091725247,0.683,0.637,155.43,2022-08-01,tampa/ft. myers smm food,0,179.85985448698466,173.25520362076367,0.0,1.4423356248082704,0.9410419566712438,0.0,2.7481341328011184,0.5612442701378314,0.9118948818025568,179.8598544869847 +0.608,0.625,0.0,0.0,0.004832748136733763,0.9140000000000001,0.8280000000000001,67.92,2022-08-01,tucson/sierra vista smm food,0,68.0445767174752,63.32224664442017,1.1746894497212261,1.0163018776833923,0.0,0.0,0.5949537473222697,0.7510648065973322,1.185320191730796,68.04457671747518 +0.583,0.749,0.0,0.759,0.031812802878731325,0.9560000000000002,0.0,157.09,2022-08-01,washington dc/hagerstown smm food,0,181.6634008316777,173.02137618365978,1.1263880743215047,1.2179361702157774,0.0,1.5956872885718232,3.9164354835006767,0.7855776314081506,0.0,181.6634008316777 +0.911,0.623,0.0,0.0,0.002868417937316445,0.0,0.0,41.77,2022-08-01,yakima/pasco/richland/kennewick smm food,0,56.64322164290988,53.51694236690935,1.7601021195658504,1.0130497116748054,0.0,0.0,0.3531274447598736,0.0,0.0,56.64322164290988 +0.0,0.6950000000000001,0.0,0.968,0.00850879658473891,0.667,0.0,39.58,2022-08-08,albany/schenectady/troy smm food,0,87.11767969897802,82.35686844083078,0.0,1.1301276879839324,0.0,2.0350794404973973,1.0475076023131538,0.5480965273527577,0.0,87.11767969897802 +0.785,0.0,0.9510000000000001,0.0,0.007592332461271032,0.645,0.0,45.94,2022-08-08,albuquerque/santa fe smm food,0,74.77007604349446,70.79212936171284,1.5166631875512542,0.0,0.9965822948712171,0.0,0.9346828183358645,0.5300183810232815,0.0,74.77007604349446 +0.0,0.0,0.834,0.0,0.033641372147101986,0.879,0.737,201.45,2022-08-08,atlanta smm food,0,172.04040725503998,165.2475308400832,0.0,0.0,0.8739743784675026,0.0,4.141548422903875,0.7223041192549835,1.0550494943304307,172.04040725503998 +0.663,0.9380000000000001,0.933,0.0,0.016911927476494823,0.55,0.0,100.13,2022-08-08,baltimore smm food,0,111.59825955021667,105.28036119021601,1.2809524756006134,1.5252658580272354,0.9777195385014148,0.0,2.0820068296344902,0.4519536582369067,0.0,111.59825955021667 +0.62,0.807,0.557,0.0,0.004611323639685488,0.5760000000000001,0.872,47.8,2022-08-08,baton rouge smm food,0,56.01138392258477,50.62824190344196,1.1978741099130925,1.3122489844647962,0.5836975165544352,0.0,0.5676944467047839,0.47331874026265136,1.2483082212430605,56.011383922584784 +0.614,0.0,0.909,0.555,0.009686313855622651,0.722,0.0,80.2,2022-08-08,birmingham/anniston/tuscaloosa smm food,0,67.36693700571237,62.27551690355495,1.1862817798171592,0.0,0.9525691966750118,1.1668069106157601,1.1924703218730552,0.5932918931764484,0.0,67.36693700571239 +0.0,0.0,0.9390000000000001,0.0,0.03608318223919891,0.0,0.0,186.23,2022-08-08,boston/manchester smm food,0,188.770455184635,183.34429136615643,0.0,0.0,0.9840071239580156,0.0,4.442156694520582,0.0,0.0,188.770455184635 +0.0,0.88,0.0,0.0,0.007581993478098495,0.911,0.0,65.4,2022-08-08,buffalo smm food,0,67.07615595507468,63.96319330778341,0.0,1.4309530437782165,0.0,0.0,0.9334099986879199,0.7485996048251309,0.0,67.07615595507468 +0.0,0.0,0.0,0.925,0.020794596203530396,0.64,0.0,156.71,2022-08-08,charlotte smm food,0,132.1314706178294,127.1008852661048,0.0,0.0,0.0,1.9446781843596,2.559997455962067,0.525909711402946,0.0,132.13147061782942 +0.0,0.589,0.621,0.5740000000000001,0.047906223402273115,0.8200000000000001,0.884,174.71,2022-08-08,chicago smm food,0,187.77512084364025,177.12285569785104,0.0,0.9577628895288289,0.6507650947581763,1.2067516516999033,5.897676917320879,0.6738218177350245,1.2654867747464054,187.77512084364025 +0.501,0.0,0.729,0.0,0.0177214384762357,0.0,0.0,151.92,2022-08-08,cleveland/akron/canton smm food,0,135.0046405908127,131.09107465023894,0.9679595630104182,0.0,0.7639416329769897,0.0,2.181664744586362,0.0,0.0,135.0046405908127 +0.502,0.0,0.0,0.8290000000000001,0.01571733259741189,0.0,0.0,87.7,2022-08-08,columbus oh smm food,0,108.5684201383089,103.92073468964487,0.9698916180264071,0.0,0.0,1.7428521241449821,1.934941706492622,0.0,0.0,108.56842013830888 +0.502,0.0,0.0,0.0,0.037534951911469855,0.0,0.885,108.91,2022-08-08,dallas/ft. worth smm food,0,112.13484941398809,105.27715718131851,0.9698916180264071,0.0,0.0,0.0,4.620882293771484,0.0,1.266918320871684,112.13484941398809 +0.0,0.0,0.9980000000000001,0.754,0.0045097241027279205,0.0,0.9570000000000001,76.9,2022-08-08,des moines/ames smm food,0,66.96448421913198,62.408297363785806,0.0,0.0,1.0458350476145895,1.5851755146023117,0.5551866512375105,0.0,1.3699896418917534,66.96448421913198 +0.893,0.0,0.775,0.0,0.02642643851792955,0.744,0.721,202.85,2022-08-08,detroit smm food,0,167.75723614879686,160.32292305294044,1.725325129278051,0.0,0.8121464548109287,0.0,3.2533267159355606,0.6113700395059246,1.032144756325971,167.75723614879686 +0.0,0.659,0.0,0.0,0.01122690389384811,0.904,0.931,141.5,2022-08-08,grand rapids smm food,0,114.54490240680943,110.01556630860257,0.0,1.0715886998293689,0.0,0.0,1.3821304883863201,0.7428474673566611,1.3327694426345063,114.54490240680943 +0.0,0.0,0.587,0.52,0.012498628476985631,0.0,0.0,100.83,2022-08-08,greensboro smm food,0,86.81629414815632,83.56924325587181,0.0,0.0,0.6151354438374388,1.0932244928291805,1.5386909556178863,0.0,0.0,86.81629414815632 +0.0,0.0,0.0,0.669,0.013038661194720122,0.0,0.672,60.03999999999999,2022-08-08,harrisburg/lancaster smm food,0,88.99875577482902,85.02510769460987,0.0,0.0,0.0,1.4064753571206188,1.605173726911222,0.0,0.9619989961873128,88.99875577482902 +0.0,0.646,0.893,0.0,0.01601492307876397,0.0,0.0,88.11,2022-08-08,hartford/new haven smm food,0,116.56855987279098,112.61073024106035,0.0,1.0504496207735543,0.9358023021240766,0.0,1.9715777088330046,0.0,0.0,116.56855987279098 +0.0,0.656,0.936,0.0,0.034639051899260156,0.552,0.0,175.35,2022-08-08,houston smm food,0,174.4119844603302,167.64644198801398,0.0,1.0667104508164886,0.9808633312297153,0.0,4.264371564184982,0.4535971260850409,0.0,174.4119844603302 +0.595,0.931,0.0,0.933,0.018479617808327645,0.0,0.765,63.63999999999999,2022-08-08,indianapolis smm food,0,97.01632407620858,89.02123497580452,1.1495727345133708,1.5138832769971813,0.0,1.9614970227108182,2.2750032803444586,0.0,1.0951327858382354,97.01632407620858 +0.863,0.685,0.0,0.562,0.010678605425943417,0.0,0.714,124.28,2022-08-08,jacksonville smm food,0,92.59939778504635,86.29988999004563,1.667363478798385,1.113866857940998,0.0,1.181523394173076,1.314630130639262,0.0,1.0221239334490198,92.59939778504636 +0.742,0.0,0.0,0.0,0.009553208096043224,0.88,0.771,44.01,2022-08-08,kansas city smm food,0,84.93021708288867,80.49370051161102,1.4335848218637333,0.0,0.0,0.0,1.176083833644956,0.7231258531790506,1.103722062589908,84.93021708288867 +0.0,0.8290000000000001,0.0,0.919,0.00801977923688899,0.0,0.52,56.160000000000004,2022-08-08,knoxville smm food,0,74.41481450892817,69.4030183864474,0.0,1.3480228105592518,0.0,1.9320640555961863,0.9873052711803869,0.0,0.7444039851449444,74.41481450892817 +0.7020000000000001,0.0,0.9140000000000001,0.0,0.009309676115019542,0.63,0.0,59.05,2022-08-08,las vegas smm food,0,77.0538912190851,73.0759844669223,1.3563026212241789,0.0,0.9578088512221793,0.0,1.146102907554158,0.5176923721622749,0.0,77.0538912190851 +0.859,0.9210000000000002,0.809,0.0,0.008211253053836227,0.8240000000000001,0.0,87.35,2022-08-08,little rock/pine bluff smm food,0,63.396591100829426,57.70357115599228,1.6596352587344296,1.4976224469542472,0.8477761057316663,0.0,1.0108773799855126,0.677108753431293,0.0,63.396591100829426 +0.547,0.0,0.776,0.849,0.07045448931646595,0.5700000000000001,0.877,168.46,2022-08-08,los angeles smm food,0,168.02892470196235,153.9765761946837,1.0568340937459058,0.0,0.8131943857203622,1.7848992200230274,8.673566519201671,0.46838833671824875,1.2554659518694542,168.02892470196238 +0.0,1.0,0.0,0.0,0.005242004084286559,0.0,0.587,24.57,2022-08-08,madison wi smm food,0,55.530922607444246,52.419185278171575,0.0,1.6260830042934278,0.0,0.0,0.64533674944061,0.0,0.8403175755386199,55.53092260744423 +0.926,0.0,0.796,0.0,0.02042683704001594,0.0,0.611,306.81,2022-08-08,miami/west palm beach smm food,0,190.13444803981704,184.12181433608328,1.7890829448056833,0.0,0.8341530039090312,0.0,2.51472307247373,0.0,0.8746746825453096,190.13444803981702 +0.0,0.849,0.866,0.0,0.013282574957029692,0.0,0.0,57.36999999999999,2022-08-08,milwaukee smm food,0,72.07642677187211,68.15317248002567,0.0,1.3805444706451202,0.9075081675693731,0.0,1.635201653631945,0.0,0.0,72.07642677187211 +0.0,0.893,0.0,0.0,0.01600564912946987,0.735,0.66,66.69,2022-08-08,minneapolis/st. paul smm food,0,90.72204545379942,85.75072244988117,0.0,1.452092122834031,0.0,0.0,1.9704360042109361,0.6039744341893207,0.9448204426839679,90.72204545379942 +0.708,0.525,0.0,0.645,0.00819122374501572,0.0,0.0,87.28,2022-08-08,mobile/pensacola smm food,0,72.05245384297443,67.46643487620449,1.367894951320112,0.8536935772540496,0.0,1.3560188420669643,1.0084115961288167,0.0,0.0,72.05245384297443 +0.0,0.0,0.0,0.0,0.018796506159920155,0.532,0.0,90.66,2022-08-08,nashville smm food,0,98.22334540636635,95.47216793873541,0.0,0.0,0.0,0.0,2.3140150200272473,0.4371624476036988,0.0,98.22334540636636 +0.9390000000000001,0.676,0.646,0.9759999999999999,0.009670647231981664,0.0,0.901,85.63,2022-08-08,new orleans smm food,0,67.67227541530647,59.54961731628727,1.8141996600135384,1.0992321109023573,0.6769633674940129,2.0518982788486153,1.1905416228845347,0.0,1.289823058876144,67.67227541530647 +0.0,0.9759999999999999,0.0,0.0,0.09418280164811928,0.902,0.791,255.06,2022-08-08,new york smm food,0,305.2171097823367,290.1617655847399,0.0,1.5870570121903853,0.0,0.0,11.594730200802424,0.7412039995085269,1.1323529850954828,305.2171097823367 +0.496,0.0,0.0,0.0,0.01153582425996264,0.0,0.0,118.35999999999999,2022-08-08,norfolk/portsmouth/newport news smm food,0,104.68839983557996,102.30993924858487,0.9582992879304739,0.0,0.0,0.0,1.4201612990646155,0.0,0.0,104.68839983557996 +0.616,0.0,0.526,0.0,0.007651368944773684,0.0,0.0,71.2,2022-08-08,oklahoma city smm food,0,56.292552396224366,53.609244119971564,1.190145889849137,0.0,0.551211658361998,0.0,0.9419507280416599,0.0,0.0,56.29255239622436 +0.0,0.0,0.771,0.0,0.0055995848845869405,0.0,0.8150000000000001,85.7,2022-08-08,omaha smm food,0,63.540252760303126,60.87622985001895,0.0,0.0,0.8079547311731948,0.0,0.689358087008802,0.0,1.1667100921021725,63.54025276030312 +0.0,0.651,0.0,0.0,0.02089624145539922,0.62,0.614,230.48,2022-08-08,orlando/daytona beach/melborne smm food,0,137.6349174358364,132.61538216686213,0.0,1.0585800357950215,0.0,0.0,2.5725108793364835,0.5094750329216039,0.8789693209211458,137.6349174358364 +0.0,0.6920000000000001,0.8240000000000001,0.863,0.004909943324309883,0.0,0.5640000000000001,43.32,2022-08-08,paducah ky/cape girardeau mo smm food,0,60.774183995982135,55.55925813283435,0.0,1.1252494389710521,0.8634950693731681,1.8143321871376592,0.604457153008687,0.0,0.807392014657209,60.77418399598213 +0.0,0.0,0.0,0.667,0.04331935353349475,0.0,0.0,201.43,2022-08-08,philadelphia smm food,0,206.4730112299886,199.7377476378349,0.0,0.0,0.0,1.4022706475328144,5.33299294462089,0.0,0.0,206.4730112299886 +0.0,0.9829999999999999,0.0,0.0,0.02350181842160828,0.0,0.0,144.94,2022-08-08,phoenix/prescott smm food,0,121.47468100440042,116.98296111946722,0.0,1.5984395932204394,0.0,0.0,2.8932802917127676,0.0,0.0,121.47468100440042 +0.555,0.0,0.0,0.583,0.01086373351899317,0.0,0.521,110.58,2022-08-08,pittsburgh smm food,0,108.93345228392413,104.55223234884438,1.0722905338738167,0.0,0.0,1.2256728448450234,1.3374210250906782,0.0,0.7458355312702232,108.93345228392413 +0.632,0.0,0.9490000000000002,0.0,0.014437486822066786,0.802,0.0,61.69,2022-08-08,portland or smm food,0,91.54826673865767,86.8963094792362,1.2210587701049587,0.0,0.9944864330523503,0.0,1.7773814491623539,0.6590306071018166,0.0,91.54826673865767 +0.0,0.715,0.0,0.772,0.010381287998520726,0.0,0.596,89.06,2022-08-08,providence ri/new bedford ma smm food,0,88.16520284106984,83.24830635780522,0.0,1.1626493480698008,0.0,1.6230179008925527,1.27802774363614,0.0,0.8532014906661285,88.16520284106984 +0.0,0.0,0.764,0.539,0.020070470773709177,0.732,0.536,181.7,2022-08-08,raleigh/durham/fayetteville smm food,0,131.1036304350972,125.33017277610136,0.0,0.0,0.8006192148071607,1.1331692339133237,2.470851254708828,0.6015092324171194,0.7673087231494042,131.1036304350972 +0.0,0.657,0.932,0.9380000000000001,0.09037379323403547,0.6930000000000001,0.0,345.99,2022-08-08,rem us east north central smm food,0,322.16595905564054,306.4536727021249,0.0,1.0683365338207822,0.9766716075919814,1.9720087966803295,11.125807806044058,0.5694616093785024,0.0,322.16595905564054 +0.8230000000000001,0.59,0.72,0.0,0.029521267584235518,0.0,0.9129999999999999,134.46,2022-08-08,rem us middle atlantic smm food,0,139.04533273906912,130.80002326169728,1.590081278158831,0.9593889725331224,0.7545102547920886,0.0,3.63432735950832,0.0,1.3070016123794888,139.04533273906912 +0.643,0.845,0.641,0.0,0.04434933025268569,0.834,0.0,152.55,2022-08-08,rem us mountain smm food,0,183.39070497683468,173.95751153106124,1.2423113752808361,1.3740401386279464,0.6717237129468455,0.0,5.45979212624584,0.6853260926719639,0.0,183.39070497683468 +0.0,0.0,0.0,0.0,0.017298265427051037,0.0,0.738,141.9,2022-08-08,rem us new england smm food,0,151.40768007851665,148.221630613054,0.0,0.0,0.0,0.0,2.129568425006926,0.0,1.0564810404557095,151.40768007851665 +0.0,0.593,0.9510000000000001,0.0,0.037513203969093786,0.765,0.591,109.7,2022-08-08,rem us pacific smm food,0,113.16736886140805,105.11364420201244,0.0,0.9642672215460026,0.9965822948712171,0.0,4.618204931027327,0.6286264519113338,0.8460437600397348,113.16736886140805 +0.0,0.0,0.0,0.0,0.09773335030934735,0.0,0.505,339.92,2022-08-08,rem us south atlantic smm food,0,296.43499507970967,283.6802303568146,0.0,0.0,0.0,0.0,12.03183392962935,0.0,0.7229307932657633,296.4349950797097 +0.0,0.0,0.0,0.0,0.1342417714175044,0.961,0.511,384.87,2022-08-08,rem us south central smm food,0,417.47887699658236,399.4313293612464,0.0,0.0,0.0,0.0,16.52634126429,0.7896863010284859,0.7315200700174357,417.47887699658236 +0.985,0.901,0.5650000000000001,0.0,0.04329241756646029,0.0,0.902,141.57,2022-08-08,rem us west north central smm food,0,136.53571591944555,125.95452848252805,1.9030741907490258,1.4651007868683785,0.5920809638299029,0.0,5.329676890468782,0.0,1.2912546050014226,136.53571591944555 +0.715,0.605,0.0,0.7000000000000001,0.009571228419844787,0.779,0.0,104.35,2022-08-08,richmond/petersburg smm food,0,91.72337476847744,86.06809383806947,1.381419336432034,0.9837802175975238,0.0,1.4716483557315894,1.1783022937985501,0.6401307268482732,0.0,91.72337476847744 +0.583,0.627,0.0,0.0,0.013554635513752931,0.812,0.7010000000000001,60.37,2022-08-08,sacramento/stockton/modesto smm food,0,77.07248024413772,71.58708164797008,1.1263880743215047,1.0195540436919792,0.0,0.0,1.6686946979912711,0.6672479463424876,1.0035138338203962,77.07248024413772 +0.0,0.553,0.5740000000000001,0.64,0.01380406471832854,0.0,0.5650000000000001,88.51,2022-08-08,salt lake city smm food,0,89.07927756852374,83.72480907215119,0.0,0.8992239013742657,0.601512342014804,1.345507068097453,1.6994016241035363,0.0,0.8088235607824877,89.07927756852374 +0.0,0.5710000000000001,0.748,0.0,0.01166193934473444,0.0,0.579,38.02,2022-08-08,san diego smm food,0,82.69121104677706,78.71431295071628,0.0,0.9284933954515474,0.7838523202562253,0.0,1.435687173816607,0.0,0.82886520653639,82.69121104677704 +0.0,0.678,0.598,0.874,0.01988786441400732,0.611,0.0,71.8,2022-08-08,san francisco/oakland/san jose smm food,0,95.3929683334311,88.87591304741949,0.0,1.1024842769109442,0.6266626838412068,1.8374580898705841,2.448370807783877,0.5020794276049999,0.0,95.3929683334311 +0.856,0.764,0.8150000000000001,0.0,0.02176884644590119,0.618,0.0,76.66,2022-08-08,seattle/tacoma smm food,0,95.68275448981163,88.74475650580376,1.653839093686463,1.2423274152801789,0.854063691188267,0.0,2.679936218779506,0.5078315650734696,0.0,95.68275448981164 +0.555,0.986,0.0,0.0,0.014768050109815316,0.0,0.79,99.47,2022-08-08,st. louis smm food,0,93.32870003904794,87.70409353036166,1.0722905338738167,1.6033178422333199,0.0,0.0,1.8180766936089385,0.0,1.130921438970204,93.32870003904794 +0.0,0.0,0.507,0.6910000000000001,0.022880670153773,0.812,0.895,302.32,2022-08-08,tampa/ft. myers smm food,0,180.00452496656894,173.25520362076367,0.0,0.0,0.5313009710827624,1.4527271625864688,2.8168114836690896,0.6672479463424876,1.2812337821244715,180.00452496656894 +0.776,0.754,0.806,0.0,0.004931252650645536,0.0,0.0,64.52,2022-08-08,tucson/sierra vista smm food,0,67.49930075333353,63.32224664442017,1.4992746924073543,1.2260665852372445,0.8446323130033658,0.0,0.6070805182653913,0.0,0.0,67.49930075333353 +0.641,0.0,0.0,0.865,0.032141155788743755,0.0,0.768,190.64,2022-08-08,washington dc/hagerstown smm food,0,181.1346463808798,173.02137618365978,1.2384472652488585,0.0,0.0,1.8185368967254638,3.9568586110316097,0.0,1.0994274242140716,181.1346463808798 +0.0,0.9530000000000001,0.0,0.62,0.002918320087335042,0.666,0.0,54.48,2022-08-08,yakima/pasco/richland/kennewick smm food,0,57.276605073425316,53.51694236690935,0.0,1.5496571030916368,0.0,1.3034599722194076,0.3592708377762265,0.5472747934286907,0.0,57.27660507342531 +0.0,0.0,0.518,0.0,0.008419994751856527,0.0,0.5760000000000001,122.11000000000001,2022-08-15,albany/schenectady/troy smm food,0,84.76084253671263,82.35686844083078,0.0,0.0,0.5428282110865305,0.0,1.0365753166347678,0.0,0.8245705681605539,84.76084253671263 +0.809,0.0,0.893,0.519,0.0075267093239332,0.0,0.0,68.85,2022-08-15,albuquerque/santa fe smm food,0,75.30869034349183,70.79212936171284,1.563032507934987,0.0,0.9358023021240766,1.0911221380352782,0.9266040336846589,0.0,0.0,75.30869034349183 +0.0,0.0,0.856,0.742,0.03279922934949185,0.0,0.0,159.16,2022-08-15,atlanta smm food,0,171.74238020262467,165.2475308400832,0.0,0.0,0.8970288584750387,1.5599472570754844,4.0378732469909755,0.0,0.0,171.74238020262467 +0.595,0.556,0.0,0.547,0.016636923867917257,0.0,0.0,108.63,2022-08-15,baltimore smm food,0,110.5321756171207,105.28036119021601,1.1495727345133708,0.9041021503871459,0.0,1.149988072264542,2.048151469739623,0.0,0.0,110.5321756171207 +0.727,0.0,0.0,0.0,0.004435554748061641,0.874,0.0,57.79,2022-08-15,baton rouge smm food,0,53.297097101862235,50.62824190344196,1.4046039966239003,0.0,0.0,0.0,0.546055752161731,0.718195449634648,0.0,53.29709710186224 +0.769,0.622,0.732,0.0,0.00940437393591571,0.533,0.559,45.74,2022-08-15,birmingham/anniston/tuscaloosa smm food,0,67.93575577193317,62.27551690355495,1.4857503072954323,1.011423628670512,0.76708542570529,0.0,1.157761041148413,0.4379841815277659,0.8002342840308153,67.93575577193317 +0.972,0.9199999999999999,0.0,0.0,0.03553966159728946,0.925,0.0,196.84,2022-08-15,boston/manchester smm food,0,191.8535936145324,183.34429136615643,1.8779574755411708,1.4959963639499534,0.0,0.0,4.375244529122784,0.7601038797620703,0.0,191.8535936145324 +0.9590000000000001,0.0,0.0,0.0,0.0074714659425265915,0.931,0.0,35.51,2022-08-15,buffalo smm food,0,67.50087143958935,63.96319330778341,1.8528407603333157,0.0,0.0,0.0,0.9198030881661472,0.7650342833064729,0.0,67.50087143958935 +0.0,0.0,0.663,0.708,0.020486886664795062,0.988,0.0,128.22,2022-08-15,charlotte smm food,0,132.61811947889055,127.1008852661048,0.0,0.0,0.6947781929543816,1.4884671940828071,2.522115708770266,0.8118731169782978,0.0,132.61811947889055 +0.561,0.745,0.0,0.872,0.04746605181933035,0.739,0.0,170.62,2022-08-15,chicago smm food,0,187.70217307910553,177.12285569785104,1.08388286396975,1.2114318381986038,0.0,1.8332533802827795,5.843487928917778,0.6072613698855891,0.0,187.70217307910553 +0.0,0.64,0.9980000000000001,0.0,0.01755508685633043,0.0,0.9689999999999999,82.24,2022-08-15,cleveland/akron/canton smm food,0,136.72595641491122,131.09107465023894,0.0,1.0406931227477938,1.0458350476145895,0.0,2.1611853989148,0.0,1.387168195395098,136.72595641491122 +0.0,0.0,0.0,0.0,0.01545313376988641,0.53,0.0,78.1,2022-08-15,columbus oh smm food,0,106.25867017945677,103.92073468964487,0.0,0.0,0.0,0.0,1.9024165100563208,0.4355189797555646,0.0,106.25867017945676 +0.7000000000000001,0.0,0.0,0.5730000000000001,0.03747219275154526,0.0,0.809,104.3,2022-08-15,dallas/ft. worth smm food,0,113.60552189466473,105.27715718131851,1.3524385111922013,0.0,0.0,1.204649296906001,4.613156089897518,0.0,1.1581208153505,113.60552189466473 +0.53,0.0,0.0,0.585,0.004463337058723409,0.853,0.0,92.17,2022-08-15,des moines/ames smm food,0,65.91257911257075,62.408297363785806,1.0239891584740952,0.0,0.0,1.229877554432828,0.5494759986487872,0.7009390372292389,0.0,65.91257911257075 +0.0,0.0,0.659,0.0,0.02599601780200372,0.0,0.649,150.85,2022-08-15,detroit smm food,0,165.1429211024785,160.32292305294044,0.0,0.0,0.6905864693166478,0.0,3.2003381449155364,0.0,0.9290734353059017,165.1429211024785 +0.554,0.0,0.0,0.9700000000000001,0.010998763011459743,0.886,0.659,80.55,2022-08-15,grand rapids smm food,0,116.15069843256333,110.01556630860257,1.0703584788578278,0.0,0.0,2.0392841500852024,1.3540443417355856,0.7280562567234533,0.9433888965586892,116.15069843256333 +0.0,0.932,0.52,0.0,0.012406945369156026,0.895,0.0,56.96,2022-08-15,greensboro smm food,0,87.8925325105026,83.56924325587181,0.0,1.5155093600014748,0.5449240729053973,0.0,1.5274039596838833,0.7354518620400572,0.0,87.89253251050262 +0.626,0.0,0.0,0.0,0.012816463250794934,0.0,0.916,130.68,2022-08-15,harrisburg/lancaster smm food,0,89.12368959356333,85.02510769460987,1.2094664400090256,0.0,0.0,0.0,1.5778192081890978,0.0,1.3112962507553252,89.12368959356333 +0.0,0.536,0.734,0.0,0.015649387883905175,0.716,0.967,119.13,2022-08-15,hartford/new haven smm food,0,118.15073572708427,112.61073024106035,0.0,0.8715804903012774,0.7691812875241569,0.0,1.9265771154219027,0.5883614896320457,1.3843051031445408,118.15073572708428 +0.0,0.0,0.765,0.864,0.0343052045511301,0.863,0.73,147.35,2022-08-15,houston smm food,0,176.24200074664319,167.64644198801398,0.0,0.0,0.8016671457165941,1.8164345419315615,4.22327202305768,0.7091563764699099,1.0450286714534796,176.2420007466432 +0.0,0.0,0.0,0.933,0.018095288842790377,0.863,0.8220000000000001,57.39999999999999,2022-08-15,indianapolis smm food,0,95.09630829863949,89.02123497580452,0.0,0.0,0.0,1.9614970227108182,2.2276890086751244,0.7091563764699099,1.1767309149791236,95.0963082986395 +0.8200000000000001,0.0,0.9440000000000001,0.0,0.010487105662695197,0.775,0.909,63.46,2022-08-15,jacksonville smm food,0,92.10259592830862,86.29988999004563,1.5842851131108644,0.0,0.9892467785051828,0.0,1.2910548276165688,0.6368437911520048,1.301275427878374,92.10259592830862 +0.0,0.0,0.0,0.0,0.009464602713725425,0.0,0.0,116.00999999999999,2022-08-15,kansas city smm food,0,81.65887624436775,80.49370051161102,0.0,0.0,0.0,0.0,1.165175732756726,0.0,0.0,81.65887624436775 +0.0,0.0,0.0,0.601,0.007875064360927017,0.0,0.0,52.78,2022-08-15,knoxville smm food,0,71.63602321633178,69.4030183864474,0.0,0.0,0.0,1.2635152311352644,0.9694895987491221,0.0,0.0,71.63602321633178 +0.0,0.686,0.611,0.0,0.009330456631030406,0.538,0.0,79.27,2022-08-15,las vegas smm food,0,76.42251721629427,73.0759844669223,0.0,1.1154929409452916,0.6402857856638419,0.0,1.1486611716147201,0.44209285114810143,0.0,76.42251721629427 +0.889,0.5640000000000001,0.982,0.0,0.007981744430724629,0.503,0.9770000000000001,43.7,2022-08-15,little rock/pine bluff smm food,0,64.16192261333188,57.70357115599228,1.7175969092140955,0.9171108144214933,1.029068153063654,0.0,0.9826228524372786,0.41333216380575283,1.3986205643973282,64.16192261333188 +0.611,0.8180000000000001,0.5660000000000001,0.0,0.0692550202394127,0.0,0.0,186.98,2022-08-15,los angeles smm food,0,165.6062279411781,153.9765761946837,1.1804856147691927,1.330135897512024,0.5931288947393364,0.0,8.525901339473865,0.0,0.0,165.60622794117813 +0.658,0.0,0.0,0.0,0.005166275480485033,0.0,0.0,32.86,2022-08-15,madison wi smm food,0,54.32649137179181,52.419185278171575,1.271292200520669,0.0,0.0,0.0,0.6360138930995692,0.0,0.0,54.32649137179181 +0.0,0.6950000000000001,0.792,0.0,0.019970400832971448,0.0,0.722,166.98,2022-08-15,miami/west palm beach smm food,0,189.57401137276221,184.12181433608328,0.0,1.1301276879839324,0.8299612802712975,0.0,2.458531765972453,0.0,1.0335763024512497,189.57401137276221 +0.0,0.707,0.8220000000000001,0.609,0.013047665796699264,0.0,0.0,77.97,2022-08-15,milwaukee smm food,0,73.05082871361473,68.15317248002567,0.0,1.1496406840354534,0.8613992075543012,1.2803340694864824,1.606282272512826,0.0,0.0,73.05082871361473 +0.795,0.751,0.9210000000000002,0.0,0.015694859394146443,0.58,0.0,104.69,2022-08-15,minneapolis/st. paul smm food,0,91.88181962512597,85.75072244988117,1.5359837377111427,1.2211883362243643,0.9651443675882134,0.0,1.932175057762165,0.47660567595891973,0.0,91.88181962512597 +0.0,0.757,0.0,0.0,0.007924122638394605,0.0,0.0,110.78,2022-08-15,mobile/pensacola smm food,0,69.67290881409633,67.46643487620449,0.0,1.2309448342501248,0.0,0.0,0.9755291036417243,0.0,0.0,69.67290881409633 +0.721,0.0,0.639,0.0,0.0184363072542968,0.965,0.741,127.64,2022-08-15,nashville smm food,0,101.65822774264356,95.47216793873541,1.393011666527967,0.0,0.6696278511279786,0.0,2.26967137069591,0.7929732367247544,1.0607756788315457,101.65822774264356 +0.9829999999999999,0.0,0.604,0.61,0.009220874282137158,0.5760000000000001,0.882,74.72,2022-08-15,new orleans smm food,0,66.23532713521679,59.54961731628727,1.899210080717048,0.0,0.6329502692978076,1.2824364242803847,1.1351706218757722,0.47331874026265136,1.2626236824958479,66.23532713521678 +0.721,0.0,0.923,0.714,0.09175309118104728,0.661,0.0,274.78,2022-08-15,new york smm food,0,305.86187642664095,290.1617655847399,1.393011666527967,0.0,0.9672402294070802,1.5010813228462208,11.295611499311471,0.543166123808355,0.0,305.861876426641 +0.0,0.974,0.811,0.0,0.01140806838053822,0.861,0.776,103.23,2022-08-15,norfolk/portsmouth/newport news smm food,0,107.96644219223315,102.30993924858487,0.0,1.5838048461817986,0.8498719675505332,0.0,1.4044334280778643,0.7075129086217756,1.1108797932163017,107.96644219223315 +0.525,0.0,0.74,0.933,0.007543825233814791,0.8190000000000001,0.641,60.86999999999999,2022-08-15,oklahoma city smm food,0,59.879871201712106,53.609244119971564,1.0143288833941508,0.0,0.7754688729807577,1.9614970227108182,0.9287111525401772,0.6730000838109574,0.9176210663036718,59.8798712017121 +0.618,0.0,0.0,0.0,0.0055500892266170734,0.0,0.0,69.99,2022-08-15,omaha smm food,0,62.75350458663441,60.87622985001895,1.1940099998811147,0.0,0.0,0.0,0.6832647367343438,0.0,0.0,62.75350458663441 +0.0,0.812,0.989,0.0,0.020391403041640558,0.0,0.0,87.93,2022-08-15,orlando/daytona beach/melborne smm food,0,137.48252607179347,132.61538216686213,0.0,1.3203793994862634,1.0364036694296883,0.0,2.510360836015388,0.0,0.0,137.48252607179347 +0.5760000000000001,0.0,0.883,0.0,0.0047786760454858026,0.973,0.657,66.4,2022-08-15,paducah ky/cape girardeau mo smm food,0,59.9258147254102,55.55925813283435,1.1128636892095827,0.0,0.925322993029742,0.0,0.5882969979111017,0.7995471081172912,0.9405258043081317,59.9258147254102 +0.0,0.845,0.0,0.0,0.04241586503159452,0.588,0.744,195.85,2022-08-15,philadelphia smm food,0,207.88180321466035,199.7377476378349,0.0,1.3740401386279464,0.0,0.0,5.221765573638668,0.4831795473514565,1.0650703172073819,207.88180321466035 +0.0,0.0,0.0,0.937,0.023134048138250547,0.0,0.0,129.82,2022-08-15,phoenix/prescott smm food,0,121.80087210062769,116.98296111946722,0.0,0.0,0.0,1.9699064418864274,2.848004539274045,0.0,0.0,121.80087210062769 +0.0,0.0,0.682,0.751,0.010784132738654511,0.874,0.74,96.34,2022-08-15,pittsburgh smm food,0,109.95095073144358,104.55223234884438,0.0,0.0,0.7146888802336173,1.578868450220605,1.327621469804052,0.718195449634648,1.059344132706267,109.95095073144357 +0.0,0.803,0.545,0.0,0.01431297299472706,0.0,0.802,142.62,2022-08-15,portland or smm food,0,91.68332917306458,86.8963094792362,0.0,1.3057446524476226,0.5711223456412338,0.0,1.7620527032659712,0.0,1.1480999924735489,91.68332917306458 +0.0,0.0,0.672,0.9350000000000002,0.010120692000217417,0.0,0.556,71.1,2022-08-15,providence ri/new bedford ma smm food,0,87.96010339402306,83.24830635780522,0.0,0.0,0.7042095711392827,1.965701732298623,1.2459460871249592,0.0,0.795939645654979,87.96010339402306 +0.0,0.518,0.625,0.627,0.019788236795924435,0.0,0.669,167.46,2022-08-15,raleigh/durham/fayetteville smm food,0,131.53942717716123,125.33017277610136,0.0,0.8423109962239956,0.6549568183959102,1.3181764557767235,2.4361057728517514,0.0,0.9577043578114766,131.53942717716123 +0.9450000000000001,0.862,0.0,0.973,0.08926437759000247,0.555,0.549,277.67,2022-08-15,rem us east north central smm food,0,323.9579496020033,306.4536727021249,1.8257919901094717,1.4016835497009348,0.0,2.045591214466909,10.989228994965881,0.4560623278572422,0.7859188227780278,323.95794960200334 +0.0,0.833,0.847,0.857,0.029036867442422377,0.0,0.0,127.98999999999998,2022-08-15,rem us middle atlantic smm food,0,138.4185593899351,130.80002326169728,0.0,1.3545271425764254,0.8875974802901375,1.8017180583742456,3.574693446997012,0.0,0.0,138.4185593899351 +0.9470000000000001,0.0,0.869,0.0,0.04379756486475445,0.656,0.0,170.17,2022-08-15,rem us mountain smm food,0,182.62874200587788,173.95751153106124,1.8296561001414493,0.0,0.9106519602976736,0.0,5.391864960189493,0.5390574541880195,0.0,182.62874200587788 +0.0,0.0,0.0,0.0,0.01704213466359304,0.661,0.0,175.2,2022-08-15,rem us new england smm food,0,150.86283321499099,148.221630613054,0.0,0.0,0.0,0.0,2.0980364781285936,0.543166123808355,0.0,150.86283321499096 +0.532,0.5660000000000001,0.635,0.0,0.037210513186291386,0.9470000000000001,0.0,113.10999999999999,2022-08-15,rem us pacific smm food,0,113.08641964130686,105.11364420201244,1.0278532685060728,0.9203629804300802,0.6654361274902448,0.0,4.580941036776485,0.7781820260915466,0.0,113.08641964130686 +0.8130000000000001,0.0,0.902,0.0,0.09564558367185017,0.9590000000000001,0.9339999999999999,347.21,2022-08-15,rem us south atlantic smm food,0,300.09614319656566,283.6802303568146,1.5707607279989422,0.0,0.9452336803089777,0.0,11.774811517252433,0.7880428331803518,1.3370640810103422,300.09614319656566 +0.9829999999999999,0.707,0.0,0.0,0.13026856616203503,0.745,0.5700000000000001,397.93,2022-08-15,rem us south central smm food,0,419.94555798686156,399.4313293612464,1.899210080717048,1.1496406840354534,0.0,0.0,16.037204796023794,0.6121917734299918,0.8159812914088814,419.94555798686156 +0.598,0.0,0.0,0.0,0.04253416163100353,0.863,0.0,108.96,2022-08-15,rem us west north central smm food,0,133.05538268272286,125.95452848252805,1.1553688995613376,0.0,0.0,0.0,5.23632892416358,0.7091563764699099,0.0,133.05538268272286 +0.8170000000000001,0.0,0.0,0.0,0.00943403426455337,0.0,0.0,88.68,2022-08-15,richmond/petersburg smm food,0,88.8079952742775,86.06809383806947,1.5784889480628976,0.0,0.0,0.0,1.161412488145134,0.0,0.0,88.8079952742775 +0.0,0.0,0.981,0.717,0.01343984413605287,0.596,0.611,96.07,2022-08-15,sacramento/stockton/modesto smm food,0,77.14148122969073,71.58708164797008,0.0,0.0,1.0280202221542207,1.5073883872279277,1.6545628710492,0.48975341874399336,0.8746746825453096,77.14148122969073 +0.0,0.0,0.0,0.0,0.013635353220571989,0.895,0.0,61.42,2022-08-15,salt lake city smm food,0,86.13889269093015,83.72480907215119,0.0,0.0,0.0,0.0,1.6786317567389084,0.7354518620400572,0.0,86.13889269093015 +0.887,0.5660000000000001,0.0,0.0,0.011517413506108196,0.931,0.0,80.62,2022-08-15,san diego smm food,0,83.53133778717685,78.71431295071628,1.7137327991821178,0.9203629804300802,0.0,0.0,1.417894773541907,0.7650342833064729,0.0,83.53133778717685 +0.9400000000000001,0.0,0.529,0.587,0.019495807157391628,0.749,0.918,106.84,2022-08-15,san francisco/oakland/san jose smm food,0,96.81022564528826,88.87591304741949,1.8161317150295273,0.0,0.5543554510902985,1.2340822640206326,2.4001051155961517,0.6154787091262601,1.3141593430058827,96.81022564528824 +0.96,0.0,0.0,0.634,0.021707692250023093,0.9210000000000002,0.0,100.99,2022-08-15,seattle/tacoma smm food,0,95.36164680463085,88.74475650580376,1.8547728153493044,0.0,0.0,1.3328929393340394,2.672407600077944,0.756816944065802,0.0,95.36164680463085 +0.842,0.594,0.0,0.5750000000000001,0.014551241583265682,0.0,0.0,61.3,2022-08-15,st. louis smm food,0,93.29701682437569,87.70409353036166,1.626790323462619,0.9658933045502961,0.0,1.2088540064938056,1.7913856595073139,0.0,0.0,93.29701682437569 +0.793,0.9129999999999999,0.8130000000000001,0.0,0.022520446537386805,0.9450000000000001,0.66,119.35999999999999,2022-08-15,tampa/ft. myers smm food,0,181.61772865388528,173.25520362076367,1.532119627679165,1.4846137829198995,0.8519678293694001,0.0,2.772464792225783,0.7765385582434123,0.9448204426839679,181.6177286538853 +0.598,0.9210000000000002,0.883,0.865,0.004881460463521581,0.0,0.9520000000000001,77.18,2022-08-15,tucson/sierra vista smm food,0,70.68288045460363,63.32224664442017,1.1553688995613376,1.4976224469542472,0.925322993029742,1.8185368967254638,0.6009506626473019,0.0,1.3628319112653597,70.68288045460362 +0.879,0.0,0.0,0.709,0.03158495605442075,0.0,0.0,209.46,2022-08-15,washington dc/hagerstown smm food,0,180.09860762957305,173.02137618365978,1.698276359054207,0.0,0.0,1.4905695488767094,3.8883855379823755,0.0,0.0,180.09860762957308 +0.0,0.0,0.0,0.871,0.002900370189207577,0.0,0.0,86.66,2022-08-15,yakima/pasco/richland/kennewick smm food,0,55.705154440039976,53.51694236690935,0.0,0.0,0.0,1.8311510254888774,0.35706104764174496,0.0,0.0,55.70515444003997 +0.0,0.734,0.0,0.81,0.0033463104997354946,0.8320000000000001,0.556,82.77,2022-08-22,albany/schenectady/troy smm food,0,87.14490323660587,82.35686844083078,0.0,1.193544925151376,0.0,1.702907383060839,0.4119602170840728,0.6836826248238298,0.795939645654979,87.14490323660587 +0.556,0.0,0.5660000000000001,0.579,0.0030500902301829297,0.802,0.744,53.97,2022-08-22,albuquerque/santa fe smm food,0,75.77633809517297,70.79212936171284,1.0742225888898056,0.0,0.5931288947393364,1.2172634256694144,0.37549289985238643,0.6590306071018166,1.0650703172073819,75.77633809517297 +0.55,0.9380000000000001,0.0,0.0,0.01419970874217055,0.0,0.0,145.6,2022-08-22,atlanta smm food,0,169.58353583574788,165.2475308400832,1.0626302587938723,1.5252658580272354,0.0,0.0,1.7481088788436012,0.0,0.0,169.5835358357479 +0.0,0.85,0.0,0.0,0.00701559561195115,0.0,0.0,89.02,2022-08-22,baltimore smm food,0,107.52621318989439,105.28036119021601,0.0,1.3821705536494135,0.0,0.0,0.8636814460289661,0.0,0.0,107.52621318989439 +0.649,0.0,0.0,0.5740000000000001,0.0020754297891489824,0.6950000000000001,0.766,67.03,2022-08-22,baton rouge smm food,0,55.012070307685036,50.62824190344196,1.2539037053767694,0.0,0.0,1.2067516516999033,0.25550363797625725,0.5711050772266366,1.096564331963514,55.01207030768504 +0.0,0.535,0.0,0.619,0.0038127100863573466,0.764,0.637,98.4,2022-08-22,birmingham/anniston/tuscaloosa smm food,0,66.45590663119862,62.27551690355495,0.0,0.8699544072969839,0.0,1.3013576174255053,0.469378103131362,0.6278047179872667,0.9118948818025568,66.45590663119863 +0.0,0.0,0.0,0.9470000000000001,0.01572945940427595,0.0,0.777,198.4,2022-08-22,boston/manchester smm food,0,188.38396731826498,183.34429136615643,0.0,0.0,0.0,1.99092998982545,1.9364346229415437,0.0,1.1123113393415804,188.383967318265 +0.8270000000000001,0.0,0.895,0.728,0.0030604885191862848,0.9910000000000001,0.0,72.02,2022-08-22,buffalo smm food,0,69.22052659922954,63.96319330778341,1.5978094982227864,0.0,0.9378981639429435,1.5305142899608526,0.3767730205690575,0.8143383187504991,0.0,69.22052659922956 +0.0,0.0,0.675,0.0,0.008711759670868919,0.66,0.773,90.85,2022-08-22,charlotte smm food,0,130.5296623157755,127.1008852661048,0.0,0.0,0.7073533638675831,0.0,1.072494141078394,0.542344389884288,1.1065851548404655,130.52966231577554 +0.64,0.873,0.61,0.0,0.02018272312052736,0.0,0.859,168.52,2022-08-22,chicago smm food,0,184.13254785184697,177.12285569785104,1.2365152102328696,1.4195704627481625,0.6392378547544083,0.0,2.4846705046460555,0.0,1.229698121614437,184.13254785184697 +0.728,0.859,0.996,0.877,0.007165765388810202,0.585,0.0,166.41,2022-08-22,cleveland/akron/canton smm food,0,138.1448033528716,131.09107465023894,1.406536051639889,1.3968053006880545,1.0437391857957226,1.843765154252291,0.8821686646774484,0.48071434557925524,0.0,138.1448033528716 +0.0,0.62,0.781,0.51,0.006345980889418315,0.922,0.0,112.02,2022-08-22,columbus oh smm food,0,108.35842580712871,103.92073468964487,0.0,1.0081714626619251,0.8184340402675294,1.0722009448901577,0.7812459916743502,0.757638677989869,0.0,108.35842580712871 +0.0,0.0,0.0,0.547,0.016561518975108942,0.524,0.0,116.4,2022-08-22,dallas/ft. worth smm food,0,108.8966022948596,105.27715718131851,0.0,0.0,0.0,1.149988072264542,2.0388684650653794,0.430588576211162,0.0,108.8966022948596 +0.0,0.9440000000000001,0.0,0.0,0.001730080816454734,0.908,0.636,89.67,2022-08-22,des moines/ames smm food,0,65.81290560440186,62.408297363785806,0.0,1.5350223560529959,0.0,0.0,0.2129881458328564,0.7461344030529296,0.9104633356772781,65.81290560440186 +0.0,0.0,0.0,0.0,0.010828376123982592,0.0,0.948,184.61,2022-08-22,detroit smm food,0,163.01309699888412,160.32292305294044,0.0,0.0,0.0,0.0,1.3330682191794405,0.0,1.3571057267642446,163.01309699888412 +0.663,0.0,0.535,0.0,0.004315406076977721,0.0,0.0,125.25,2022-08-22,grand rapids smm food,0,112.3884262160948,110.01556630860257,1.2809524756006134,0.0,0.5606430365468992,0.0,0.5312643953447211,0.0,0.0,112.3884262160948 +0.0,0.598,0.0,0.8,0.005132125206239224,0.792,0.6970000000000001,101.49,2022-08-22,greensboro smm food,0,88.50393533909957,83.56924325587181,0.0,0.9723976365674698,0.0,1.6818838351218162,0.6318096943580309,0.6508132678611456,0.9977876493192813,88.50393533909956 +0.0,0.0,0.5720000000000001,0.809,0.005337488942979203,0.0,0.84,74.31,2022-08-22,harrisburg/lancaster smm food,0,89.18491972260797,85.02510769460987,0.0,0.0,0.5994164801959371,1.7008050282669367,0.6570917743010862,0.0,1.202498745234141,89.18491972260797 +0.0,0.887,0.0,0.0,0.007276050758906268,0.0,0.0,121.0,2022-08-22,hartford/new haven smm food,0,114.94881162837054,112.61073024106035,0.0,1.4423356248082704,0.0,0.0,0.8957457625019222,0.0,0.0,114.94881162837055 +0.9400000000000001,0.5730000000000001,0.0,0.784,0.014940037019186397,0.811,0.0,203.53,2022-08-22,houston smm food,0,174.54824142825652,167.64644198801398,1.8161317150295273,0.9317455614601342,0.0,1.64824615841938,1.8392497929150937,0.6664262124184206,0.0,174.54824142825652 +0.0,0.0,0.902,0.0,0.00734059774252239,0.0,0.0,86.19,2022-08-22,indianapolis smm food,0,90.87016071929037,89.02123497580452,0.0,0.0,0.9452336803089777,0.0,0.903692063176866,0.0,0.0,90.87016071929037 +0.0,0.745,0.0,0.875,0.00432635294491614,0.0,0.623,81.05,2022-08-22,jacksonville smm food,0,90.77534755990449,86.29988999004563,0.0,1.2114318381986038,0.0,1.8395604446644864,0.5326120509471101,0.0,0.8918532360486545,90.77534755990449 +0.0,0.645,0.0,0.796,0.0037863832396268942,0.0,0.0,83.1,2022-08-22,kansas city smm food,0,83.6821355023658,80.49370051161102,0.0,1.048823537769261,0.0,1.6734744159462072,0.46613703703929626,0.0,0.0,83.68213550236578 +0.648,0.0,0.9530000000000001,0.0,0.0031037187632378996,0.649,0.678,114.15,2022-08-22,knoxville smm food,0,73.53965682651051,69.4030183864474,1.2519716503607805,0.0,0.998678156690084,0.0,0.3820950433537059,0.5333053167195498,0.9705882729389852,73.53965682651051 +0.651,0.0,0.719,0.0,0.0036550282375947293,0.0,0.0,94.79,2022-08-22,las vegas smm food,0,75.53718068865791,73.0759844669223,1.257767815408747,0.0,0.7534623238826551,0.0,0.44996608244422004,0.0,0.0,75.53718068865793 +0.788,0.0,0.0,0.0,0.0037449741787966367,0.562,0.918,62.55,2022-08-22,little rock/pine bluff smm food,0,61.46304353482988,57.70357115599228,1.5224593525992207,0.0,0.0,0.0,0.46103921790678337,0.4618144653257119,1.3141593430058827,61.46304353482988 +0.788,0.0,0.0,0.0,0.027966828398976004,0.8180000000000001,0.532,175.11,2022-08-22,los angeles smm food,0,160.37575867715998,153.9765761946837,1.5224593525992207,0.0,0.0,0.0,3.4429622413418746,0.6721783498868903,0.7615825386482893,160.37575867715998 +0.592,0.0,0.0,0.0,0.002029619741456801,0.0,0.0,75.4,2022-08-22,madison wi smm food,0,53.81282586633899,52.419185278171575,1.1437765694654043,0.0,0.0,0.0,0.24986401870201644,0.0,0.0,53.812825866339 +0.6920000000000001,0.0,0.0,0.721,0.009127740652528804,0.74,0.0,165.2,2022-08-22,miami/west palm beach smm food,0,188.70638237132994,184.12181433608328,1.3369820710642903,0.0,0.0,1.5157978064035367,1.1237050539691724,0.6080831038096562,0.0,188.70638237132994 +0.656,0.0,0.0,0.968,0.005507261767999761,0.0,0.5710000000000001,70.56,2022-08-22,milwaukee smm food,0,72.95108514892071,68.15317248002567,1.2674280904886914,0.0,0.0,2.0350794404973973,0.6779923003747945,0.0,0.8174128375341602,72.95108514892071 +0.0,0.804,0.0,0.0,0.007083541560996005,0.0,0.0,74.01,2022-08-22,minneapolis/st. paul smm food,0,87.93013937453836,85.75072244988117,0.0,1.307370735451916,0.0,0.0,0.8720461892052837,0.0,0.0,87.93013937453837 +0.812,0.0,0.0,0.0,0.003164421987694154,0.753,0.9140000000000001,59.48,2022-08-22,mobile/pensacola smm food,0,71.35203049602657,67.46643487620449,1.5688286729829535,0.0,0.0,0.0,0.38956814351182883,0.6187656448225286,1.3084331585047677,71.35203049602657 +0.0,0.729,0.486,0.0,0.007916317743951379,0.0,0.6960000000000001,118.69,2022-08-22,nashville smm food,0,99.1378012266202,95.47216793873541,0.0,1.1854145101299087,0.5092944219846598,0.0,0.9745682525762287,0.0,0.9963561031940026,99.13780122662021 +0.0,0.878,0.879,0.682,0.004304533341327825,0.869,0.62,64.9,2022-08-22,new orleans smm food,0,65.46382667665563,59.54961731628727,0.0,1.4277008777696296,0.9211312693920082,1.4338059694413483,0.52992586607824,0.7140867800143125,0.8875585976728183,65.46382667665563 +0.0,0.0,0.0,0.0,0.04352685475122045,0.0,0.0,257.4,2022-08-22,new york smm food,0,295.52030375198916,290.1617655847399,0.0,0.0,0.0,0.0,5.3585381672492876,0.0,0.0,295.52030375198916 +0.972,0.8140000000000001,0.7000000000000001,0.0,0.004637908713887626,0.67,0.0,120.36999999999999,2022-08-22,norfolk/portsmouth/newport news smm food,0,107.3666089582162,102.30993924858487,1.8779574755411708,1.3236315654948503,0.7335516366034195,0.0,0.5709673028669285,0.550561729124959,0.0,107.36660895821619 +0.0,0.62,0.0,0.0,0.003368739223627831,0.0,0.0,70.17,2022-08-22,oklahoma city smm food,0,55.03213697264647,53.609244119971564,0.0,1.0081714626619251,0.0,0.0,0.4147213900129854,0.0,0.0,55.03213697264648 +0.0,0.5650000000000001,0.0,0.796,0.0022356346067976323,0.9140000000000001,0.0,89.6,2022-08-22,omaha smm food,0,64.49473222828374,60.87622985001895,0.0,0.9187368974257868,0.0,1.6734744159462072,0.2752262582954622,0.7510648065973322,0.0,64.49473222828374 +0.671,0.0,0.9590000000000001,0.0,0.008510882173122663,0.985,0.0,117.34,2022-08-22,orlando/daytona beach/melborne smm food,0,136.77392909650678,132.61538216686213,1.2964089157285243,0.0,1.0049657421466847,0.0,1.0477643565633605,0.8094079152060965,0.0,136.7739290965068 +0.0,0.782,0.0,0.713,0.0018466563112318922,0.0,0.0,37.83,2022-08-22,paducah ky/cape girardeau mo smm food,0,58.557173623503225,55.55925813283435,0.0,1.2715969093574606,0.0,1.4989789680523187,0.2273396132591091,0.0,0.0,58.55717362350324 +0.0,0.0,0.0,0.0,0.019411414960138162,0.512,0.585,208.37,2022-08-22,philadelphia smm food,0,203.38564558504402,199.7377476378349,0.0,0.0,0.0,0.0,2.3897156947986833,0.42072776912235677,0.8374544832880624,203.38564558504402 +0.887,0.0,0.0,0.0,0.00865116888038359,0.782,0.673,81.37,2022-08-22,phoenix/prescott smm food,0,121.36775527211213,116.98296111946722,1.7137327991821178,0.0,0.0,0.0,1.0650348825297313,0.6425959286204745,0.9634305423125915,121.36775527211213 +0.6880000000000001,0.679,0.897,0.9280000000000002,0.004358815474059931,0.612,0.0,121.84999999999998,2022-08-22,pittsburgh smm food,0,110.91608546923328,104.55223234884438,1.3292538510003349,1.1041103599152375,0.9399940257618103,1.950985248741307,0.5366084734411469,0.502901161529067,0.0,110.9160854692333 +0.0,0.0,0.0,0.0,0.00544023011718001,0.755,0.0,89.26,2022-08-22,portland or smm food,0,88.18645870724819,86.8963094792362,0.0,0.0,0.0,0.0,0.6697401153413403,0.6204091126706628,0.0,88.18645870724819 +0.0,0.0,0.6950000000000001,0.781,0.004333378214791743,0.675,0.919,102.84,2022-08-22,providence ri/new bedford ma smm food,0,88.02229564515558,83.24830635780522,0.0,0.0,0.7283119820562522,1.641939094037673,0.533476923379975,0.5546703987452946,1.3155908891311614,88.02229564515558 +0.937,0.0,0.882,0.706,0.008419333738950539,0.626,0.551,143.68,2022-08-22,raleigh/durham/fayetteville smm food,0,131.88872716433244,125.33017277610136,1.8103355499815608,0.0,0.9242750621203085,1.4842624844950028,1.0364939401395898,0.5144054364660064,0.7887819150285853,131.8887271643324 +0.0,0.973,0.657,0.0,0.034823143375808746,0.616,0.948,296.36,2022-08-22,rem us east north central smm food,0,314.874670738829,306.4536727021249,0.0,1.5821787631775053,0.6884906074977809,0.0,4.2870348420392865,0.5061880972253354,1.3571057267642446,314.874670738829 +0.0,0.0,0.0,0.705,0.011338998091784113,0.0,0.0,117.77000000000001,2022-08-22,rem us middle atlantic smm food,0,133.67811366020533,130.80002326169728,0.0,0.0,0.0,1.4821601297011004,1.3959302688069448,0.0,0.0,133.67811366020533 +0.0,0.0,0.904,0.0,0.01699118724830628,0.995,0.988,185.24,2022-08-22,rem us mountain smm food,0,179.2285983031872,173.95751153106124,0.0,0.0,0.9473295421278446,0.0,2.09176440377594,0.8176252544467675,1.4143675717753943,179.2285983031872 +0.0,0.5750000000000001,0.932,0.66,0.006922973495133599,0.0,0.582,146.23,2022-08-22,rem us new england smm food,0,153.20629280684255,148.221630613054,0.0,0.9349977274687211,0.9766716075919814,1.3875541639754985,0.8522788498401305,0.0,0.8331598449122262,153.20629280684255 +0.0,0.787,0.0,0.922,0.01432770555153267,0.0,0.865,153.37,2022-08-22,rem us pacific smm food,0,111.33389645515742,105.11364420201244,0.0,1.2797273243789278,0.0,1.9383711199778932,1.7638664104220532,0.0,1.2382873983661093,111.33389645515742 +0.9540000000000001,0.0,0.9490000000000002,0.65,0.039064008201139436,0.0,0.9129999999999999,245.43,2022-08-22,rem us south atlantic smm food,0,294.0005520580594,283.6802303568146,1.8431804852533713,0.0,0.9944864330523503,1.3665306160364756,4.809122554523091,0.0,1.3070016123794888,294.0005520580594 +0.64,0.0,0.0,0.719,0.057048853524951565,0.0,0.0,352.27,2022-08-22,rem us south central smm food,0,409.20265266415214,399.4313293612464,1.2365152102328696,0.0,0.0,1.5115930968157323,7.023214995857138,0.0,0.0,409.20265266415214 +0.0,0.612,0.0,0.59,0.017863513007188147,0.803,0.0,113.15999999999998,2022-08-22,rem us west north central smm food,0,131.04908831793756,125.95452848252805,0.0,0.9951627986275778,0.0,1.2403893284023393,2.19915536735371,0.6598523410258837,0.0,131.04908831793756 +0.49900000000000005,0.0,0.0,0.0,0.0037728096175985125,0.0,0.5720000000000001,90.45,2022-08-22,richmond/petersburg smm food,0,88.31549967964193,86.06809383806947,0.9640954529784407,0.0,0.0,0.0,0.4644660049345734,0.0,0.8188443836594389,88.31549967964193 +0.5630000000000001,0.875,0.915,0.786,0.005231813365691066,0.5700000000000001,0.912,53.84,2022-08-22,sacramento/stockton/modesto smm food,0,79.1269994863043,71.58708164797008,1.0877469740017276,1.4228226287567494,0.9588567821316126,1.6524508680071845,0.6440821824644809,0.46838833671824875,1.3055700662542102,79.1269994863043 +0.0,0.0,0.0,0.0,0.005474412515417513,0.0,0.754,74.75,2022-08-22,salt lake city smm food,0,85.47814311943979,83.72480907215119,0.0,0.0,0.0,0.0,0.6739482688284386,0.0,1.0793857784601693,85.47814311943979 +0.0,0.0,0.9470000000000001,0.975,0.004576251653985721,0.0,0.0,56.1,2022-08-22,san diego smm food,0,82.31987622319127,78.71431295071628,0.0,0.0,0.9923905712334832,2.0497959240547132,0.5633767771867916,0.0,0.0,82.31987622319126 +0.5760000000000001,0.852,0.757,0.9420000000000002,0.007687035224319768,0.0,0.0,117.01000000000002,2022-08-22,san francisco/oakland/san jose smm food,0,95.09424293093664,88.87591304741949,1.1128636892095827,1.3854227196580005,0.7932836984411265,1.980418215855939,0.9463415603525132,0.0,0.0,95.09424293093664 +0.9530000000000001,0.514,0.987,0.5760000000000001,0.008387266582012198,0.9420000000000002,0.0,82.97,2022-08-22,seattle/tacoma smm food,0,95.47369531705476,88.74475650580376,1.8412484302373826,0.8358066642068219,1.0343078076108214,1.2109563612877077,1.0325461914370613,0.7740733564712111,0.0,95.47369531705478 +0.9759999999999999,0.0,0.0,0.525,0.005939718650783666,0.722,0.0,116.89000000000001,2022-08-22,st. louis smm food,0,92.01803892736301,87.70409353036166,1.885685695605126,0.0,0.0,1.1037362667986919,0.7312315414210874,0.5932918931764484,0.0,92.01803892736301 +0.0,0.0,0.0,0.0,0.009426166357664901,0.0,0.0,154.87,2022-08-22,tampa/ft. myers smm food,0,174.41564750045777,173.25520362076367,0.0,0.0,0.0,0.0,1.160443879694117,0.0,0.0,174.4156475004578 +0.0,0.747,0.9619999999999999,0.903,0.0018339574502080703,0.0,0.0,73.58,2022-08-22,tucson/sierra vista smm food,0,67.66924283431419,63.32224664442017,0.0,1.2146840042071905,1.008109534874985,1.89842637889375,0.22577627191809854,0.0,0.0,67.66924283431419 +0.9510000000000001,0.0,0.0,0.73,0.013140328686275501,0.87,0.846,185.23,2022-08-22,washington dc/hagerstown smm food,0,179.93716592752443,173.02137618365978,1.8373843202054048,0.0,0.0,1.5347189995486572,1.6176898881864108,0.7149085139383796,1.2110880219858133,179.93716592752446 +0.0,0.0,0.9210000000000002,0.0,0.0011170228523734887,0.0,0.612,56.42,2022-08-22,yakima/pasco/richland/kennewick smm food,0,55.49570828841607,53.51694236690935,0.0,0.0,0.9651443675882134,0.0,0.13751532524791893,0.0,0.8761062286705883,55.49570828841607 +0.0,0.0,0.0,0.505,4.942152568134558e-07,0.836,0.0,69.25,2022-08-29,albany/schenectady/troy smm food,0,84.10558801451091,82.35686844083078,0.0,0.0,0.0,1.0616891709206464,6.084223938550386e-05,0.686969560520098,0.0,84.10558801451091 +0.0,0.0,0.801,0.0,6.177690710168197e-07,0.851,0.0,108.96,2022-08-29,albuquerque/santa fe smm food,0,72.33089364234938,70.79212936171284,0.0,0.0,0.8393926584561986,0.0,7.605279923187984e-05,0.6992955693811046,0.0,72.33089364234937 +0.0,0.778,0.843,0.0,3.0888453550840984e-06,0.647,0.528,193.46,2022-08-29,atlanta smm food,0,168.68392764109063,165.2475308400832,0.0,1.2650925773402868,0.8834057566524036,0.0,0.00038026399615939915,0.5316618488714157,0.7558563541471743,168.68392764109063 +0.0,0.0,0.0,0.6880000000000001,7.413228852201836e-07,0.0,0.0,110.42,2022-08-29,baltimore smm food,0,106.72687255177986,105.28036119021601,0.0,0.0,0.0,1.446420098204762,9.126335907825579e-05,0.0,0.0,106.72687255177985 +0.884,0.0,0.617,0.0,1.2355381420336394e-07,0.788,0.866,48.14,2022-08-29,baton rouge smm food,0,54.87001239591267,50.62824190344196,1.707936634134151,0.0,0.6465733711204426,0.0,1.5210559846375966e-05,0.6475263321648772,1.239718944491388,54.87001239591267 +0.0,0.717,0.968,0.628,1.1119843278302754e-06,0.682,0.597,59.57,2022-08-29,birmingham/anniston/tuscaloosa smm food,0,67.19128681657935,62.27551690355495,0.0,1.1659015140783877,1.0143971203315858,1.3202788105706258,0.00013689503861738367,0.5604225362137643,0.8546330367914072,67.19128681657934 +0.0,0.0,0.0,0.0,1.2355381420336394e-06,0.974,0.511,164.81,2022-08-29,boston/manchester smm food,0,184.8763323838137,183.34429136615643,0.0,0.0,0.0,0.0,0.00015210559846375968,0.8003688420413583,0.7315200700174357,184.8763323838137 +0.505,0.656,0.9000000000000001,0.0,6.177690710168197e-07,0.599,0.0,50.5,2022-08-29,buffalo smm food,0,67.44102403347982,63.96319330778341,0.9756877830743736,1.0667104508164886,0.9431378184901108,0.0,7.605279923187984e-05,0.4922186205161947,0.0,67.4410240334798 +0.624,0.641,0.924,0.978,2.471076284067279e-07,0.802,0.774,94.09,2022-08-29,charlotte smm food,0,134.1402756797741,127.1008852661048,1.205602329977048,1.0423192057520871,0.9682881603165137,2.0561029884364204,3.042111969275193e-05,0.6590306071018166,1.1080167009657442,134.1402756797741 +0.5,0.0,0.588,0.0,1.729753398847095e-06,0.89,0.0,179.74,2022-08-29,chicago smm food,0,179.4366227208499,177.12285569785104,0.9660275079944294,0.0,0.6161833747468723,0.0,0.00021294783784926353,0.7313431924197217,0.0,179.4366227208499 +0.524,0.0,0.647,0.0,7.413228852201836e-07,0.0,0.754,102.12,2022-08-29,cleveland/akron/canton smm food,0,133.86095981883977,131.09107465023894,1.0123968283781621,0.0,0.6780112984034463,0.0,9.126335907825579e-05,0.0,1.0793857784601693,133.8609598188398 +0.0,0.0,0.87,0.9510000000000001,2.471076284067279e-07,0.6900000000000001,0.558,76.22,2022-08-29,columbus oh smm food,0,108.19760355648457,103.92073468964487,0.0,0.0,0.911699891207107,1.999339409001059,3.042111969275193e-05,0.5669964076063011,0.7988027379055365,108.19760355648457 +0.0,0.9450000000000001,0.0,0.0,1.4826457704403671e-06,0.724,0.501,109.36,2022-08-29,dallas/ft. worth smm food,0,108.1261281168832,105.27715718131851,0.0,1.5366484390572894,0.0,0.0,0.00018252671815651157,0.5949353610245826,0.7172046087646483,108.1261281168832 +0.0,0.0,0.803,0.888,2.471076284067279e-07,0.926,0.0,85.16,2022-08-29,des moines/ames smm food,0,65.87763297585191,62.408297363785806,0.0,0.0,0.8414885202750655,1.866891056985216,3.042111969275193e-05,0.7609256136861374,0.0,65.87763297585192 +0.9829999999999999,0.837,0.585,0.0,8.648766994235475e-07,0.0,0.994,159.52,2022-08-29,detroit smm food,0,165.61926751271562,160.32292305294044,1.899210080717048,1.361031474593599,0.6130395820185719,0.0,0.00010647391892463176,0.0,1.4229568485270667,165.61926751271565 +0.0,0.0,0.8140000000000001,0.0,0.0,0.0,0.0,92.91,2022-08-29,grand rapids smm food,0,110.86858206888141,110.01556630860257,0.0,0.0,0.8530157602788335,0.0,0.0,0.0,0.0,110.86858206888141 +0.0,0.895,0.728,0.529,3.706614426100918e-07,0.0,0.6930000000000001,102.21,2022-08-29,greensboro smm food,0,87.891734029254,83.56924325587181,0.0,1.4553442888426178,0.7628937020675562,1.112145685974301,4.5631679539127894e-05,0.0,0.9920614648181663,87.891734029254 +0.0,0.0,0.553,0.634,0.0,0.737,0.5670000000000001,88.8,2022-08-29,harrisburg/lancaster smm food,0,88.35481098193111,85.02510769460987,0.0,0.0,0.5795057929167015,1.3328929393340394,0.0,0.6056179020374549,0.8116866530330452,88.35481098193111 +0.724,0.731,0.0,0.0,2.471076284067279e-07,0.868,0.539,102.14,2022-08-29,hartford/new haven smm food,0,116.68310357750995,112.61073024106035,1.3988078315759338,1.1886666761384956,0.0,0.0,3.042111969275193e-05,0.7132650460902454,0.7716033615252404,116.68310357750997 +0.0,0.916,0.0,0.0,1.1119843278302754e-06,0.7020000000000001,0.541,165.6,2022-08-29,houston smm food,0,170.48739458345625,167.64644198801398,0.0,1.48949203193278,0.0,0.0,0.00013689503861738367,0.5768572146951063,0.7744664537757979,170.48739458345628 +0.706,0.0,0.989,0.732,9.884305136269115e-07,0.0,0.0,76.28,2022-08-29,indianapolis smm food,0,92.96071488013757,89.02123497580452,1.3640308412881341,0.0,1.0364036694296883,1.5389237091364618,0.00012168447877100773,0.0,0.0,92.96071488013757 +0.0,0.0,0.811,0.0,4.942152568134558e-07,0.0,0.9269999999999999,125.8,2022-08-29,jacksonville smm food,0,88.47686605796893,86.29988999004563,0.0,0.0,0.8498719675505332,0.0,6.084223938550386e-05,0.0,1.327043258133391,88.47686605796893 +0.0,0.661,0.884,0.0,1.1119843278302754e-06,0.705,0.6980000000000001,71.26,2022-08-29,kansas city smm food,0,84.07359080833864,80.49370051161102,0.0,1.0748408658379558,0.9263709239391754,0.0,0.00013689503861738367,0.5793224164673075,0.9992191954445601,84.07359080833864 +0.5650000000000001,1.0,0.0,0.849,2.471076284067279e-07,0.875,0.0,69.21,2022-08-29,knoxville smm food,0,74.62465929947595,69.4030183864474,1.0916110840337052,1.6260830042934278,0.0,1.7848992200230274,3.042111969275193e-05,0.7190171835587151,0.0,74.62465929947597 +0.794,0.0,0.0,0.882,3.706614426100918e-07,0.0,0.0,82.91,2022-08-29,las vegas smm food,0,76.46435870951879,73.0759844669223,1.534051682695154,0.0,0.0,1.8542769282218023,4.5631679539127894e-05,0.0,0.0,76.4643587095188 +0.8320000000000001,0.0,0.0,0.0,2.471076284067279e-07,0.0,0.55,44.39,2022-08-29,little rock/pine bluff smm food,0,60.09842171931801,57.70357115599228,1.6074697733027306,0.0,0.0,0.0,3.042111969275193e-05,0.0,0.7873503689033066,60.09842171931801 +0.659,0.49499999999999994,0.0,0.797,2.100414841457187e-06,0.0,0.621,170.32,2022-08-29,los angeles smm food,0,158.6195370314012,153.9765761946837,1.273224255536658,0.8049110871252466,0.0,1.6755767707401095,0.00025857951738839145,0.0,0.888990143798097,158.6195370314012 +0.856,0.806,0.0,0.0,3.706614426100918e-07,0.7010000000000001,0.0,83.24,2022-08-29,madison wi smm food,0,55.95972838576912,52.419185278171575,1.653839093686463,1.3106229014605029,0.0,0.0,4.5631679539127894e-05,0.5760354807710393,0.0,55.95972838576912 +0.879,0.638,0.0,0.0,2.471076284067279e-07,0.789,0.0,158.46,2022-08-29,miami/west palm beach smm food,0,187.50591013908533,184.12181433608328,1.698276359054207,1.0374409567392069,0.0,0.0,3.042111969275193e-05,0.6483480660889442,0.0,187.50591013908533 +0.0,0.905,0.0,0.0,2.9652915408807343e-06,0.9840000000000001,0.971,50.55,2022-08-29,milwaukee smm food,0,71.82376012127523,68.15317248002567,0.0,1.4716051188855521,0.0,0.0,0.00036505343631302315,0.8085861812820294,1.3900312876456558,71.82376012127523 +0.0,0.624,0.978,0.893,1.729753398847095e-06,0.941,0.98,87.51,2022-08-29,minneapolis/st. paul smm food,0,91.84405727809907,85.75072244988117,0.0,1.014675794679099,1.0248764294259203,1.8774028309547273,0.00021294783784926353,0.7732516225471439,1.4029152027731644,91.84405727809907 +0.912,0.0,0.0,0.675,0.0,0.993,0.59,43.82,2022-08-29,mobile/pensacola smm food,0,72.30815253718345,67.46643487620449,1.7620341745818393,0.0,0.0,1.4190894858840324,0.0,0.8159817865986333,0.8446122139144561,72.30815253718345 +0.9140000000000001,0.88,0.0,0.0,2.2239686556605507e-06,0.981,0.876,78.13,2022-08-29,nashville smm food,0,100.72944844245869,95.47216793873541,1.7658982846138171,1.4309530437782165,0.0,0.0,0.00027379007723476735,0.806120979509828,1.2540344057441755,100.72944844245868 +0.0,0.8230000000000001,0.0,0.0,1.2355381420336394e-07,0.9899999999999999,0.59,84.12,2022-08-29,new orleans smm food,0,62.54602763812149,59.54961731628727,0.0,1.3382663125334913,0.0,0.0,1.5210559846375966e-05,0.8135165848264319,0.8446122139144561,62.546027638121494 +0.55,0.746,0.912,0.593,4.69504493972783e-06,0.0,0.0,240.12,2022-08-29,new york smm food,0,294.6404411481982,290.1617655847399,1.0626302587938723,1.2130579212028971,0.9557129894033122,1.2466963927840462,0.0005780012741622867,0.0,0.0,294.6404411481982 +0.59,0.523,0.502,0.0,2.471076284067279e-07,0.0,0.0,99.87,2022-08-29,norfolk/portsmouth/newport news smm food,0,104.82638485691905,102.30993924858487,1.1399124594334267,0.8504414112454628,0.5260613165355951,0.0,3.042111969275193e-05,0.0,0.0,104.82638485691905 +0.0,0.893,0.0,0.0,1.2355381420336394e-07,0.791,0.542,44.58,2022-08-29,oklahoma city smm food,0,56.487240987203606,53.609244119971564,0.0,1.452092122834031,0.0,0.0,1.5210559846375966e-05,0.6499915339370785,0.7758979999010767,56.4872409872036 +0.0,0.0,0.848,0.8240000000000001,1.2355381420336394e-07,0.0,0.0,60.39,2022-08-29,omaha smm food,0,63.49723082195384,60.87622985001895,0.0,0.0,0.888645411199571,1.7323403501754708,1.5210559846375966e-05,0.0,0.0,63.49723082195384 +0.0,0.985,0.0,0.923,0.0,0.88,0.0,106.35,2022-08-29,orlando/daytona beach/melborne smm food,0,136.880673254042,132.61538216686213,0.0,1.6016917592290263,0.0,1.9404734747717955,0.0,0.7231258531790506,0.0,136.880673254042 +0.0,0.787,0.0,0.0,1.2355381420336394e-07,0.0,0.0,90.98,2022-08-29,paducah ky/cape girardeau mo smm food,0,56.83900066777313,55.55925813283435,0.0,1.2797273243789278,0.0,0.0,1.5210559846375966e-05,0.0,0.0,56.83900066777313 +0.0,0.561,0.0,0.973,1.2355381420336394e-06,0.6980000000000001,0.6990000000000001,169.46,2022-08-29,philadelphia smm food,0,204.26994454387756,199.7377476378349,0.0,0.9122325654086131,0.0,2.045591214466909,0.00015210559846375968,0.573570278998838,1.0006507415698387,204.26994454387756 +0.0,0.0,0.9899999999999999,0.961,8.648766994235475e-07,0.0,0.605,123.77999999999999,2022-08-29,phoenix/prescott smm food,0,120.90696755645898,116.98296111946722,0.0,0.0,1.0374516003391216,2.0203629569400814,0.00010647391892463176,0.0,0.8660854057936371,120.90696755645898 +0.0,0.771,0.0,0.0,1.6061995846437312e-06,0.508,0.0,111.04,2022-08-29,pittsburgh smm food,0,106.2235809158587,104.55223234884438,0.0,1.253709996310233,0.0,0.0,0.00019773727800288758,0.41744083342608834,0.0,106.2235809158587 +0.0,0.811,0.0,0.0,6.177690710168197e-07,0.0,0.965,75.86,2022-08-29,portland or smm food,0,89.59658085941139,86.8963094792362,0.0,1.31875331648197,0.0,0.0,7.605279923187984e-05,0.0,1.3814420108939833,89.59658085941138 +0.0,0.5740000000000001,0.0,0.0,2.471076284067279e-07,0.0,0.508,61.39,2022-08-29,providence ri/new bedford ma smm food,0,84.90893385503094,83.24830635780522,0.0,0.9333716444644277,0.0,0.0,3.042111969275193e-05,0.0,0.7272254316415995,84.90893385503094 +0.649,0.0,0.0,0.9070000000000001,9.884305136269115e-07,0.62,0.0,131.33,2022-08-29,raleigh/durham/fayetteville smm food,0,129.00050899694787,125.33017277610136,1.2539037053767694,0.0,0.0,1.9068357980693593,0.00012168447877100773,0.5094750329216039,0.0,129.00050899694787 +0.0,0.654,0.5650000000000001,0.723,3.830168240304282e-06,0.663,0.908,364.35,2022-08-29,rem us east north central smm food,0,311.4743394675188,306.4536727021249,0.0,1.0634582848079017,0.5920809638299029,1.5200025159913413,0.000471527355237655,0.5448095916564893,1.2998438817530953,311.47433946751886 +0.81,0.0,0.0,0.782,3.706614426100918e-07,0.593,0.853,155.74,2022-08-29,rem us middle atlantic smm food,0,135.7174719669939,130.80002326169728,1.5649645629509756,0.0,0.0,1.6440414488315753,4.5631679539127894e-05,0.48728821697179203,1.2211088448627645,135.7174719669939 +0.9350000000000002,0.0,0.0,0.0,1.8533072130504591e-06,0.0,0.672,171.41,2022-08-29,rem us mountain smm food,0,176.72621012559586,173.95751153106124,1.8064714399495831,0.0,0.0,0.0,0.0002281583976956395,0.0,0.9619989961873128,176.72621012559583 +0.682,0.0,0.804,0.0,9.884305136269115e-07,0.8290000000000001,0.8140000000000001,130.99,2022-08-29,rem us new england smm food,0,152.22844623865024,148.221630613054,1.3176615209044018,0.0,0.8425364511844989,0.0,0.00012168447877100773,0.6812174230516285,1.1652785459768937,152.2284462386502 +0.0,0.852,0.0,0.91,8.648766994235475e-07,0.8310000000000001,0.0,141.67,2022-08-29,rem us pacific smm food,0,109.09517714894018,105.11364420201244,0.0,1.3854227196580005,0.0,1.913142862451066,0.00010647391892463176,0.6828608908997627,0.0,109.0951771489402 +0.908,0.0,0.0,0.0,3.7066144261009183e-06,0.0,0.0,286.4,2022-08-29,rem us south atlantic smm food,0,285.4349926281278,283.6802303568146,1.7543059545178838,0.0,0.0,0.0,0.000456316795391279,0.0,0.0,285.4349926281279 +0.59,0.54,0.0,0.933,9.637197507862386e-06,0.718,0.9770000000000001,403.68,2022-08-29,rem us south central smm food,0,405.40063561125464,399.4313293612464,1.1399124594334267,0.8780848223184511,0.0,1.9614970227108182,0.0011864236680173253,0.5900049574801799,1.3986205643973282,405.40063561125464 +0.685,0.0,0.0,0.995,6.795459781185017e-06,0.593,0.0,186.94,2022-08-29,rem us west north central smm food,0,129.8579539861765,125.95452848252805,1.3234576859523683,0.0,0.0,2.091843019932759,0.0008365807915506782,0.48728821697179203,0.0,129.8579539861765 +0.9460000000000001,0.866,0.0,0.908,2.471076284067279e-07,0.0,0.791,90.26,2022-08-29,richmond/petersburg smm food,0,92.34532732399147,86.06809383806947,1.8277240451254606,1.4081878817181084,0.0,1.9089381528632614,3.042111969275193e-05,0.0,1.1323529850954828,92.34532732399148 +0.904,0.0,0.635,0.0,8.648766994235475e-07,0.0,0.63,113.67,2022-08-29,sacramento/stockton/modesto smm food,0,74.9010760427588,71.58708164797008,1.7465777344539284,0.0,0.6654361274902448,0.0,0.00010647391892463176,0.0,0.9018740589256057,74.90107604275879 +0.842,0.0,0.0,0.0,9.884305136269115e-07,0.6980000000000001,0.0,102.31,2022-08-29,salt lake city smm food,0,85.92529135909142,83.72480907215119,1.626790323462619,0.0,0.0,0.0,0.00012168447877100773,0.573570278998838,0.0,85.92529135909142 +0.971,0.9269999999999999,0.0,0.981,8.648766994235475e-07,0.0,0.767,87.5,2022-08-29,san diego smm food,0,85.25822972104729,78.71431295071628,1.8760254205251818,1.5073789449800075,0.0,2.062410052818127,0.00010647391892463176,0.0,1.0979958780887928,85.25822972104731 +0.715,0.516,0.0,0.735,2.2239686556605507e-06,0.754,0.502,86.06,2022-08-29,san francisco/oakland/san jose smm food,0,93.98011931129886,88.87591304741949,1.381419336432034,0.8390588302154087,0.0,1.5452307735181685,0.00027379007723476735,0.6195873787465956,0.718636154889927,93.98011931129885 +0.798,0.526,0.0,0.772,3.2123991692874624e-06,0.0,0.0,110.2,2022-08-29,seattle/tacoma smm food,0,92.76526944426976,88.74475650580376,1.5417799027591095,0.855319660258343,0.0,1.6230179008925527,0.00039547455600577515,0.0,0.0,92.76526944426978 +0.0,0.0,0.0,0.595,7.413228852201836e-07,0.0,0.0,125.35999999999999,2022-08-29,st. louis smm food,0,88.9550858960926,87.70409353036166,0.0,0.0,0.0,1.2509011023718508,9.126335907825579e-05,0.0,0.0,88.95508589609258 +0.0,0.0,0.728,0.0,4.942152568134558e-07,0.75,0.518,114.76999999999998,2022-08-29,tampa/ft. myers smm food,0,175.37599950101531,173.25520362076367,0.0,0.0,0.7628937020675562,0.0,6.084223938550386e-05,0.6163004430503273,0.7415408928943868,175.37599950101531 +0.509,0.761,0.994,0.0,2.471076284067279e-07,0.707,0.992,72.94,2022-08-29,tucson/sierra vista smm food,0,68.5858451995143,63.32224664442017,0.9834160031383291,1.2374491662672986,1.0416433239768557,0.0,3.042111969275193e-05,0.5809658843154418,1.4200937562765092,68.5858451995143 +0.809,0.0,0.9560000000000002,0.8180000000000001,2.9652915408807343e-06,0.0,0.0,146.37,2022-08-29,washington dc/hagerstown smm food,0,177.30632191586153,173.02137618365978,1.563032507934987,0.0,1.0018219494183844,1.7197262214120572,0.00036505343631302315,0.0,0.0,177.30632191586153 +0.0,0.0,0.889,0.0,1.729753398847095e-06,0.541,0.0,78.66,2022-08-29,yakima/pasco/richland/kennewick smm food,0,54.89332394615384,53.51694236690935,0.0,0.0,0.9316105784863427,0.0,0.00021294783784926353,0.44455805292030276,0.0,54.89332394615384 +0.578,0.598,0.0,0.0,2.471076284067279e-07,0.0,0.0,52.08,2022-09-05,albany/schenectady/troy smm food,0,84.4460242977595,82.35686844083078,1.1167277992415603,0.9723976365674698,0.0,0.0,3.042111969275193e-05,0.0,0.0,84.44602429775951 +0.0,0.0,0.0,0.0,3.706614426100918e-07,0.0,0.0,42.14,2022-09-05,albuquerque/santa fe smm food,0,70.79217499339238,70.79212936171284,0.0,0.0,0.0,0.0,4.5631679539127894e-05,0.0,0.0,70.79217499339238 +0.8190000000000001,0.0,0.0,0.76,1.976861027253823e-06,0.937,0.615,181.21,2022-09-05,atlanta smm food,0,170.07828246439863,165.2475308400832,1.5823530580948755,0.0,0.0,1.5977896433657253,0.00024336895754201545,0.7699646868508756,0.8804008670464245,170.07828246439863 +0.0,0.594,0.854,0.0,2.471076284067279e-07,0.0,0.893,97.62,2022-09-05,baltimore smm food,0,108.41958860241608,105.28036119021601,0.0,0.9658933045502961,0.8949329966561717,0.0,3.042111969275193e-05,0.0,1.278370689873914,108.41958860241608 +0.618,0.639,0.0,0.0,0.0,0.0,0.0,37.28,2022-09-05,baton rouge smm food,0,52.86131894306658,50.62824190344196,1.1940099998811147,1.0390670397435005,0.0,0.0,0.0,0.0,0.0,52.86131894306658 +0.0,0.0,0.0,0.0,1.2355381420336394e-07,0.7000000000000001,0.9630000000000002,57.62,2022-09-05,birmingham/anniston/tuscaloosa smm food,0,64.22932477960521,62.27551690355495,0.0,0.0,0.0,0.0,1.5210559846375966e-05,0.5752137468469721,1.378578918643426,64.2293247796052 +0.715,0.0,0.0,0.597,1.8533072130504591e-06,0.0,0.598,209.59,2022-09-05,boston/manchester smm food,0,186.8371092558625,183.34429136615643,1.381419336432034,0.0,0.0,1.2551058119596552,0.0002281583976956395,0.0,0.856064582916686,186.8371092558625 +0.749,0.0,0.0,0.0,6.177690710168197e-07,0.0,0.561,81.4,2022-09-05,buffalo smm food,0,66.21347594383967,63.96319330778341,1.4471092069756553,0.0,0.0,0.0,7.605279923187984e-05,0.0,0.8030973762813728,66.21347594383967 +0.8160000000000001,0.0,0.684,0.834,3.706614426100918e-07,0.971,0.0,119.44000000000001,2022-09-05,charlotte smm food,0,131.94554007126737,127.1008852661048,1.576556893046909,0.0,0.7167847420524842,1.7533638981144932,4.5631679539127894e-05,0.7979036402691569,0.0,131.94554007126737 +0.873,0.861,0.875,0.0,2.100414841457187e-06,0.5700000000000001,0.9420000000000002,173.12,2022-09-05,chicago smm food,0,182.9437001055084,177.12285569785104,1.6866840289582736,1.4000574666966412,0.9169395457542743,0.0,0.00025857951738839145,0.46838833671824875,1.3485164500125726,182.94370010550844 +0.7030000000000001,0.779,0.759,0.523,8.648766994235475e-07,0.604,0.9460000000000001,134.31,2022-09-05,cleveland/akron/canton smm food,0,137.4616155028637,131.09107465023894,1.3582346762401678,1.2667186603445804,0.7953795602599933,1.0995315572108875,0.00010647391892463176,0.4963272901365302,1.3542426345136873,137.4616155028637 +0.0,0.893,0.766,0.763,1.2355381420336394e-07,0.532,0.925,140.68,2022-09-05,columbus oh smm food,0,109.54099642089874,103.92073468964487,0.0,1.452092122834031,0.8027150766260276,1.6040967077474322,1.5210559846375966e-05,0.4371624476036988,1.3241801658828338,109.54099642089875 +0.0,0.0,0.5650000000000001,0.894,1.2355381420336394e-06,0.0,0.577,88.07,2022-09-05,dallas/ft. worth smm food,0,108.57489755078134,105.27715718131851,0.0,0.0,0.5920809638299029,1.8795051857486296,0.00015210559846375968,0.0,0.8260021142858325,108.57489755078134 +0.0,0.674,0.0,0.0,3.706614426100918e-07,0.784,0.0,91.86,2022-09-05,des moines/ames smm food,0,64.14856233682772,62.408297363785806,0.0,1.0959799448937704,0.0,0.0,4.5631679539127894e-05,0.6442393964686087,0.0,64.14856233682772 +0.0,0.5680000000000001,0.654,0.864,7.413228852201836e-07,0.0,0.0,188.72,2022-09-05,detroit smm food,0,163.7484108194392,160.32292305294044,0.0,0.923615146438667,0.6853468147694805,1.8164345419315615,9.126335907825579e-05,0.0,0.0,163.74841081943921 +0.0,0.746,0.0,0.0,1.1119843278302754e-06,0.781,0.52,139.6,2022-09-05,grand rapids smm food,0,112.61493930468544,110.01556630860257,0.0,1.2130579212028971,0.0,0.0,0.00013689503861738367,0.6417741946964075,0.7444039851449444,112.61493930468544 +0.9470000000000001,0.0,0.9560000000000002,0.967,3.706614426100918e-07,0.713,0.838,60.29,2022-09-05,greensboro smm food,0,90.2192759636581,83.56924325587181,1.8296561001414493,0.0,1.0018219494183844,2.0329770857034952,4.5631679539127894e-05,0.5858962878598444,1.1996356529835834,90.2192759636581 +0.0,0.0,0.891,0.0,1.2355381420336394e-07,0.0,0.0,81.08,2022-09-05,harrisburg/lancaster smm food,0,85.95882934547492,85.02510769460987,0.0,0.0,0.9337064403052097,0.0,1.5210559846375966e-05,0.0,0.0,85.95882934547492 +0.559,0.5700000000000001,0.0,0.676,1.4826457704403671e-06,0.0,0.81,101.74,2022-09-05,hartford/new haven smm food,0,117.19854303631725,112.61073024106035,1.0800187539377721,0.926867312447254,0.0,1.4211918406779347,0.00018252671815651157,0.0,1.1595523614757788,117.19854303631725 +0.502,0.0,0.0,0.0,1.976861027253823e-06,0.0,0.0,217.72,2022-09-05,houston smm food,0,168.6165769749979,167.64644198801398,0.9698916180264071,0.0,0.0,0.0,0.00024336895754201545,0.0,0.0,168.6165769749979 +0.73,0.588,0.0,0.541,2.471076284067279e-07,0.52,0.0,78.63,2022-09-05,indianapolis smm food,0,92.95247794913664,89.02123497580452,1.4104001616718669,0.9561368065245355,0.0,1.1373739435011283,3.042111969275193e-05,0.42730164051489355,0.0,92.95247794913664 +0.789,0.0,0.678,0.0,7.413228852201836e-07,0.0,0.639,93.73,2022-09-05,jacksonville smm food,0,89.44962779166892,86.29988999004563,1.5243914076152096,0.0,0.7104971565958834,0.0,9.126335907825579e-05,0.0,0.9147579740531143,89.44962779166892 +0.0,0.0,0.726,0.0,3.706614426100918e-07,0.577,0.0,87.35,2022-09-05,kansas city smm food,0,81.72868445772596,80.49370051161102,0.0,0.0,0.7607978402486892,0.0,4.5631679539127894e-05,0.4741404741867184,0.0,81.72868445772598 +0.0,0.0,0.6950000000000001,0.0,1.1119843278302754e-06,0.81,0.0,62.8,2022-09-05,knoxville smm food,0,70.79707174203662,69.4030183864474,0.0,0.0,0.7283119820562522,0.0,0.00013689503861738367,0.6656044784943534,0.0,70.79707174203662 +0.0,0.0,0.0,0.558,9.884305136269115e-07,0.0,0.0,51.39,2022-09-05,las vegas smm food,0,74.24922012639854,73.0759844669223,0.0,0.0,0.0,1.1731139749974668,0.00012168447877100773,0.0,0.0,74.24922012639854 +0.0,0.715,0.0,0.621,1.2355381420336394e-07,0.677,0.853,64.22,2022-09-05,little rock/pine bluff smm food,0,61.949220753091424,57.70357115599228,0.0,1.1626493480698008,0.0,1.3055623270133099,1.5210559846375966e-05,0.5563138665934287,1.2211088448627645,61.94922075309143 +0.0,0.0,0.0,0.532,4.69504493972783e-06,0.77,0.923,128.46,2022-09-05,los angeles smm food,0,157.04965914147783,153.9765761946837,0.0,0.0,0.0,1.1184527503560078,0.0005780012741622867,0.6327351215316693,1.3213170736322764,157.0496591414778 +0.841,0.923,0.787,0.0,0.0,0.0,0.0,48.9,2022-09-05,madison wi smm food,0,56.369639785305175,52.419185278171575,1.6248582684466302,1.5008746129628339,0.8247216257241302,0.0,0.0,0.0,0.0,56.36963978530517 +0.787,0.0,0.0,0.722,1.3590919562370033e-06,0.0,0.628,207.34,2022-09-05,miami/west palm beach smm food,0,188.05942007769733,184.12181433608328,1.5205272975832318,0.0,0.0,1.517900161197439,0.00016731615831013563,0.0,0.8990109666750482,188.0594200776973 +0.0,0.581,0.0,0.604,1.2355381420336394e-06,0.777,0.622,120.13999999999999,2022-09-05,milwaukee smm food,0,71.89681005555911,68.15317248002567,0.0,0.9447542254944815,0.0,1.2698222955169711,0.00015210559846375968,0.638487259000139,0.8904216899233758,71.8968100555591 +0.0,0.0,0.496,0.6900000000000001,1.1119843278302754e-06,0.0,0.648,120.94,2022-09-05,minneapolis/st. paul smm food,0,88.64889977297197,85.75072244988117,0.0,0.0,0.5197737310789944,1.4506248077925665,0.00013689503861738367,0.0,0.927641889180623,88.64889977297197 +0.58,0.0,0.6970000000000001,0.0,3.706614426100918e-07,0.85,0.632,63.37,2022-09-05,mobile/pensacola smm food,0,70.92069124766589,67.46643487620449,1.120591909273538,0.0,0.7304078438751191,0.0,4.5631679539127894e-05,0.6984738354570376,0.9047371511761632,70.92069124766589 +0.718,0.61,0.5740000000000001,0.0,8.77232080843884e-06,0.0,0.0,81.91,2022-09-05,nashville smm food,0,98.4538863645983,95.47216793873541,1.3872155014800005,0.9919106326189909,0.601512342014804,0.0,0.0010799497490926937,0.0,0.0,98.4538863645983 +0.985,0.0,0.0,0.613,6.177690710168197e-07,0.77,0.0,58.63,2022-09-05,new orleans smm food,0,63.37424617002928,59.54961731628727,1.9030741907490258,0.0,0.0,1.2887434886620917,7.605279923187984e-05,0.6327351215316693,0.0,63.37424617002929 +0.0,0.804,0.812,0.932,2.5946300982706425e-06,0.0,0.972,288.57,2022-09-05,new york smm food,0,295.67123314209636,290.1617655847399,0.0,1.307370735451916,0.8509198984599666,1.9593946679169159,0.00031942175677389525,0.0,1.3914628337709345,295.6712331420964 +0.866,0.658,0.9140000000000001,0.891,4.942152568134558e-07,0.0,0.509,107.65,2022-09-05,norfolk/portsmouth/newport news smm food,0,108.61278630185167,102.30993924858487,1.6731596438463516,1.0699626168250755,0.9578088512221793,1.8731981213669229,6.084223938550386e-05,0.0,0.7286569777668782,108.61278630185166 +0.904,0.782,0.681,0.9490000000000002,6.177690710168197e-07,0.9520000000000001,0.0,76.57,2022-09-05,oklahoma city smm food,0,60.11856116103151,53.609244119971564,1.7465777344539284,1.2715969093574606,0.7136409493241839,1.9951346994132548,7.605279923187984e-05,0.7822906957118821,0.0,60.11856116103151 +0.0,0.0,0.0,0.0,2.471076284067279e-07,0.0,0.0,22.28,2022-09-05,omaha smm food,0,60.87626027113864,60.87622985001895,0.0,0.0,0.0,0.0,3.042111969275193e-05,0.0,0.0,60.87626027113865 +0.926,0.0,0.0,0.0,3.706614426100918e-07,0.864,0.0,159.68,2022-09-05,orlando/daytona beach/melborne smm food,0,135.11448885374134,132.61538216686213,1.7890829448056833,0.0,0.0,0.0,4.5631679539127894e-05,0.709978110393977,0.0,135.11448885374134 +0.5760000000000001,0.9390000000000001,0.73,0.0,1.2355381420336394e-07,0.0,0.0,27.73,2022-09-05,paducah ky/cape girardeau mo smm food,0,58.96401853752173,55.55925813283435,1.1128636892095827,1.5268919410315287,0.7649895638864231,0.0,1.5210559846375966e-05,0.0,0.0,58.96401853752173 +0.593,0.851,0.762,0.994,8.648766994235475e-07,0.68,0.0,208.32,2022-09-05,philadelphia smm food,0,205.71440245938172,199.7377476378349,1.1457086244813932,1.3837966366537071,0.7985233529882938,2.0897406651388564,0.00010647391892463176,0.5587790683656301,0.0,205.71440245938172 +0.0,0.0,0.606,0.0,1.2355381420336394e-06,0.0,0.591,103.7,2022-09-05,phoenix/prescott smm food,0,118.4642031162221,116.98296111946722,0.0,0.0,0.6350461311166745,0.0,0.00015210559846375968,0.0,0.8460437600397348,118.4642031162221 +0.894,0.59,0.89,0.0,6.177690710168197e-07,0.0,0.0,110.19,2022-09-05,pittsburgh smm food,0,108.17161306786655,104.55223234884438,1.7272571842940398,0.9593889725331224,0.9326585093957762,0.0,7.605279923187984e-05,0.0,0.0,108.17161306786656 +0.0,0.56,0.2445,0.6950000000000001,3.706614426100918e-07,0.675,0.642,57.85,2022-09-05,portland or smm food,0,90.99804029361286,86.8963094792362,0.0,0.9106064824043196,0.25621910735648007,1.4611365817620778,4.5631679539127894e-05,0.5546703987452946,0.9190526124289505,90.99804029361286 +0.0,0.675,0.868,0.631,0.0,0.0,0.965,65.25,2022-09-05,providence ri/new bedford ma smm food,0,87.96354430093784,83.24830635780522,0.0,1.0976060278980637,0.9096040293882401,1.3265858749523325,0.0,0.0,1.3814420108939833,87.96354430093784 +0.0,0.0,0.0,0.5660000000000001,1.2355381420336394e-07,0.0,0.0,128.64,2022-09-05,raleigh/durham/fayetteville smm food,0,126.5201208000099,125.33017277610136,0.0,0.0,0.0,1.189932813348685,1.5210559846375966e-05,0.0,0.0,126.52012080000989 +0.0,0.9450000000000001,0.651,0.585,4.942152568134558e-06,0.0,0.0,313.15,2022-09-05,rem us east north central smm food,0,309.90301014005,306.4536727021249,0.0,1.5366484390572894,0.6822030220411801,1.229877554432828,0.0006084223938550387,0.0,0.0,309.90301014005007 +0.654,0.8989999999999999,0.0,0.0,9.884305136269115e-07,0.0,0.0,151.18,2022-09-05,rem us middle atlantic smm food,0,133.52555754749255,130.80002326169728,1.2635639804567136,1.4618486208597914,0.0,0.0,0.00012168447877100773,0.0,0.0,133.52555754749255 +0.923,0.0,0.505,0.602,2.2239686556605507e-06,0.0,0.755,129.71,2022-09-05,rem us mountain smm food,0,178.61671212067472,173.95751153106124,1.7832867797577168,0.0,0.5292051092638954,1.2656175859291665,0.00027379007723476735,0.0,1.080817324585448,178.6167121206747 +0.0,0.0,0.685,0.74,2.2239686556605507e-06,0.787,0.714,133.98,2022-09-05,rem us new england smm food,0,152.1643081552707,148.221630613054,0.0,0.0,0.7178326729619177,1.55574254748768,0.00027379007723476735,0.6467045982408101,1.0221239334490198,152.16430815527067 +0.0,0.801,0.582,0.0,2.100414841457187e-06,0.0,0.0,94.33,2022-09-05,rem us pacific smm food,0,107.02629105725913,105.11364420201244,0.0,1.3024924864390357,0.6098957892902716,0.0,0.00025857951738839145,0.0,0.0,107.02629105725913 +0.987,0.0,0.0,0.0,3.830168240304282e-06,0.0,0.769,252.61,2022-09-05,rem us south atlantic smm food,0,286.6884991552902,283.6802303568146,1.9069383007810037,0.0,0.0,0.0,0.000471527355237655,0.0,1.1008589703393503,286.6884991552902 +0.641,0.0,0.0,0.843,1.284959667714985e-05,0.0,0.0,431.37,2022-09-05,rem us south central smm food,0,402.4436436159789,399.4313293612464,1.2384472652488585,0.0,0.0,1.7722850912596138,0.0015818982240231006,0.0,0.0,402.4436436159789 +0.0,0.0,0.0,0.0,3.7066144261009183e-06,0.877,0.805,131.48,2022-09-05,rem us west north central smm food,0,127.82804008157967,125.95452848252805,0.0,0.0,0.0,0.0,0.000456316795391279,0.7206606514068493,1.152394630849385,127.82804008157967 +0.0,0.0,0.0,0.536,1.2355381420336394e-07,0.718,0.0,69.8,2022-09-05,richmond/petersburg smm food,0,87.78497617564112,86.06809383806947,0.0,0.0,0.0,1.126862169531617,1.5210559846375966e-05,0.5900049574801799,0.0,87.78497617564112 +0.0,0.552,0.0,0.66,4.942152568134558e-07,0.0,0.847,60.26,2022-09-05,sacramento/stockton/modesto smm food,0,75.08481404066603,71.58708164797008,0.0,0.8975978183699722,0.0,1.3875541639754985,6.084223938550386e-05,0.0,1.212519568111092,75.08481404066603 +0.0,0.803,0.496,0.766,2.2239686556605507e-06,0.537,0.0,80.77,2022-09-05,salt lake city smm food,0,87.60227613510821,83.72480907215119,0.0,1.3057446524476226,0.5197737310789944,1.610403772129139,0.00027379007723476735,0.44127111722403434,0.0,87.60227613510821 +0.0,0.776,0.9269999999999999,0.6930000000000001,3.706614426100918e-07,0.735,0.748,51.07,2022-09-05,san diego smm food,0,84.07933375484441,78.71431295071628,0.0,1.2618404113316999,0.971431953044814,1.4569318721742734,4.5631679539127894e-05,0.6039744341893207,1.0707965017084968,84.07933375484443 +0.649,0.0,0.0,0.552,2.100414841457187e-06,0.5660000000000001,0.869,61.22,2022-09-05,san francisco/oakland/san jose smm food,0,92.9996901624369,88.87591304741949,1.2539037053767694,0.0,0.0,1.1604998462340532,0.00025857951738839145,0.46510140102198033,1.2440135828672243,92.9996901624369 +0.58,0.941,0.0,0.994,1.2355381420336394e-06,0.748,0.0,97.79,2022-09-05,seattle/tacoma smm food,0,94.10004226805694,88.74475650580376,1.120591909273538,1.5301441070401154,0.0,2.0897406651388564,0.00015210559846375968,0.6146569752021931,0.0,94.10004226805692 +0.6960000000000001,0.0,0.64,0.717,7.413228852201836e-07,0.0,0.6940000000000001,127.42999999999999,2022-09-05,st. louis smm food,0,92.22045226505777,87.70409353036166,1.3447102911282458,0.0,0.6706757820374121,1.5073883872279277,9.126335907825579e-05,0.0,0.9934930109434451,92.22045226505777 +0.737,0.0,0.0,0.554,7.413228852201836e-07,0.744,0.9570000000000001,191.59,2022-09-05,tampa/ft. myers smm food,0,177.82528366812608,173.25520362076367,1.4239245467837889,0.0,0.0,1.1647045558218578,9.126335907825579e-05,0.6113700395059246,1.3699896418917534,177.82528366812608 +0.779,0.592,0.63,0.8160000000000001,2.471076284067279e-07,0.0,0.0,62.61999999999999,2022-09-05,tucson/sierra vista smm food,0,68.16570704630422,63.32224664442017,1.505070857455321,0.9626411385417092,0.6601964729430775,1.7155215118242526,3.042111969275193e-05,0.0,0.0,68.16570704630422 +0.64,0.0,0.781,0.964,3.2123991692874624e-06,0.73,0.595,145.9,2022-09-05,washington dc/hagerstown smm food,0,178.5550266391478,173.02137618365978,1.2365152102328696,0.0,0.8184340402675294,2.0266700213217885,0.00039547455600577515,0.5998657645689852,0.8517699445408498,178.5550266391478 +0.0,0.0,0.603,0.52,4.942152568134558e-07,0.0,0.916,38.82,2022-09-05,yakima/pasco/richland/kennewick smm food,0,56.55342629112161,53.51694236690935,0.0,0.0,0.6319023383883742,1.0932244928291805,6.084223938550386e-05,0.0,1.3112962507553252,56.55342629112161 +0.0,0.0,0.774,0.844,0.0,0.882,0.598,36.64,2022-09-12,albany/schenectady/troy smm food,0,86.52318831472965,82.35686844083078,0.0,0.0,0.8110985239014953,1.774387446053516,0.0,0.7247693210271848,0.856064582916686,86.52318831472967 +0.535,0.8170000000000001,0.728,0.732,2.471076284067279e-07,0.0,0.0,93.92,2022-09-12,albuquerque/santa fe smm food,0,75.45613644209831,70.79212936171284,1.0336494335540396,1.3285098145077305,0.7628937020675562,1.5389237091364618,3.042111969275193e-05,0.0,0.0,75.45613644209831 +0.904,0.76,0.0,0.0,9.884305136269115e-07,0.0,0.0,161.77,2022-09-12,atlanta smm food,0,168.23005334227886,165.2475308400832,1.7465777344539284,1.235823083263005,0.0,0.0,0.00012168447877100773,0.0,0.0,168.2300533422789 +0.587,0.754,0.0,0.5640000000000001,1.2355381420336394e-07,0.0,0.519,99.58,2022-09-12,baltimore smm food,0,109.56925982317911,105.28036119021601,1.1341162943854601,1.2260665852372445,0.0,1.1857281037608804,1.5210559846375966e-05,0.0,0.7429724390196656,109.56925982317911 +0.0,0.735,0.0,0.0,1.2355381420336394e-07,0.0,0.0,18.17,2022-09-12,baton rouge smm food,0,51.82342812215748,50.62824190344196,0.0,1.1951710081556695,0.0,0.0,1.5210559846375966e-05,0.0,0.0,51.82342812215747 +0.508,0.0,0.0,0.889,1.2355381420336394e-07,0.0,0.0,81.98,2022-09-12,birmingham/anniston/tuscaloosa smm food,0,65.12600947401626,62.27551690355495,0.9814839481223403,0.0,0.0,1.8689934117791183,1.5210559846375966e-05,0.0,0.0,65.12600947401626 +0.0,0.0,0.62,0.965,1.8533072130504591e-06,0.0,0.715,227.48,2022-09-12,boston/manchester smm food,0,187.04656454409286,183.34429136615643,0.0,0.0,0.6497171638487429,2.0287723761156906,0.0002281583976956395,0.0,1.0235554795742985,187.04656454409286 +0.0,0.0,0.0,0.774,2.471076284067279e-07,0.533,0.73,73.77,2022-09-12,buffalo smm food,0,67.07345919236471,63.96319330778341,0.0,0.0,0.0,1.627222610480357,3.042111969275193e-05,0.4379841815277659,1.0450286714534796,67.07345919236471 +0.734,0.848,0.0,0.516,6.177690710168197e-07,0.593,0.0,139.96,2022-09-12,charlotte smm food,0,131.47011137890604,127.1008852661048,1.4181283817358223,1.3789183876408266,0.0,1.0848150736535715,7.605279923187984e-05,0.48728821697179203,0.0,131.47011137890604 +0.0,0.0,0.0,0.898,1.6061995846437312e-06,0.0,0.0,199.3,2022-09-12,chicago smm food,0,179.01096804005326,177.12285569785104,0.0,0.0,0.0,1.8879146049242388,0.00019773727800288758,0.0,0.0,179.01096804005329 +0.5710000000000001,0.978,0.0,0.608,1.3590919562370033e-06,0.5680000000000001,0.0,173.33,2022-09-12,cleveland/akron/canton smm food,0,135.52973114228854,131.09107465023894,1.1032034141296385,1.5903091781989724,0.0,1.2782317146925803,0.00016731615831013563,0.46674486887011457,0.0,135.52973114228854 +0.881,0.0,0.675,0.862,2.471076284067279e-07,0.793,0.0,111.87,2022-09-12,columbus oh smm food,0,108.7941237778473,103.92073468964487,1.7021404690861845,0.0,0.7073533638675831,1.812229832343757,3.042111969275193e-05,0.6516350017852127,0.0,108.7941237778473 +0.0,0.9490000000000002,0.0,0.675,9.884305136269115e-07,0.0,0.542,113.33999999999999,2022-09-12,dallas/ft. worth smm food,0,109.01541912265685,105.27715718131851,0.0,1.5431527710744632,0.0,1.4190894858840324,0.00012168447877100773,0.0,0.7758979999010767,109.01541912265685 +0.9840000000000001,0.0,0.705,0.784,4.942152568134558e-07,0.0,0.0,84.05,2022-09-12,des moines/ames smm food,0,66.6965377913282,62.408297363785806,1.9011421357330371,0.0,0.7387912911505867,1.64824615841938,6.084223938550386e-05,0.0,0.0,66.6965377913282 +0.0,0.62,0.0,0.0,1.6061995846437312e-06,0.0,0.5650000000000001,145.31,2022-09-12,detroit smm food,0,162.14011581366282,160.32292305294044,0.0,1.0081714626619251,0.0,0.0,0.00019773727800288758,0.0,0.8088235607824877,162.14011581366285 +0.0,0.971,0.632,0.0,6.177690710168197e-07,0.0,0.738,105.15,2022-09-12,grand rapids smm food,0,113.31334233378837,110.01556630860257,0.0,1.5789265971689184,0.6622923347619444,0.0,7.605279923187984e-05,0.0,1.0564810404557095,113.31334233378837 +0.9570000000000001,0.0,0.0,0.0,2.471076284067279e-07,0.0,0.0,57.92,2022-09-12,greensboro smm food,0,85.41825032729284,83.56924325587181,1.848976650301338,0.0,0.0,0.0,3.042111969275193e-05,0.0,0.0,85.41825032729284 +0.622,0.745,0.0,0.809,2.471076284067279e-07,0.0,0.0,59.45,2022-09-12,harrisburg/lancaster smm food,0,89.13911320214018,85.02510769460987,1.2017382199450701,1.2114318381986038,0.0,1.7008050282669367,3.042111969275193e-05,0.0,0.0,89.13911320214018 +0.773,0.838,0.617,0.0,2.471076284067279e-07,0.654,0.615,99.71,2022-09-12,hartford/new haven smm food,0,117.53128497164408,112.61073024106035,1.4934785273593878,1.3626575575978925,0.6465733711204426,0.0,3.042111969275193e-05,0.5374139863398854,0.8804008670464245,117.53128497164408 +0.774,0.9500000000000001,0.888,0.0,1.1119843278302754e-06,0.0,0.0,182.03,2022-09-12,houston smm food,0,171.61733096708363,167.64644198801398,1.4954105823753767,1.5447788540787566,0.9305626475769092,0.0,0.00013689503861738367,0.0,0.0,171.61733096708363 +0.0,0.0,0.972,0.917,1.1119843278302754e-06,0.903,0.0,117.90000000000002,2022-09-12,indianapolis smm food,0,92.70984579425343,89.02123497580452,0.0,0.0,1.0185888439693196,1.927859346008382,0.00013689503861738367,0.742025733432594,0.0,92.70984579425343 +0.5710000000000001,0.518,0.0,0.538,4.942152568134558e-07,0.0,0.0,108.75,2022-09-12,jacksonville smm food,0,89.37653212175807,86.29988999004563,1.1032034141296385,0.8423109962239956,0.0,1.1310668791194214,6.084223938550386e-05,0.0,0.0,89.37653212175807 +0.0,0.9829999999999999,0.6930000000000001,0.761,1.1119843278302754e-06,0.0,0.512,122.3,2022-09-12,kansas city smm food,0,85.15133673440981,80.49370051161102,0.0,1.5984395932204394,0.7262161202373854,1.5998919981596276,0.00013689503861738367,0.0,0.7329516161427144,85.15133673440981 +0.532,0.0,0.0,0.0,2.471076284067279e-07,0.789,0.0,87.16,2022-09-12,knoxville smm food,0,71.0792501421621,69.4030183864474,1.0278532685060728,0.0,0.0,0.0,3.042111969275193e-05,0.6483480660889442,0.0,71.07925014216211 +0.637,0.0,0.979,0.893,0.0,0.0,0.612,81.01,2022-09-12,las vegas smm food,0,78.08613693206786,73.0759844669223,1.230719045184903,0.0,1.0259243603353538,1.8774028309547273,0.0,0.0,0.8761062286705883,78.08613693206787 +0.852,0.547,0.0,0.0,1.2355381420336394e-07,0.0,0.0,26.65,2022-09-12,little rock/pine bluff smm food,0,60.23916464352314,57.70357115599228,1.6461108736225076,0.889467403348505,0.0,0.0,1.5210559846375966e-05,0.0,0.0,60.23916464352314 +0.684,0.0,0.0,0.7030000000000001,1.4826457704403671e-06,0.922,0.6970000000000001,141.65,2022-09-12,los angeles smm food,0,158.53166609976068,153.9765761946837,1.3215256309363794,0.0,0.0,1.477955420113296,0.00018252671815651157,0.757638677989869,0.9977876493192813,158.53166609976068 +0.0,0.0,0.0,0.0,4.942152568134558e-07,0.0,0.661,43.44,2022-09-12,madison wi smm food,0,53.365498109220205,52.419185278171575,0.0,0.0,0.0,0.0,6.084223938550386e-05,0.0,0.9462519888092467,53.365498109220205 +0.0,0.78,0.639,0.0,3.706614426100918e-07,0.0,0.722,153.38,2022-09-12,miami/west palm beach smm food,0,187.09340886469093,184.12181433608328,0.0,1.2683447433488737,0.6696278511279786,0.0,4.5631679539127894e-05,0.0,1.0335763024512497,187.09340886469093 +0.0,0.731,0.88,0.0,8.648766994235475e-07,0.599,0.0,97.38,2022-09-12,milwaukee smm food,0,70.75634345090073,68.15317248002567,0.0,1.1886666761384956,0.9221792003014416,0.0,0.00010647391892463176,0.4922186205161947,0.0,70.75634345090073 +0.0,0.744,0.0,0.833,1.4826457704403671e-06,0.0,0.792,100.33,2022-09-12,minneapolis/st. paul smm food,0,89.84575680633499,85.75072244988117,0.0,1.2098057551943102,0.0,1.751261543320591,0.00018252671815651157,0.0,1.1337845312207615,89.84575680633499 +0.892,0.978,0.0,0.0,1.2355381420336394e-07,0.767,0.0,66.19,2022-09-12,mobile/pensacola smm food,0,71.41042225898484,67.46643487620449,1.723393074262062,1.5903091781989724,0.0,0.0,1.5210559846375966e-05,0.630269919759468,0.0,71.41042225898484 +0.0,0.0,0.6970000000000001,0.0,1.1119843278302754e-06,0.0,0.986,128.76,2022-09-12,nashville smm food,0,97.61421715717398,95.47216793873541,0.0,0.0,0.7304078438751191,0.0,0.00013689503861738367,0.0,1.4115044795248368,97.61421715717398 +0.249,0.751,0.0,0.725,0.0,0.533,0.0,68.84,2022-09-12,new orleans smm food,0,63.21407875859977,59.54961731628727,0.4810816989812258,1.2211883362243643,0.0,1.524207225579146,0.0,0.4379841815277659,0.0,63.21407875859977 +0.989,0.0,0.758,0.0,2.9652915408807343e-06,0.98,0.0,299.26,2022-09-12,new york smm food,0,293.6725639239255,290.1617655847399,1.9108024108129813,0.0,0.7943316293505599,0.0,0.00036505343631302315,0.8052992455857609,0.0,293.6725639239255 +0.0,0.0,0.774,0.0,2.471076284067279e-07,0.6970000000000001,0.0,68.9,2022-09-12,norfolk/portsmouth/newport news smm food,0,103.69381673868082,102.30993924858487,0.0,0.0,0.8110985239014953,0.0,3.042111969275193e-05,0.5727485450747708,0.0,103.69381673868082 +0.9199999999999999,0.0,0.892,0.0,2.471076284067279e-07,0.557,0.0,49.84,2022-09-12,oklahoma city smm food,0,56.77922532272103,53.609244119971564,1.77749061470975,0.0,0.9347543712146431,0.0,3.042111969275193e-05,0.4577057957053764,0.0,56.779225322721025 +0.0,0.0,0.979,0.0,1.2355381420336394e-07,0.741,0.972,96.56,2022-09-12,omaha smm food,0,63.902537092418804,60.87622985001895,0.0,0.0,1.0259243603353538,0.0,1.5210559846375966e-05,0.6089048377337233,1.3914628337709345,63.90253709241881 +0.0,0.639,0.0,0.772,1.3590919562370033e-06,0.0,0.731,107.74,2022-09-12,orlando/daytona beach/melborne smm food,0,136.32409464123523,132.61538216686213,0.0,1.0390670397435005,0.0,1.6230179008925527,0.00016731615831013563,0.0,1.0464602175787583,136.32409464123526 +0.0,0.648,0.781,0.986,2.471076284067279e-07,0.0,0.0,88.42,2022-09-12,paducah ky/cape girardeau mo smm food,0,59.50434620779135,55.55925813283435,0.0,1.0537017867821412,0.8184340402675294,2.0729218267876384,3.042111969275193e-05,0.0,0.0,59.50434620779135 +0.523,0.713,0.0,0.0,2.100414841457187e-06,0.993,0.915,229.08000000000004,2022-09-12,philadelphia smm food,0,204.03371466400438,199.7377476378349,1.0104647733621732,1.159397182061214,0.0,0.0,0.00025857951738839145,0.8159817865986333,1.3098647046300465,204.03371466400435 +0.579,0.726,0.0,0.0,1.1119843278302754e-06,0.502,0.995,130.58,2022-09-12,phoenix/prescott smm food,0,121.11919295441444,116.98296111946722,1.1186598542575492,1.1805362611170285,0.0,0.0,0.00013689503861738367,0.4125104298816857,1.4243883946523455,121.11919295441444 +0.55,0.0,0.0,0.804,1.2355381420336394e-07,0.0,0.0,141.63,2022-09-12,pittsburgh smm food,0,107.30517107249554,104.55223234884438,1.0626302587938723,0.0,0.0,1.6902932542974254,1.5210559846375966e-05,0.0,0.0,107.30517107249553 +0.641,0.608,0.658,0.807,8.648766994235475e-07,0.0,0.0,100.27,2022-09-12,portland or smm food,0,91.50966054210073,86.8963094792362,1.2384472652488585,0.988658466610404,0.6895385384072144,1.696600318679132,0.00010647391892463176,0.0,0.0,91.50966054210073 +0.626,0.0,0.0,0.895,4.942152568134558e-07,0.891,0.7030000000000001,116.74999999999999,2022-09-12,providence ri/new bedford ma smm food,0,88.0779830330109,83.24830635780522,1.2094664400090256,0.0,0.0,1.8816075405425319,6.084223938550386e-05,0.7321649263437888,1.0063769260709536,88.07798303301091 +0.54,0.734,0.756,0.5720000000000001,8.648766994235475e-07,0.0,0.0,103.87,2022-09-12,raleigh/durham/fayetteville smm food,0,129.56191659344944,125.33017277610136,1.0433097086339838,1.193544925151376,0.792235767531693,1.2025469421120987,0.00010647391892463176,0.0,0.0,129.56191659344944 +0.0,0.0,0.731,0.641,4.69504493972783e-06,0.0,0.0,326.1,2022-09-12,rem us east north central smm food,0,308.5678976210862,306.4536727021249,0.0,0.0,0.7660374947958566,1.3476094228913553,0.0005780012741622867,0.0,0.0,308.5678976210863 +0.0,0.0,0.897,0.0,1.3590919562370033e-06,0.0,0.0,125.89,2022-09-12,rem us middle atlantic smm food,0,131.7401846036174,130.80002326169728,0.0,0.0,0.9399940257618103,0.0,0.00016731615831013563,0.0,0.0,131.7401846036174 +0.0,0.671,0.866,0.926,4.571491125524466e-06,0.558,0.0,139.78,2022-09-12,rem us mountain smm food,0,178.36199225400878,173.95751153106124,0.0,1.0911016958808901,0.9075081675693731,1.9467805391535022,0.0005627907143159108,0.4585275296294435,0.0,178.36199225400875 +0.0,0.0,0.808,0.6890000000000001,8.648766994235475e-07,0.614,0.739,133.96,2022-09-12,rem us new england smm food,0,152.07944493075203,148.221630613054,0.0,0.0,0.8467281748222328,1.4485224529986642,0.00010647391892463176,0.5045446293772012,1.0579125865809882,152.079444930752 +0.0,0.0,0.534,0.659,8.648766994235475e-07,0.0,0.0,92.33,2022-09-12,rem us pacific smm food,0,107.05879759075042,105.11364420201244,0.0,0.0,0.5595951056374657,1.3854518091815962,0.00010647391892463176,0.0,0.0,107.05879759075043 +0.874,0.742,0.0,0.0,2.9652915408807343e-06,0.0,0.0,283.88,2022-09-12,rem us south atlantic smm food,0,286.5757650834109,283.6802303568146,1.6886160839742625,1.2065535891857233,0.0,0.0,0.00036505343631302315,0.0,0.0,286.5757650834109 +0.0,0.0,0.0,0.8250000000000001,8.278105551625384e-06,0.617,0.655,459.15,2022-09-12,rem us south central smm food,0,402.61146371693246,399.4313293612464,0.0,0.0,0.0,1.7344427049693731,0.0010191075097071896,0.5070098311494026,0.9376627120575742,402.61146371693246 +0.755,0.7020000000000001,0.876,0.633,1.729753398847095e-06,0.793,0.543,113.42999999999999,2022-09-12,rem us west north central smm food,0,132.23269584546688,125.95452848252805,1.4587015370715883,1.1415102690139864,0.9179874766637077,1.330790584540137,0.00021294783784926353,0.6516350017852127,0.7773295460263554,132.23269584546688 +0.626,0.0,0.9910000000000001,0.0,3.706614426100918e-07,0.0,0.0,124.41,2022-09-12,richmond/petersburg smm food,0,88.3161054410066,86.06809383806947,1.2094664400090256,0.0,1.0384995312485554,0.0,4.5631679539127894e-05,0.0,0.0,88.3161054410066 +0.982,0.71,0.0,0.548,6.177690710168197e-07,0.785,0.857,90.69,2022-09-12,sacramento/stockton/modesto smm food,0,77.6629412463337,71.58708164797008,1.8972780257010593,1.1545189330483336,0.0,1.1520904270584442,7.605279923187984e-05,0.6450611303926759,1.2268350293638794,77.6629412463337 +0.0,0.889,0.806,0.541,6.177690710168197e-07,0.557,0.869,96.76,2022-09-12,salt lake city smm food,0,88.85419855084439,83.72480907215119,0.0,1.4455877908168573,0.8446323130033658,1.1373739435011283,7.605279923187984e-05,0.4577057957053764,1.2440135828672243,88.85419855084437 +0.658,0.0,0.0,0.0,2.471076284067279e-07,0.64,0.0,100.08,2022-09-12,san diego smm food,0,80.51154528375957,78.71431295071628,1.271292200520669,0.0,0.0,0.0,3.042111969275193e-05,0.525909711402946,0.0,80.51154528375959 +0.0,0.538,0.911,0.9269999999999999,9.884305136269115e-07,0.0,0.0,106.45,2022-09-12,san francisco/oakland/san jose smm food,0,92.6544153406494,88.87591304741949,0.0,0.8748326563098642,0.9546650584938787,1.9488828939474043,0.00012168447877100773,0.0,0.0,92.65441534064941 +0.911,0.668,0.0,0.645,1.6061995846437312e-06,0.0,0.9129999999999999,69.6,2022-09-12,seattle/tacoma smm food,0,94.25430026396205,88.74475650580376,1.7601021195658504,1.0862234468680099,0.0,1.3560188420669643,0.00019773727800288758,0.0,1.3070016123794888,94.25430026396208 +0.905,0.737,0.0,0.613,6.177690710168197e-07,0.85,0.994,88.44,2022-09-12,st. louis smm food,0,94.06127671944127,87.70409353036166,1.7485097894699173,1.1984231741642564,0.0,1.2887434886620917,7.605279923187984e-05,0.6984738354570376,1.4229568485270667,94.06127671944127 +0.632,0.0,0.0,0.639,1.1119843278302754e-06,0.0,0.71,180.31,2022-09-12,tampa/ft. myers smm food,0,176.8362017481587,173.25520362076367,1.2210587701049587,0.0,0.0,1.3434047133035507,0.00013689503861738367,0.0,1.0163977489479048,176.8362017481587 +0.522,0.888,0.728,0.0,2.471076284067279e-07,0.758,0.0,69.72,2022-09-12,tucson/sierra vista smm food,0,67.16053950820904,63.32224664442017,1.0085327183461843,1.443961707812564,0.7628937020675562,0.0,3.042111969275193e-05,0.6228743144428641,0.0,67.16053950820903 +0.0,0.0,0.0,0.682,3.0888453550840984e-06,0.773,0.7010000000000001,190.85,2022-09-12,washington dc/hagerstown smm food,0,176.09427657422157,173.02137618365978,0.0,0.0,0.0,1.4338059694413483,0.00038026399615939915,0.6352003233038707,1.0035138338203962,176.09427657422157 +0.719,0.0,0.9759999999999999,0.9420000000000002,3.706614426100918e-07,0.0,0.0,89.12,2022-09-12,yakima/pasco/richland/kennewick smm food,0,57.909334338547865,53.51694236690935,1.3891475564959894,0.0,1.0227805676070532,1.980418215855939,4.5631679539127894e-05,0.0,0.0,57.909334338547865 +0.685,0.627,0.626,0.0,1.2355381420336394e-07,0.0,0.642,61.28,2022-09-19,albany/schenectady/troy smm food,0,86.27495274276927,82.35686844083078,1.3234576859523683,1.0195540436919792,0.6560047493053437,0.0,1.5210559846375966e-05,0.0,0.9190526124289505,86.27495274276927 +0.619,0.0,0.548,0.0,7.413228852201836e-07,0.0,0.0,69.34,2022-09-19,albuquerque/santa fe smm food,0,72.56242881833856,70.79212936171284,1.1959420548971036,0.0,0.5742661383695341,0.0,9.126335907825579e-05,0.0,0.0,72.56242881833856 +0.601,0.5,0.0,0.0,1.976861027253823e-06,0.562,0.0,176.46,2022-09-19,atlanta smm food,0,167.68379524112245,165.2475308400832,1.1611650646093041,0.8130415021467139,0.0,0.0,0.00024336895754201545,0.4618144653257119,0.0,167.68379524112245 +0.0,0.729,0.0,0.0,1.4826457704403671e-06,0.0,0.714,95.9,2022-09-19,baltimore smm food,0,107.48808216051309,105.28036119021601,0.0,1.1854145101299087,0.0,0.0,0.00018252671815651157,0.0,1.0221239334490198,107.4880821605131 +0.835,0.0,0.0,0.755,1.2355381420336394e-07,0.64,0.941,61.470000000000006,2022-09-19,baton rouge smm food,0,55.70179553703896,50.62824190344196,1.613265938350697,0.0,0.0,1.587277869396214,1.5210559846375966e-05,0.525909711402946,1.3470849038872934,55.701795537038954 +0.0,0.732,0.605,0.0,4.942152568134558e-07,0.0,0.916,52.45,2022-09-19,birmingham/anniston/tuscaloosa smm food,0,65.4111649558997,62.27551690355495,0.0,1.1902927591427892,0.6339982002072411,0.0,6.084223938550386e-05,0.0,1.3112962507553252,65.4111649558997 +0.955,0.654,0.6910000000000001,0.515,6.177690710168197e-07,0.0,0.583,176.06,2022-09-19,boston/manchester smm food,0,188.89436261234863,183.34429136615643,1.84511254026936,1.0634582848079017,0.7241202584185183,1.0827127188596692,7.605279923187984e-05,0.0,0.8345913910375049,188.8943626123486 +0.0,0.833,0.0,0.551,3.706614426100918e-07,0.769,0.0,59.91,2022-09-19,buffalo smm food,0,67.10807696108714,63.96319330778341,0.0,1.3545271425764254,0.0,1.158397491440151,4.5631679539127894e-05,0.6319133876076022,0.0,67.10807696108714 +0.74,0.872,0.0,0.0,1.1119843278302754e-06,0.8,0.651,112.6,2022-09-19,charlotte smm food,0,131.53801091952917,127.1008852661048,1.4297207118317554,1.417944379743869,0.0,0.0,0.00013689503861738367,0.6573871392536824,0.9319365275564592,131.53801091952917 +0.0,0.0,0.0,0.0,1.729753398847095e-06,0.5640000000000001,0.0,189.25,2022-09-19,chicago smm food,0,177.58652657886273,177.12285569785104,0.0,0.0,0.0,0.0,0.00021294783784926353,0.46345793317384615,0.0,177.58652657886273 +0.0,0.752,0.778,0.0,1.3590919562370033e-06,0.0,0.503,112.97,2022-09-19,cleveland/akron/canton smm food,0,133.84941433418032,131.09107465023894,0.0,1.2228144192286576,0.8152902475392291,0.0,0.00016731615831013563,0.0,0.7200677010152058,133.84941433418035 +0.0,0.0,0.9840000000000001,0.625,2.471076284067279e-07,0.0,0.797,88.83,2022-09-19,columbus oh smm food,0,107.40684313368315,103.92073468964487,0.0,0.0,1.0311640148825212,1.3139717461889189,3.042111969275193e-05,0.0,1.1409422618471552,107.40684313368317 +0.803,0.876,0.0,0.584,7.413228852201836e-07,0.77,0.0,96.83,2022-09-19,dallas/ft. worth smm food,0,110.11364765544829,105.27715718131851,1.5514401778390536,1.4244487117610427,0.0,1.2277751996389257,9.126335907825579e-05,0.6327351215316693,0.0,110.11364765544829 +0.0,0.0,0.793,0.651,8.648766994235475e-07,0.0,0.901,50.01,2022-09-19,des moines/ames smm food,0,65.89786907859198,62.408297363785806,0.0,0.0,0.8310092111807309,1.368632970830378,0.00010647391892463176,0.0,1.289823058876144,65.89786907859198 +0.0,0.841,0.0,0.967,2.347522469863915e-06,0.0,0.0,149.41,2022-09-19,detroit smm food,0,163.72372494589177,160.32292305294044,0.0,1.3675358066107728,0.0,2.0329770857034952,0.00028900063708114335,0.0,0.0,163.72372494589177 +0.549,0.0,0.73,0.0,6.177690710168197e-07,0.86,0.505,104.79,2022-09-19,grand rapids smm food,0,113.27095209702958,110.01556630860257,1.0606982037778836,0.0,0.7649895638864231,0.0,7.605279923187984e-05,0.7066911746977086,0.7229307932657633,113.27095209702958 +0.0,0.838,0.0,0.0,1.2355381420336394e-07,0.662,0.592,77.84,2022-09-19,greensboro smm food,0,86.32337918792697,83.56924325587181,0.0,1.3626575575978925,0.0,0.0,1.5210559846375966e-05,0.5439878577324222,0.8474753061650135,86.32337918792699 +0.0,0.0,0.884,0.9390000000000001,2.471076284067279e-07,0.0,0.9470000000000001,86.98,2022-09-19,harrisburg/lancaster smm food,0,89.28129437178194,85.02510769460987,0.0,0.0,0.9263709239391754,1.9741111514742318,3.042111969275193e-05,0.0,1.355674180638966,89.28129437178194 +0.0,0.989,0.807,0.0,3.706614426100918e-07,0.521,0.0,131.11,2022-09-19,hartford/new haven smm food,0,115.49277558233786,112.61073024106035,0.0,1.6081960912462,0.8456802439127993,0.0,4.5631679539127894e-05,0.4281233744389607,0.0,115.49277558233786 +0.9969999999999999,0.0,0.0,0.66,1.1119843278302754e-06,0.676,0.852,230.96,2022-09-19,houston smm food,0,172.73556132937583,167.64644198801398,1.926258850940892,0.0,0.0,1.3875541639754985,0.00013689503861738367,0.5554921326693617,1.2196772987374858,172.73556132937583 +0.0,0.9520000000000001,0.0,0.868,1.8533072130504591e-06,0.0,0.789,89.71,2022-09-19,indianapolis smm food,0,93.52382800824165,89.02123497580452,0.0,1.5480310200873433,0.0,1.8248439611071705,0.0002281583976956395,0.0,1.1294898928449253,93.52382800824165 +0.849,0.0,0.748,0.0,2.471076284067279e-07,0.0,0.504,87.04,2022-09-19,jacksonville smm food,0,89.44558668713657,86.29988999004563,1.640314708574541,0.0,0.7838523202562253,0.0,3.042111969275193e-05,0.0,0.7214992471404845,89.44558668713657 +0.669,0.783,0.885,0.0,8.648766994235475e-07,0.926,0.507,101.65,2022-09-19,kansas city smm food,0,85.47371313763932,80.49370051161102,1.2925448056965465,1.273222992361754,0.9274188548486089,0.0,0.00010647391892463176,0.7609256136861374,0.7257938855163207,85.47371313763932 +0.637,0.869,0.538,0.0,6.177690710168197e-07,0.532,0.0,71.38,2022-09-19,knoxville smm food,0,73.04782889204142,69.4030183864474,1.230719045184903,1.4130661307309886,0.5637868292751995,0.0,7.605279923187984e-05,0.4371624476036988,0.0,73.04782889204142 +0.536,0.794,0.498,0.0,3.706614426100918e-07,0.0,0.0,60.34,2022-09-19,las vegas smm food,0,75.92459108547871,73.0759844669223,1.0355814885700283,1.2911099054089816,0.5218695928978613,0.0,4.5631679539127894e-05,0.0,0.0,75.92459108547871 +0.779,0.0,0.0,0.0,0.0,0.77,0.0,54.22,2022-09-19,little rock/pine bluff smm food,0,59.84137713497927,57.70357115599228,1.505070857455321,0.0,0.0,0.0,0.0,0.6327351215316693,0.0,59.84137713497927 +0.894,0.0,0.0,0.0,2.471076284067279e-06,0.9350000000000002,0.66,172.88,2022-09-19,los angeles smm food,0,157.41727925186137,153.9765761946837,1.7272571842940398,0.0,0.0,0.0,0.00030421119692751935,0.7683212190027414,0.9448204426839679,157.41727925186137 +0.636,0.0,0.519,0.0,1.2355381420336394e-07,0.78,0.888,69.42,2022-09-19,madison wi smm food,0,56.10402904091615,52.419185278171575,1.2287869901689141,0.0,0.5438761419959639,0.0,1.5210559846375966e-05,0.6409524607723404,1.2712129592475203,56.10402904091616 +0.769,0.8280000000000001,0.0,0.0,3.2123991692874624e-06,0.0,0.507,145.32,2022-09-19,miami/west palm beach smm food,0,187.680150731006,184.12181433608328,1.4857503072954323,1.3463967275549582,0.0,0.0,0.00039547455600577515,0.0,0.7257938855163207,187.680150731006 +0.0,0.87,0.0,0.805,1.976861027253823e-06,0.6960000000000001,0.0,60.53,2022-09-19,milwaukee smm food,0,71.83243048296052,68.15317248002567,0.0,1.4146922137352822,0.0,1.6923956090913277,0.00024336895754201545,0.5719268111507038,0.0,71.83243048296053 +0.72,0.0,0.6920000000000001,0.0,1.2355381420336394e-06,0.0,0.6990000000000001,55.89,2022-09-19,minneapolis/st. paul smm food,0,88.8677730978894,85.75072244988117,1.3910796115119783,0.0,0.7251681893279519,0.0,0.00015210559846375968,0.0,1.0006507415698387,88.8677730978894 +0.0,0.611,0.905,0.0,1.2355381420336394e-07,0.661,0.0,81.35,2022-09-19,mobile/pensacola smm food,0,69.95153039923325,67.46643487620449,0.0,0.9935367156232844,0.948377473037278,0.0,1.5210559846375966e-05,0.543166123808355,0.0,69.95153039923325 +0.889,0.0,0.0,0.0,3.706614426100918e-07,0.5680000000000001,0.738,70.82,2022-09-19,nashville smm food,0,98.71303638895486,95.47216793873541,1.7175969092140955,0.0,0.0,0.0,4.5631679539127894e-05,0.46674486887011457,1.0564810404557095,98.71303638895486 +0.0,0.0,0.0,0.0,4.942152568134558e-07,0.81,0.0,55.7,2022-09-19,new orleans smm food,0,60.21528263702102,59.54961731628727,0.0,0.0,0.0,0.0,6.084223938550386e-05,0.6656044784943534,0.0,60.215282637021005 +0.589,0.0,0.0,0.655,2.9652915408807343e-06,0.749,0.0,309.71,2022-09-19,new york smm food,0,293.29263214172585,290.1617655847399,1.1379804044174378,0.0,0.0,1.377042390005987,0.00036505343631302315,0.6154787091262601,0.0,293.2926321417259 +0.0,0.7020000000000001,0.0,0.611,2.471076284067279e-07,0.497,0.0,109.13,2022-09-19,norfolk/portsmouth/newport news smm food,0,105.14442047805417,102.30993924858487,0.0,1.1415102690139864,0.0,1.284538779074287,3.042111969275193e-05,0.40840176026135017,0.0,105.14442047805419 +0.712,0.792,0.0,0.0,8.648766994235475e-07,0.66,0.0,56.17,2022-09-19,oklahoma city smm food,0,56.815175894559246,53.609244119971564,1.3756231713840674,1.287857739400395,0.0,0.0,0.00010647391892463176,0.542344389884288,0.0,56.81517589455924 +0.922,0.948,0.0,0.875,4.942152568134558e-07,0.9070000000000001,0.883,89.84,2022-09-19,omaha smm food,0,68.0481004474847,60.87622985001895,1.7813547247417278,1.5415266880701695,0.0,1.8395604446644864,6.084223938550386e-05,0.7453126691288625,1.2640552286211266,68.04810044748471 +0.882,0.741,0.64,0.0,7.413228852201836e-07,0.0,0.0,142.55,2022-09-19,orlando/daytona beach/melborne smm food,0,136.19514924254221,132.61538216686213,1.7040725241021735,1.20492750618143,0.6706757820374121,0.0,9.126335907825579e-05,0.0,0.0,136.19514924254221 +0.0,0.6930000000000001,0.0,0.514,6.177690710168197e-07,0.0,0.748,23.86,2022-09-19,paducah ky/cape girardeau mo smm food,0,58.837616573383194,55.55925813283435,0.0,1.1268755219753455,0.0,1.080610364065767,7.605279923187984e-05,0.0,1.0707965017084968,58.837616573383194 +0.0,0.5060000000000001,0.894,0.6960000000000001,2.2239686556605507e-06,0.65,0.794,202.27,2022-09-19,philadelphia smm food,0,204.63168327178903,199.7377476378349,0.0,0.8227980001724746,0.93685023303351,1.4632389365559801,0.00027379007723476735,0.534127050643617,1.136647623471319,204.63168327178903 +0.0,0.0,0.908,0.6960000000000001,9.884305136269115e-07,0.0,0.0,99.06,2022-09-19,phoenix/prescott smm food,0,119.39784300626755,116.98296111946722,0.0,0.0,0.9515212657655784,1.4632389365559801,0.00012168447877100773,0.0,0.0,119.39784300626755 +0.0,0.978,0.0,0.0,4.942152568134558e-07,0.0,0.536,117.39,2022-09-19,pittsburgh smm food,0,106.90991109243215,104.55223234884438,0.0,1.5903091781989724,0.0,0.0,6.084223938550386e-05,0.0,0.7673087231494042,106.90991109243214 +0.0,0.902,0.966,0.739,3.706614426100918e-07,0.9619999999999999,0.0,75.32,2022-09-19,portland or smm food,0,91.71953146694746,86.8963094792362,0.0,1.4667268698726719,1.012301258512719,1.5536401926937777,4.5631679539127894e-05,0.790508034952553,0.0,91.71953146694746 +0.711,0.0,0.618,0.669,4.942152568134558e-07,0.781,0.542,116.53,2022-09-19,providence ri/new bedford ma smm food,0,88.09382717016067,83.24830635780522,1.3736911163680785,0.0,0.647621302029876,1.4064753571206188,6.084223938550386e-05,0.6417741946964075,0.7758979999010767,88.09382717016067 +0.0,0.0,0.0,0.0,2.471076284067279e-07,0.0,0.0,134.6,2022-09-19,raleigh/durham/fayetteville smm food,0,125.33020319722105,125.33017277610136,0.0,0.0,0.0,0.0,3.042111969275193e-05,0.0,0.0,125.33020319722105 +0.0,0.0,0.0,0.0,2.7181839124740066e-06,0.91,0.0,256.33,2022-09-19,rem us east north central smm food,0,307.20178520534256,306.4536727021249,0.0,0.0,0.0,0.0,0.00033463231662027125,0.7477778709010637,0.0,307.20178520534256 +0.611,0.672,0.6,0.892,1.1119843278302754e-06,0.0,0.0,154.28,2022-09-19,rem us middle atlantic smm food,0,135.57743257221117,130.80002326169728,1.1804856147691927,1.0927277788851835,0.6287585456600738,1.875300476160825,0.00013689503861738367,0.0,0.0,135.57743257221117 +0.683,0.742,0.0,0.616,2.7181839124740066e-06,0.0,0.0,184.85,2022-09-19,rem us mountain smm food,0,177.77904388152777,173.95751153106124,1.3195935759203907,1.2065535891857233,0.0,1.2950505530437983,0.00033463231662027125,0.0,0.0,177.77904388152777 +0.0,0.0,0.0,0.0,8.648766994235475e-07,0.0,0.857,173.31,2022-09-19,rem us new england smm food,0,149.44857211633683,148.221630613054,0.0,0.0,0.0,0.0,0.00010647391892463176,0.0,1.2268350293638794,149.4485721163368 +0.878,0.591,0.882,0.89,1.729753398847095e-06,0.0,0.0,126.68000000000002,2022-09-19,rem us pacific smm food,0,110.56658733811925,105.11364420201244,1.696344304038218,0.9610150555374157,0.9242750621203085,1.8710957665730206,0.00021294783784926353,0.0,0.0,110.56658733811925 +0.999,0.0,0.547,0.909,3.5830606118975546e-06,0.501,0.0,244.20999999999998,2022-09-19,rem us south atlantic smm food,0,288.50674183509784,283.6802303568146,1.9301229609728698,0.0,0.5732182074601007,1.9110405076571637,0.00044110623554490306,0.4116886959576186,0.0,288.5067418350979 +0.5720000000000001,0.536,0.523,0.852,5.930583081761469e-06,0.657,0.862,498.40000000000003,2022-09-19,rem us south central smm food,0,405.5219215257067,399.4313293612464,1.1051354691456274,0.8715804903012774,0.5480678656336977,1.791206284404734,0.0007301068726260463,0.5398791881120867,1.2339927599902731,405.5219215257067 +0.865,0.0,0.0,0.0,2.8417377266773707e-06,0.0,0.896,141.49,2022-09-19,rem us west north central smm food,0,128.90877124248462,125.95452848252805,1.6712275888303627,0.0,0.0,0.0,0.00034984287646664725,0.0,1.2826653282497502,128.90877124248462 +0.0,0.0,0.738,0.925,2.471076284067279e-07,0.0,0.0,105.62,2022-09-19,richmond/petersburg smm food,0,88.78617545471066,86.06809383806947,0.0,0.0,0.7733730111618907,1.9446781843596,3.042111969275193e-05,0.0,0.0,88.78617545471066 +0.779,0.9210000000000002,0.912,0.716,1.729753398847095e-06,0.0,0.656,75.27,2022-09-19,sacramento/stockton/modesto smm food,0,77.9900811802377,71.58708164797008,1.505070857455321,1.4976224469542472,0.9557129894033122,1.5052860324340254,0.00021294783784926353,0.0,0.939094258182853,77.9900811802377 +0.0,0.751,0.776,0.65,1.729753398847095e-06,0.559,0.0,39.59,2022-09-19,salt lake city smm food,0,87.58528462152375,83.72480907215119,0.0,1.2211883362243643,0.8131943857203622,1.3665306160364756,0.00021294783784926353,0.45934926355351063,0.0,87.58528462152375 +0.0,0.687,0.9560000000000002,0.897,7.413228852201836e-07,0.544,0.0,76.21,2022-09-19,san diego smm food,0,83.16618069226618,78.71431295071628,0.0,1.117119023949585,1.0018219494183844,1.8858122501303365,9.126335907825579e-05,0.44702325469250404,0.0,83.16618069226617 +0.892,0.71,0.0,0.0,1.4826457704403671e-06,0.0,0.0,129.93,2022-09-19,san francisco/oakland/san jose smm food,0,91.75400758144804,88.87591304741949,1.723393074262062,1.1545189330483336,0.0,0.0,0.00018252671815651157,0.0,0.0,91.75400758144804 +0.0,0.0,0.948,0.0,2.100414841457187e-06,0.0,0.8280000000000001,111.99,2022-09-19,seattle/tacoma smm food,0,90.92377377919485,88.74475650580376,0.0,0.0,0.9934385021429166,0.0,0.00025857951738839145,0.0,1.185320191730796,90.92377377919486 +0.557,0.5730000000000001,0.0,0.548,3.706614426100918e-07,0.635,0.9570000000000001,106.01,2022-09-19,st. louis smm food,0,92.75592047813993,87.70409353036166,1.0761546439057945,0.9317455614601342,0.0,1.1520904270584442,4.5631679539127894e-05,0.5218010417826104,1.3699896418917534,92.75592047813994 +0.0,0.0,0.679,0.558,1.2355381420336394e-06,0.635,0.556,160.56,2022-09-19,tampa/ft. myers smm food,0,176.45775547630248,173.25520362076367,0.0,0.0,0.7115450875053169,1.1731139749974668,0.00015210559846375968,0.5218010417826104,0.795939645654979,176.4577554763025 +0.81,0.897,0.0,0.0,3.706614426100918e-07,0.0,0.0,75.07,2022-09-19,tucson/sierra vista smm food,0,66.34585329390188,63.32224664442017,1.5649645629509756,1.4585964548512047,0.0,0.0,4.5631679539127894e-05,0.0,0.0,66.34585329390188 +0.519,0.909,0.613,0.0,2.8417377266773707e-06,0.669,0.0,186.8,2022-09-19,washington dc/hagerstown smm food,0,176.69469367342077,173.02137618365978,1.0027365532982178,1.478109450902726,0.6423816474827088,0.0,0.00034984287646664725,0.5497399952008919,0.0,176.6946936734208 +0.0,0.855,0.0,0.0,0.0,0.53,0.0,77.54,2022-09-19,yakima/pasco/richland/kennewick smm food,0,55.34276231533579,53.51694236690935,0.0,1.3903009686708807,0.0,0.0,0.0,0.4355189797555646,0.0,55.34276231533579 +0.0,0.0,0.0,0.0,2.471076284067279e-07,0.0,0.857,62.07,2022-09-26,albany/schenectady/troy smm food,0,83.58373389131435,82.35686844083078,0.0,0.0,0.0,0.0,3.042111969275193e-05,0.0,1.2268350293638794,83.58373389131435 +0.0,0.0,0.704,0.0,2.471076284067279e-07,0.0,0.766,50.1,2022-09-26,albuquerque/santa fe smm food,0,72.6264674750372,70.79212936171284,0.0,0.0,0.7377433602411533,0.0,3.042111969275193e-05,0.0,1.096564331963514,72.6264674750372 +0.0,0.6960000000000001,0.0,0.582,1.729753398847095e-06,0.8210000000000001,0.719,200.29,2022-09-26,atlanta smm food,0,169.30699326469488,165.2475308400832,0.0,1.131753770988226,0.0,1.2235704900511213,0.00021294783784926353,0.6746435516590916,1.0292816640754134,169.30699326469488 +0.786,0.0,0.636,0.9700000000000001,8.648766994235475e-07,0.0,0.0,134.3,2022-09-26,baltimore smm food,0,109.50483111518707,105.28036119021601,1.518595242567243,0.0,0.6664840583996783,2.0392841500852024,0.00010647391892463176,0.0,0.0,109.50483111518706 +0.89,0.844,0.712,0.8180000000000001,0.0,0.926,0.773,92.16,2022-09-26,baton rouge smm food,0,58.05354872075098,50.62824190344196,1.7195289642300844,1.372414055623653,0.7461268075166209,1.7197262214120572,0.0,0.7609256136861374,1.1065851548404655,58.05354872075098 +0.0,0.898,0.0,0.723,3.706614426100918e-07,0.0,0.918,46.49,2022-09-26,birmingham/anniston/tuscaloosa smm food,0,66.56994693208722,62.27551690355495,0.0,1.4602225378554983,0.0,1.5200025159913413,4.5631679539127894e-05,0.0,1.3141593430058827,66.56994693208722 +0.0,0.547,0.0,0.0,6.177690710168197e-07,0.0,0.0,198.18,2022-09-26,boston/manchester smm food,0,184.23383482230417,183.34429136615643,0.0,0.889467403348505,0.0,0.0,7.605279923187984e-05,0.0,0.0,184.23383482230417 +0.8210000000000001,0.0,0.9980000000000001,0.878,1.2355381420336394e-07,0.0,0.0,72.65,2022-09-26,buffalo smm food,0,68.44112824313089,63.96319330778341,1.586217168126853,0.0,1.0458350476145895,1.8458675090461933,1.5210559846375966e-05,0.0,0.0,68.44112824313089 +0.973,0.9210000000000002,0.778,0.995,6.177690710168197e-07,0.0,0.757,136.64,2022-09-26,charlotte smm food,0,134.4692869807234,127.1008852661048,1.8798895305571595,1.4976224469542472,0.8152902475392291,2.091843019932759,7.605279923187984e-05,0.0,1.0836804168360055,134.46928698072344 +0.8240000000000001,0.8200000000000001,0.0,0.0,9.884305136269115e-07,0.9339999999999999,0.891,181.55,2022-09-26,chicago smm food,0,182.09138586172728,177.12285569785104,1.5920133331748196,1.3333880635206108,0.0,0.0,0.00012168447877100773,0.7674994850786742,1.2755075976233565,182.09138586172728 +0.0,0.774,0.0,0.557,6.177690710168197e-07,0.0,0.0,100.51,2022-09-26,cleveland/akron/canton smm food,0,133.52075056856484,131.09107465023894,0.0,1.2585882453231132,0.0,1.1710116202035645,7.605279923187984e-05,0.0,0.0,133.52075056856484 +0.9630000000000002,0.0,0.516,0.0,7.413228852201836e-07,0.713,0.522,139.68,2022-09-26,columbus oh smm food,0,107.65529064792423,103.92073468964487,1.8605689803972714,0.0,0.5407323492676634,0.0,9.126335907825579e-05,0.5858962878598444,0.7472670773955019,107.65529064792423 +0.0,0.515,0.592,0.0,9.884305136269115e-07,0.527,0.0,115.81,2022-09-26,dallas/ft. worth smm food,0,107.16814048937638,105.27715718131851,0.0,0.8374327472111154,0.6203750983846061,0.0,0.00012168447877100773,0.4330537779833633,0.0,107.16814048937637 +0.0,0.9899999999999999,0.0,0.625,6.177690710168197e-07,0.0,0.0,24.86,2022-09-26,des moines/ames smm food,0,65.33216733702444,62.408297363785806,0.0,1.6098221742504932,0.0,1.3139717461889189,7.605279923187984e-05,0.0,0.0,65.33216733702444 +0.9840000000000001,0.0,0.0,0.0,1.976861027253823e-06,0.0,0.93,187.13,2022-09-26,detroit smm food,0,163.55564645414023,160.32292305294044,1.9011421357330371,0.0,0.0,0.0,0.00024336895754201545,0.0,1.3313378965092275,163.55564645414026 +0.8160000000000001,0.509,0.0,0.833,6.177690710168197e-07,0.735,0.0,105.88,2022-09-26,grand rapids smm food,0,114.77511148114398,110.01556630860257,1.576556893046909,0.8276762491853548,0.0,1.751261543320591,7.605279923187984e-05,0.6039744341893207,0.0,114.77511148114398 +0.545,0.67,0.496,0.0,2.471076284067279e-07,0.0,0.0,66.88,2022-09-26,greensboro smm food,0,86.23149300466102,83.56924325587181,1.0529699837139281,1.0894756128765968,0.5197737310789944,0.0,3.042111969275193e-05,0.0,0.0,86.23149300466102 +0.0,0.0,0.717,0.0,4.942152568134558e-07,0.999,0.558,91.2,2022-09-26,harrisburg/lancaster smm food,0,87.39624992696162,85.02510769460987,0.0,0.0,0.7513664620637882,0.0,6.084223938550386e-05,0.8209121901430358,0.7988027379055365,87.39624992696162 +0.0,0.0,0.6900000000000001,0.0,8.648766994235475e-07,0.664,0.721,83.21,2022-09-26,hartford/new haven smm food,0,114.9116851243949,112.61073024106035,0.0,0.0,0.7230723275090849,0.0,0.00010647391892463176,0.5456313255805564,1.032144756325971,114.9116851243949 +0.941,0.0,0.0,0.793,8.648766994235475e-07,0.0,0.77,209.98,2022-09-26,houston smm food,0,172.23407010000753,167.64644198801398,1.818063770045516,0.0,0.0,1.6671673515645002,0.00010647391892463176,0.0,1.1022905164646293,172.23407010000756 +0.0,0.0,0.668,0.856,1.729753398847095e-06,0.0,0.732,102.81,2022-09-26,indianapolis smm food,0,92.5689732384283,89.02123497580452,0.0,0.0,0.7000178475015488,1.7996157035803433,0.00021294783784926353,0.0,1.047891763704037,92.5689732384283 +0.0,0.612,0.554,0.837,2.471076284067279e-07,0.926,0.917,60.56,2022-09-26,jacksonville smm food,0,91.70896130668197,86.29988999004563,0.0,0.9951627986275778,0.5805537238261349,1.7596709624962001,3.042111969275193e-05,0.7609256136861374,1.312727796880604,91.70896130668197 +0.665,0.0,0.0,0.0,7.413228852201836e-07,0.678,0.0,81.26,2022-09-26,kansas city smm food,0,82.33574396112019,80.49370051161102,1.284816585632591,0.0,0.0,0.0,9.126335907825579e-05,0.5571356005174959,0.0,82.33574396112019 +0.597,0.933,0.647,0.0,3.706614426100918e-07,0.0,0.0,61.42,2022-09-26,knoxville smm food,0,72.75164760408148,69.4030183864474,1.1534368445453487,1.5171354430057682,0.6780112984034463,0.0,4.5631679539127894e-05,0.0,0.0,72.7516476040815 +0.786,0.0,0.0,0.0,7.413228852201836e-07,0.981,0.0,98.16,2022-09-26,las vegas smm food,0,75.40079195235845,73.0759844669223,1.518595242567243,0.0,0.0,0.0,9.126335907825579e-05,0.806120979509828,0.0,75.40079195235846 +0.0,0.0,0.618,0.0,1.2355381420336394e-07,0.0,0.9759999999999999,46.27,2022-09-26,little rock/pine bluff smm food,0,59.74839668685405,57.70357115599228,0.0,0.0,0.647621302029876,0.0,1.5210559846375966e-05,0.0,1.3971890182720492,59.74839668685405 +0.617,0.8270000000000001,0.681,0.767,9.884305136269115e-07,0.0,0.867,149.94,2022-09-26,los angeles smm food,0,160.08084403544217,153.9765761946837,1.1920779448651257,1.3447706445506649,0.7136409493241839,1.6125061269230412,0.00012168447877100773,0.0,1.2411504906166668,160.08084403544217 +0.0,0.0,0.53,0.909,1.3590919562370033e-06,0.555,0.0,47.13,2022-09-26,madison wi smm food,0,55.34185881184401,52.419185278171575,0.0,0.0,0.5554033819997319,1.9110405076571637,0.00016731615831013563,0.4560623278572422,0.0,55.34185881184402 +0.0,0.0,0.511,0.784,2.471076284067279e-07,0.0,0.648,163.59,2022-09-26,miami/west palm beach smm food,0,187.23322549952348,184.12181433608328,0.0,0.0,0.5354926947204962,1.64824615841938,3.042111969275193e-05,0.0,0.927641889180623,187.23322549952346 +0.636,0.719,0.804,0.716,1.4826457704403671e-06,0.547,0.964,73.64,2022-09-26,milwaukee smm food,0,74.72861708185167,68.15317248002567,1.2287869901689141,1.1691536800869746,0.8425364511844989,1.5052860324340254,0.00018252671815651157,0.44948845646470537,1.3800104647687046,74.72861708185165 +0.765,0.0,0.757,0.0,1.4826457704403671e-06,0.0,0.619,75.94,2022-09-26,minneapolis/st. paul smm food,0,88.90833781381947,85.75072244988117,1.4780220872314769,0.0,0.7932836984411265,0.0,0.00018252671815651157,0.0,0.8861270515475396,88.90833781381947 +0.507,0.0,0.0,0.54,1.2355381420336394e-07,0.9840000000000001,0.719,75.56,2022-09-26,mobile/pensacola smm food,0,71.41914141393535,67.46643487620449,0.9795518931063514,0.0,0.0,1.135271588707226,1.5210559846375966e-05,0.8085861812820294,1.0292816640754134,71.41914141393535 +0.5060000000000001,0.611,0.912,0.0,3.706614426100918e-07,0.0,0.0,131.2,2022-09-26,nashville smm food,0,98.3990831135319,95.47216793873541,0.9776198380903628,0.9935367156232844,0.9557129894033122,0.0,4.5631679539127894e-05,0.0,0.0,98.3990831135319 +0.0,0.0,0.0,0.0,0.0,0.661,0.0,52.38,2022-09-26,new orleans smm food,0,60.09278344009563,59.54961731628727,0.0,0.0,0.0,0.0,0.0,0.543166123808355,0.0,60.09278344009562 +0.0,0.0,0.515,0.0,2.347522469863915e-06,0.0,0.846,311.61,2022-09-26,new york smm food,0,291.91282702572096,290.1617655847399,0.0,0.0,0.53968441835823,0.0,0.00028900063708114335,0.0,1.2110880219858133,291.912827025721 +0.651,0.0,0.993,0.0,2.471076284067279e-07,0.0,0.0,127.59,2022-09-26,norfolk/portsmouth/newport news smm food,0,104.60833287818073,102.30993924858487,1.257767815408747,0.0,1.040595393067422,0.0,3.042111969275193e-05,0.0,0.0,104.60833287818073 +0.0,0.0,0.0,0.618,2.471076284067279e-07,0.0,0.6930000000000001,74.01,2022-09-26,oklahoma city smm food,0,55.90059126854102,53.609244119971564,0.0,0.0,0.0,1.299255262631603,3.042111969275193e-05,0.0,0.9920614648181663,55.90059126854103 +0.78,0.0,0.0,0.645,2.471076284067279e-07,0.0,0.0,57.32,2022-09-26,omaha smm food,0,63.73928202567691,60.87622985001895,1.5070029124713098,0.0,0.0,1.3560188420669643,3.042111969275193e-05,0.0,0.0,63.73928202567692 +0.5660000000000001,0.0,0.619,0.0,1.6061995846437312e-06,0.617,0.993,77.41,2022-09-26,orlando/daytona beach/melborne smm food,0,136.28632740968033,132.61538216686213,1.0935431390496941,0.0,0.6486692329393094,0.0,0.00019773727800288758,0.5070098311494026,1.421525302401788,136.28632740968033 +0.0,0.0,0.85,0.6,1.2355381420336394e-07,0.0,0.0,61.870000000000005,2022-09-26,paducah ky/cape girardeau mo smm food,0,57.711427492754005,55.55925813283435,0.0,0.0,0.8907412730184379,1.2614128763413621,1.5210559846375966e-05,0.0,0.0,57.711427492754 +0.0,0.0,0.8270000000000001,0.501,2.347522469863915e-06,0.678,0.0,193.59,2022-09-26,philadelphia smm food,0,202.215090852836,199.7377476378349,0.0,0.0,0.8666388621014685,1.0532797517450374,0.00028900063708114335,0.5571356005174959,0.0,202.21509085283597 +0.593,0.0,0.0,0.0,1.2355381420336394e-06,0.0,0.887,112.65000000000002,2022-09-26,phoenix/prescott smm food,0,119.39860326266931,116.98296111946722,1.1457086244813932,0.0,0.0,0.0,0.00015210559846375968,0.0,1.2697814131222416,119.39860326266931 +0.0,0.9470000000000001,0.795,0.0,2.471076284067279e-07,0.843,0.522,71.13,2022-09-26,pittsburgh smm food,0,108.36525722341362,104.55223234884438,0.0,1.5399006050658761,0.8331050729995978,0.0,3.042111969275193e-05,0.6927216979885678,0.7472670773955019,108.36525722341362 +0.0,0.759,0.0,0.6980000000000001,2.471076284067279e-07,0.553,0.0,82.56,2022-09-26,portland or smm food,0,90.05239940676748,86.8963094792362,0.0,1.2341970002587117,0.0,1.4674436461437848,3.042111969275193e-05,0.45441886000910797,0.0,90.05239940676749 +0.0,0.0,0.794,0.717,0.0,0.49900000000000005,0.0,71.93,2022-09-26,providence ri/new bedford ma smm food,0,85.9977971152328,83.24830635780522,0.0,0.0,0.8320571420901643,1.5073883872279277,0.0,0.41004522810948446,0.0,85.9977971152328 +0.666,0.652,0.746,0.655,2.471076284067279e-07,0.5060000000000001,0.88,100.97,2022-09-26,raleigh/durham/fayetteville smm food,0,131.51151476093554,125.33017277610136,1.28674864064858,1.060206118799315,0.7817564584373584,1.377042390005987,3.042111969275193e-05,0.4157973655779542,1.2597605902452904,131.51151476093554 +0.0,0.979,0.632,0.0,3.5830606118975546e-06,0.965,0.521,307.78,2022-09-26,rem us east north central smm food,0,310.24715017232063,306.4536727021249,0.0,1.5919352612032658,0.6622923347619444,0.0,0.00044110623554490306,0.7929732367247544,0.7458355312702232,310.24715017232063 +0.5640000000000001,0.0,0.0,0.772,1.2355381420336394e-06,0.0,0.889,157.65,2022-09-26,rem us middle atlantic smm food,0,134.7855168025788,130.80002326169728,1.0896790290177165,0.0,0.0,1.6230179008925527,0.00015210559846375968,0.0,1.272644505372799,134.7855168025788 +0.0,0.0,0.0,0.937,5.3128140107446495e-06,0.625,0.588,148.48,2022-09-26,rem us mountain smm food,0,177.2834048512269,173.95751153106124,0.0,0.0,0.0,1.9699064418864274,0.0006540540733941666,0.5135837025419394,0.8417491216638986,177.2834048512269 +0.858,0.0,0.78,0.0,9.884305136269115e-07,0.0,0.9440000000000001,127.82,2022-09-26,rem us new england smm food,0,152.04822115287246,148.221630613054,1.6577032037184407,0.0,0.817386109358096,0.0,0.00012168447877100773,0.0,1.3513795422631298,152.04822115287243 +0.0,0.0,0.0,0.784,1.2355381420336394e-06,0.0,0.0,121.97999999999999,2022-09-26,rem us pacific smm food,0,106.76204246603028,105.11364420201244,0.0,0.0,0.0,1.64824615841938,0.00015210559846375968,0.0,0.0,106.76204246603028 +0.0,0.0,0.637,0.615,5.3128140107446495e-06,0.0,0.0,295.35,2022-09-26,rem us south atlantic smm food,0,285.641364598447,283.6802303568146,0.0,0.0,0.6675319893091117,1.2929481982498963,0.0006540540733941666,0.0,0.0,285.641364598447 +0.0,0.0,0.0,0.936,5.3128140107446495e-06,0.0,0.74,482.6600000000001,2022-09-26,rem us south central smm food,0,402.45913163511864,399.4313293612464,0.0,0.0,0.0,1.967804087092525,0.0006540540733941666,0.0,1.059344132706267,402.4591316351186 +0.682,0.0,0.577,0.874,2.471076284067279e-06,0.0,0.9530000000000001,135.29,2022-09-26,rem us west north central smm food,0,131.0788718966337,125.95452848252805,1.3176615209044018,0.0,0.6046561347431043,1.8374580898705841,0.00030421119692751935,0.0,1.3642634573906385,131.0788718966337 +0.0,0.926,0.79,0.986,1.2355381420336394e-07,0.865,0.767,92.25,2022-09-26,richmond/petersburg smm food,0,92.28344487825193,86.06809383806947,0.0,1.5057528619757141,0.8278654184524306,2.0729218267876384,1.5210559846375966e-05,0.7107998443180441,1.0979958780887928,92.28344487825194 +0.932,0.0,0.591,0.654,1.1119843278302754e-06,0.8310000000000001,0.0,98.07,2022-09-26,sacramento/stockton/modesto smm food,0,76.06502191149735,71.58708164797008,1.8006752749016164,0.0,0.6193271674751727,1.3749400352120849,0.00013689503861738367,0.6828608908997627,0.0,76.06502191149734 +0.9560000000000002,0.544,0.0,0.775,1.3590919562370033e-06,0.0,0.0,92.91,2022-09-26,salt lake city smm food,0,88.08593510320475,83.72480907215119,1.8470445952853494,0.8845891543356248,0.0,1.6293249652742594,0.00016731615831013563,0.0,0.0,88.08593510320473 +0.0,0.622,0.0,0.0,3.706614426100918e-07,0.0,0.561,89.35,2022-09-26,san diego smm food,0,80.52887958734769,78.71431295071628,0.0,1.011423628670512,0.0,0.0,4.5631679539127894e-05,0.0,0.8030973762813728,80.5288795873477 +0.0,0.623,0.925,0.861,4.942152568134558e-07,0.633,0.0,68.49,2022-09-26,san francisco/oakland/san jose smm food,0,93.18864474404396,88.87591304741949,0.0,1.0130497116748054,0.9693360912259472,1.8101274775498546,6.084223938550386e-05,0.5201575739344761,0.0,93.18864474404396 +0.9840000000000001,0.8,0.898,0.775,2.100414841457187e-06,0.671,0.537,81.61,2022-09-26,seattle/tacoma smm food,0,95.83751427875814,88.74475650580376,1.9011421357330371,1.3008664034347424,0.9410419566712438,1.6293249652742594,0.00025857951738839145,0.5513834630490262,0.768740269274683,95.83751427875815 +0.773,0.543,0.0,0.723,9.884305136269115e-07,0.0,0.754,90.58,2022-09-26,st. louis smm food,0,92.68004510798266,87.70409353036166,1.4934785273593878,0.8829630713313313,0.0,1.5200025159913413,0.00012168447877100773,0.0,1.0793857784601693,92.68004510798266 +0.0,0.0,0.0,0.595,7.413228852201836e-07,0.0,0.0,166.47,2022-09-26,tampa/ft. myers smm food,0,174.5061959864946,173.25520362076367,0.0,0.0,0.0,1.2509011023718508,9.126335907825579e-05,0.0,0.0,174.5061959864946 +0.0,0.561,0.892,0.966,0.0,0.0,0.0,91.38,2022-09-26,tucson/sierra vista smm food,0,67.20010831195302,63.32224664442017,0.0,0.9122325654086131,0.9347543712146431,2.030874730909593,0.0,0.0,0.0,67.20010831195302 +0.0,0.0,0.79,0.9470000000000001,2.347522469863915e-06,0.0,0.0,157.5,2022-09-26,washington dc/hagerstown smm food,0,175.84046059257474,173.02137618365978,0.0,0.0,0.8278654184524306,1.99092998982545,0.00028900063708114335,0.0,0.0,175.84046059257474 +0.9129999999999999,0.9560000000000002,0.543,0.647,0.0,0.853,0.723,9.87,2022-09-26,yakima/pasco/richland/kennewick smm food,0,60.500640869894596,53.51694236690935,1.763966229597828,1.5545353521045173,0.5690264838223669,1.360223551654769,0.0,0.7009390372292389,1.0350078485765284,60.500640869894596 +0.0,0.8240000000000001,0.0,0.9980000000000001,0.0020390258933321035,0.9059999999999999,0.0,98.04,2022-10-03,albany/schenectady/troy smm food,0,86.79042385451095,82.35686844083078,0.0,1.3398923955377846,0.0,2.098150084314466,0.2510219986231211,0.7444909352047953,0.0,86.79042385451095 +0.558,0.711,0.0,0.8130000000000001,0.003080748873639352,0.0,0.81,77.14,2022-10-03,albuquerque/santa fe smm food,0,76.27439513377824,70.79212936171284,1.0780866989217832,1.1561450160526272,0.0,1.7092144474425457,0.37926724817266616,0.0,1.1595523614757788,76.27439513377824 +0.0,0.56,0.0,0.909,0.0093167705750311,0.656,0.756,193.3,2022-10-03,atlanta smm food,0,170.83746045294396,165.2475308400832,0.0,0.9106064824043196,0.0,1.9110405076571637,1.1469762979005371,0.5390574541880195,1.0822488707107267,170.83746045294396 +0.8300000000000001,0.8210000000000001,0.7000000000000001,0.791,0.0037103469868280015,0.0,0.0,85.34,2022-10-03,baltimore smm food,0,111.07227158499602,105.28036119021601,1.603605663270753,1.3350141465249044,0.7335516366034195,1.6629626419766959,0.456776306404238,0.0,0.0,111.07227158499602 +0.0,0.59,0.0,0.526,0.0017336947655201824,0.0,0.0,72.37,2022-10-03,baton rouge smm food,0,52.90690255227604,50.62824190344196,0.0,0.9593889725331224,0.0,1.1058386215925942,0.2134330547083629,0.0,0.0,52.90690255227604 +0.0,0.501,0.919,0.706,0.004241519660545968,0.0,0.9280000000000002,51.39,2022-10-03,birmingham/anniston/tuscaloosa smm food,0,67.38813861167998,62.27551690355495,0.0,0.8146675851510073,0.9630485057693464,1.4842624844950028,0.5221683284509898,0.0,1.3284748042586703,67.38813861167996 +0.0,0.0,0.0,0.0,0.007354328277894808,0.0,0.8180000000000001,237.89,2022-10-03,boston/manchester smm food,0,185.42067850932705,183.34429136615643,0.0,0.0,0.0,0.0,0.9053824126925936,0.0,1.1710047304780087,185.42067850932702 +0.612,0.0,0.0,0.0,0.0026661393393171235,0.0,0.782,58.91,2022-10-03,buffalo smm food,0,66.59330522003275,63.96319330778341,1.1824176697851816,0.0,0.0,0.0,0.32822517249618227,0.0,1.1194690699679741,66.59330522003275 +0.861,0.0,0.0,0.0,0.0053532568807478365,0.0,0.6970000000000001,97.5,2022-10-03,charlotte smm food,0,130.42120523013915,127.1008852661048,1.6634993687664075,0.0,0.0,0.0,0.6590329459486808,0.0,0.9977876493192813,130.42120523013918 +0.0,0.9210000000000002,0.61,0.0,0.011288631379424112,0.0,0.964,194.15,2022-10-03,chicago smm food,0,182.02945614841397,177.12285569785104,0.0,1.4976224469542472,0.6392378547544083,0.0,1.3897296840855697,0.0,1.3800104647687046,182.02945614841397 +0.0,0.0,0.74,0.0,0.006331151960637627,0.0,0.686,130.52,2022-10-03,cleveland/akron/canton smm food,0,133.62800458544248,131.09107465023894,0.0,0.0,0.7754688729807577,0.0,0.779420420281588,0.0,0.9820406419412151,133.6280045854425 +0.0,0.858,0.0,0.0,0.0043821053680372654,0.882,0.0,107.86,2022-10-03,columbus oh smm food,0,106.580158892328,103.92073468964487,0.0,1.395179217683761,0.0,0.0,0.5394756639721887,0.7247693210271848,0.0,106.58015889232801 +0.0,0.0,0.0,0.724,0.011679058961230457,0.0,0.0,129.82,2022-10-03,dallas/ft. worth smm food,0,108.23705680109268,105.27715718131851,0.0,0.0,0.0,1.5221048707852436,1.4377947489889207,0.0,0.0,108.23705680109268 +0.631,0.0,0.0,0.0,0.0022021144570042598,0.0,0.905,56.160000000000004,2022-10-03,des moines/ames smm food,0,65.19407295566117,62.408297363785806,1.21912671508897,0.0,0.0,0.0,0.2710996334091404,0.0,1.295549243377259,65.19407295566117 +0.0,0.0,0.787,0.0,0.006677048276728797,0.523,0.0,163.49,2022-10-03,detroit smm food,0,162.39941481615676,160.32292305294044,0.0,0.0,0.8247216257241302,0.0,0.8220032952051084,0.4297668422870949,0.0,162.39941481615676 +0.0,0.589,0.9059999999999999,0.496,0.0033380533983322835,0.0,0.941,137.86,2022-10-03,grand rapids smm food,0,114.72355117911046,110.01556630860257,0.0,0.9577628895288289,0.9494254039467114,1.042767977775526,0.41094369536953945,0.0,1.3470849038872934,114.72355117911047 +0.0,0.847,0.56,0.0,0.0031362801354330536,0.0,0.986,59.53,2022-10-03,greensboro smm food,0,87.33098498361153,83.56924325587181,0.0,1.3772923046365333,0.5868413092827356,0.0,0.3861036342956198,0.0,1.4115044795248368,87.33098498361153 +0.0,0.856,0.0,0.0,0.0031430978349007953,0.609,0.0,102.38,2022-10-03,harrisburg/lancaster smm food,0,87.30441365902985,85.02510769460987,0.0,1.391927051675174,0.0,0.0,0.3869429529879428,0.5004359597568657,0.0,87.30441365902985 +0.0,0.0,0.0,0.706,0.0034956450528105323,0.0,0.0,134.39,2022-10-03,hartford/new haven smm food,0,114.52533733790335,112.61073024106035,0.0,0.0,0.0,1.4842624844950028,0.4303446123479936,0.0,0.0,114.52533733790335 +0.923,0.505,0.646,0.0,0.010021631494141729,0.0,0.0,167.6,2022-10-03,houston smm food,0,172.1616149210964,167.64644198801398,1.7832867797577168,0.821171917168181,0.6769633674940129,0.0,1.233750868662529,0.0,0.0,172.16161492109643 +0.797,0.5760000000000001,0.66,0.539,0.005570500316723469,0.0,0.0,98.73,2022-10-03,indianapolis smm food,0,94.00828778938101,89.02123497580452,1.5398478477431206,0.9366238104730145,0.6916344002260812,1.1331692339133237,0.6857775212209652,0.0,0.0,94.00828778938103 +0.0,0.994,0.0,0.0,0.0031423243880238827,0.0,0.0,97.51,2022-10-03,jacksonville smm food,0,88.3030642311966,86.29988999004563,0.0,1.6163265062676673,0.0,0.0,0.38684773488330454,0.0,0.0,88.3030642311966 +0.0,0.894,0.0,0.0,0.004262581879253216,0.839,0.634,54.86,2022-10-03,kansas city smm food,0,84.06921499575637,80.49370051161102,0.0,1.4537182058383245,0.0,0.0,0.5247612725880016,0.6894347622922994,0.9076002434267206,84.06921499575637 +0.0,0.607,0.0,0.0,0.003059587811880742,0.776,0.974,76.36,2022-10-03,knoxville smm food,0,72.79870435673885,69.4030183864474,0.0,0.9870323836061107,0.0,0.0,0.37666213558777734,0.637665525076072,1.394325926021492,72.79870435673885 +0.0,0.587,0.0,0.73,0.002950736901567578,0.0,0.0,91.96,2022-10-03,las vegas smm food,0,75.92847582235433,73.0759844669223,0.0,0.954510723520242,0.0,1.5347189995486572,0.3632616323631201,0.0,0.0,75.92847582235433 +0.91,0.0,0.9000000000000001,0.8180000000000001,0.003343128989019758,0.591,0.0,57.40999999999999,2022-10-03,little rock/pine bluff smm food,0,63.02181855473599,57.70357115599228,1.7581700645498615,0.0,0.9431378184901108,1.7197262214120572,0.41156854516802865,0.48564474912365785,0.0,63.021818554735994 +0.0,0.0,0.884,0.0,0.019384895369457554,0.0,0.608,120.21000000000001,2022-10-03,los angeles smm food,0,158.1597780630256,153.9765761946837,0.0,0.0,0.9263709239391754,0.0,2.3864509002332572,0.0,0.8703800441694733,158.1597780630256 +0.0,0.54,0.8320000000000001,0.0,0.0014276952115734212,0.979,0.0,9.32,2022-10-03,madison wi smm food,0,55.14938795046519,52.419185278171575,0.0,0.8780848223184511,0.8718785166486358,0.0,0.1757618216648359,0.8044775116616938,0.0,55.14938795046519 +0.0,0.0,0.0,0.0,0.00526179246316937,0.0,0.5640000000000001,217.08,2022-10-03,miami/west palm beach smm food,0,185.5769792234461,184.12181433608328,0.0,0.0,0.0,0.0,0.6477728727056056,0.0,0.807392014657209,185.5769792234461 +0.0,0.676,0.961,0.0,0.0032202263034172454,0.0,0.0,52.38,2022-10-03,milwaukee smm food,0,70.65590433986563,68.15317248002567,0.0,1.0992321109023573,1.0070616039655516,0.0,0.39643814497204305,0.0,0.0,70.65590433986563 +0.732,0.0,0.8220000000000001,0.0,0.006452584355851119,0.582,0.735,136.05,2022-10-03,minneapolis/st. paul smm food,0,90.35119128984164,85.75072244988117,1.4142642717038445,0.0,0.8613992075543012,0.0,0.7943698148154017,0.4782491438070539,1.0521864020798732,90.35119128984164 +0.771,0.547,0.716,0.0,0.0028786753749716083,0.615,0.0,42.81,2022-10-03,mobile/pensacola smm food,0,71.45559181677434,67.46643487620449,1.4896144173274102,0.889467403348505,0.7503185311543548,0.0,0.3543902254383198,0.5053663633012684,0.0,71.45559181677434 +0.0,0.64,0.0,0.0,0.005695685041274317,0.846,0.908,123.63999999999999,2022-10-03,nashville smm food,0,99.20908070345439,95.47216793873541,0.0,1.0406931227477938,0.0,0.0,0.7011888604573132,0.6951868997607691,1.2998438817530953,99.20908070345438 +0.0,0.634,0.752,0.72,0.003068374959146885,0.0,0.0,69.48,2022-10-03,new orleans smm food,0,63.26003734711695,59.54961731628727,0.0,1.0309366247220333,0.7880440438939592,1.5136954516096346,0.3777439106040516,0.0,0.0,63.26003734711695 +0.0,0.0,0.0,0.707,0.021060955987266292,0.79,0.587,307.22,2022-10-03,new york smm food,0,295.7304064846705,290.1617655847399,0.0,0.0,0.0,1.486364839288905,2.592788685090081,0.6491698000130114,0.8403175755386199,295.73040648467054 +0.61,0.0,0.653,0.0,0.0029251933860191745,0.779,0.0,87.54,2022-10-03,norfolk/portsmouth/newport news smm food,0,105.17303942026687,102.30993924858487,1.1785535597532037,0.0,0.684298883860047,0.0,0.3601170012204803,0.6401307268482732,0.0,105.17303942026687 +0.804,0.891,0.719,0.8170000000000001,0.00383573804624857,0.728,0.0,91.12,2022-10-03,oklahoma city smm food,0,60.15297784414925,53.609244119971564,1.5533722328550426,1.4488399568254442,0.7534623238826551,1.717623866618155,0.47221304727552965,0.5982222967208509,0.0,60.15297784414924 +0.794,0.623,0.925,0.0,0.0018569668770271625,0.588,0.628,75.47,2022-10-03,omaha smm food,0,66.00346678411967,60.87622985001895,1.534051682695154,1.0130497116748054,0.9693360912259472,0.0,0.22860893447828912,0.4831795473514565,0.8990109666750482,66.00346678411965 +0.687,0.8260000000000001,0.0,0.7030000000000001,0.006795913223683143,0.615,0.0,105.02,2022-10-03,orlando/daytona beach/melborne smm food,0,138.10580692211272,132.61538216686213,1.327321795984346,1.3431445615463715,0.0,1.477955420113296,0.8366366143053143,0.5053663633012684,0.0,138.10580692211272 +0.0,0.802,0.6930000000000001,0.8130000000000001,0.0024657684122091025,0.543,0.607,92.83,2022-10-03,paducah ky/cape girardeau mo smm food,0,60.91751504004677,55.55925813283435,0.0,1.304118569443329,0.7262161202373854,1.7092144474425457,0.303557751276519,0.44620152076843694,0.8689484980441946,60.91751504004676 +0.0,0.8130000000000001,0.734,0.0,0.010414289222294445,0.0,0.0,196.17,2022-10-03,philadelphia smm food,0,203.11102489202074,199.7377476378349,0.0,1.322005482490557,0.7691812875241569,0.0,1.2820904841711072,0.0,0.0,203.1110248920207 +0.582,0.0,0.842,0.0,0.007146107976970447,0.0,0.0,130.94,2022-10-03,phoenix/prescott smm food,0,119.8695236291216,116.98296111946722,1.1244560193055158,0.0,0.8823578257429702,0.0,0.87974866460589,0.0,0.0,119.8695236291216 +0.509,0.0,0.0,0.0,0.004481818238251948,0.0,0.0,124.2,2022-10-03,pittsburgh smm food,0,106.08739954617332,104.55223234884438,0.9834160031383291,0.0,0.0,0.0,0.5517511941906079,0.0,0.0,106.08739954617332 +0.0,0.0,0.0,0.553,0.003798591592008328,0.9070000000000001,0.0,95.59,2022-10-03,portland or smm food,0,89.27186434185073,86.8963094792362,0.0,0.0,0.0,1.1626022010279555,0.4676399924577166,0.7453126691288625,0.0,89.27186434185073 +0.0,0.0,0.9450000000000001,0.0,0.00233604926267699,0.613,0.547,65.13,2022-10-03,providence ri/new bedford ma smm food,0,85.81296787769425,83.24830635780522,0.0,0.0,0.9902947094146163,0.0,0.28758818449380885,0.5037228954531341,0.7830557305274704,85.81296787769425 +0.0,0.607,0.0,0.0,0.004871558860851323,0.0,0.77,125.84,2022-10-03,raleigh/durham/fayetteville smm food,0,128.01922736455333,125.33017277610136,0.0,0.9870323836061107,0.0,0.0,0.5997316883812133,0.0,1.1022905164646293,128.01922736455333 +0.9059999999999999,0.0,0.0,0.6990000000000001,0.030864559478712195,0.0,0.0,343.9,2022-10-03,rem us east north central smm food,0,313.4733589389738,306.4536727021249,1.7504418444859058,0.0,0.0,1.469546000937687,3.799698391425301,0.0,0.0,313.4733589389738 +0.555,0.578,0.0,0.782,0.010001227817264185,0.657,0.974,120.57,2022-10-03,rem us middle atlantic smm food,0,137.62167533182733,130.80002326169728,1.0722905338738167,0.9398759764816011,0.0,1.6440414488315753,1.2312389968094983,0.5398791881120867,1.394325926021492,137.62167533182733 +0.926,0.736,0.992,0.0,0.014628720944614468,0.0,0.0,168.28,2022-10-03,rem us mountain smm food,0,179.78386307866626,173.95751153106124,1.7890829448056833,1.1967970911599628,1.0395474621579888,0.0,1.8009240494813774,0.0,0.0,179.78386307866626 +0.0,0.87,0.759,0.7020000000000001,0.004916656003035551,0.0,0.0,186.75,2022-10-03,rem us new england smm food,0,152.51283899509383,148.221630613054,0.0,1.4146922137352822,0.7953795602599933,1.4758530653193938,0.6052835427251405,0.0,0.0,152.5128389950938 +0.649,0.0,0.586,0.795,0.015617501115535571,0.0,0.0,123.27,2022-10-03,rem us pacific smm food,0,110.57565905560628,105.11364420201244,1.2539037053767694,0.0,0.6140875129280053,1.6713720611523049,1.92265157413675,0.0,0.0,110.57565905560627 +0.517,0.0,0.0,0.0,0.03327661163465825,0.846,0.679,284.86,2022-10-03,rem us south atlantic smm food,0,290.44295271860886,283.6802303568146,0.99887244326624,0.0,0.0,0.0,4.09664319970301,0.6951868997607691,0.9720198190642639,290.44295271860886 +0.9350000000000002,0.0,0.0,0.0,0.060859678180104175,0.5680000000000001,0.525,393.07,2022-10-03,rem us south central smm food,0,409.9484683716827,399.4313293612464,1.8064714399495831,0.0,0.0,0.0,7.492360985845245,0.46674486887011457,0.7515617157713381,409.9484683716827 +0.0,0.0,0.728,0.0,0.021965893775407138,0.0,0.595,169.51,2022-10-03,rem us west north central smm food,0,130.27338660507576,125.95452848252805,0.0,0.0,0.7628937020675562,0.0,2.7041944759393015,0.0,0.8517699445408498,130.27338660507576 +0.855,0.587,0.756,0.0,0.0022139595611719368,0.707,0.0,102.44,2022-10-03,richmond/petersburg smm food,0,90.32027112188894,86.06809383806947,1.6519070386704742,0.954510723520242,0.792235767531693,0.0,0.2725578697816125,0.5809658843154418,0.0,90.32027112188894 +0.85,0.0,0.0,0.902,0.005802299627550401,0.9530000000000001,0.604,54.47,2022-10-03,sacramento/stockton/modesto smm food,0,77.48773277751354,71.58708164797008,1.64224676359053,0.0,0.0,1.8963240240998478,0.7143140525487512,0.7831124296359492,0.8646538596683584,77.48773277751351 +0.705,0.0,0.0,0.0,0.004344453578696932,0.736,0.0,102.42,2022-10-03,salt lake city smm food,0,86.22654442450131,83.72480907215119,1.3620987862721454,0.0,0.0,0.0,0.5348403979646041,0.6047961681133878,0.0,86.22654442450133 +0.0,0.722,0.0,0.745,0.0037548448930133436,0.0,0.0,75.93,2022-10-03,san diego smm food,0,81.91685359080623,78.71431295071628,0.0,1.1740319290998549,0.0,1.5662543214571913,0.46225438953291037,0.0,0.0,81.91685359080623 +0.0,0.632,0.758,0.922,0.0058853883320640205,0.592,0.0,71.72,2022-10-03,san francisco/oakland/san jose smm food,0,93.84730974044896,88.87591304741949,0.0,1.0276844587134464,0.7943316293505599,1.9383711199778932,0.7245430019398406,0.48646648304772494,0.0,93.84730974044895 +0.806,0.0,0.0,0.861,0.005241703848518045,0.0,0.893,72.47,2022-10-03,seattle/tacoma smm food,0,94.03579080389474,88.74475650580376,1.5572363428870202,0.0,0.0,1.8101274775498546,0.6452997877801834,0.0,1.278370689873914,94.03579080389474 +0.0,0.539,0.0,0.605,0.004934099330524782,0.0,0.9199999999999999,107.82,2022-10-03,st. louis smm food,0,91.7769303248074,87.70409353036166,0.0,0.8764587393141576,0.0,1.2719246503108734,0.6074309695642518,0.0,1.31702243525644,91.77693032480738 +0.948,0.0,0.0,0.0,0.007081381840323731,0.0,0.0,153.37,2022-10-03,tampa/ft. myers smm food,0,175.95857208454026,173.25520362076367,1.831588155157438,0.0,0.0,0.0,0.8717803086191691,0.0,0.0,175.95857208454026 +0.0,0.741,0.9350000000000002,0.0,0.001580181622448787,0.0,0.0,68.13,2022-10-03,tucson/sierra vista smm food,0,65.70152378923231,63.32224664442017,0.0,1.20492750618143,0.9798154003202818,0.0,0.19453423831043773,0.0,0.0,65.70152378923231 +0.601,0.0,0.0,0.597,0.006947554526469358,0.874,0.0,169.15,2022-10-03,washington dc/hagerstown smm food,0,177.01114750058494,173.02137618365978,1.1611650646093041,0.0,0.0,1.2551058119596552,0.855304990721567,0.718195449634648,0.0,177.01114750058497 +0.0,0.537,0.0,0.64,0.0012146785515816856,0.8170000000000001,0.625,46.95,2022-10-03,yakima/pasco/richland/kennewick smm food,0,57.451266552219295,53.51694236690935,0.0,0.8732065733055707,0.0,1.345507068097453,0.14953759964489602,0.6713566159628231,0.894716328299212,57.4512665522193 +0.9829999999999999,0.971,0.67,0.0,0.011454917515807852,0.0,0.0,106.03,2022-10-10,albany/schenectady/troy smm food,0,87.94731979619758,82.35686844083078,1.899210080717048,1.5789265971689184,0.7021137093204158,0.0,1.4102009681604133,0.0,0.0,87.94731979619758 +0.806,0.0,0.0,0.792,0.019373582782229094,0.0,0.746,75.06,2022-10-10,albuquerque/santa fe smm food,0,77.46742233220212,70.79212936171284,1.5572363428870202,0.0,0.0,1.6650649967705982,2.3850582213737233,0.0,1.0679334094579394,77.46742233220212 +0.0,0.0,0.0,0.62,0.1150985114780225,0.686,0.0,248.64,2022-10-10,atlanta smm food,0,181.28433809226652,165.2475308400832,0.0,0.0,0.0,1.3034599722194076,14.169637808053897,0.5637094719100327,0.0,181.28433809226652 +0.6970000000000001,0.0,0.0,0.728,0.024786466733711474,0.0,0.0,99.9,2022-10-10,baltimore smm food,0,111.20894960982537,105.28036119021601,1.3466423461442347,0.0,0.0,1.5305142899608526,3.051431783504265,0.0,0.0,111.20894960982537 +0.9000000000000001,0.0,0.0,0.617,0.007225691459775118,0.526,0.751,42.57,2022-10-10,baton rouge smm food,0,56.0611136002274,50.62824190344196,1.7388495143899731,0.0,0.0,1.2971529078377007,0.8895460904141378,0.4322320440592962,1.075091140084333,56.0611136002274 +0.521,0.664,0.615,0.621,0.017270160640934198,0.923,0.0,62.93,2022-10-10,birmingham/anniston/tuscaloosa smm food,0,69.19644540892347,62.27551690355495,1.0066006633301954,1.079719114850836,0.6444775093015757,1.3055623270133099,2.126108478958671,0.7584604119139361,0.0,69.19644540892348 +0.0,0.0,0.579,0.606,0.058340943483284224,0.0,0.869,228.47000000000003,2022-10-10,boston/manchester smm food,0,193.65136657035856,183.34429136615643,0.0,0.0,0.6067519965619712,1.2740270051047757,7.182282619668182,0.0,1.2440135828672243,193.6513665703586 +0.0,0.86,0.591,0.0,0.013141329472170548,0.0,0.713,97.34,2022-10-10,buffalo smm food,0,68.61945733999585,63.96319330778341,0.0,1.3984313836923479,0.6193271674751727,0.0,1.6178130937211663,0.0,1.020692387323741,68.61945733999585 +0.0,0.0,0.936,0.0,0.044003008911473664,0.0,0.834,156.29,2022-10-10,charlotte smm food,0,134.69281499281342,127.1008852661048,0.0,0.0,0.9808633312297153,0.0,5.417156926996448,0.0,1.1939094684824685,134.69281499281342 +0.874,0.904,0.52,0.0,0.10487756667742235,0.0,0.0,187.59,2022-10-10,chicago smm food,0,193.73772461117593,177.12285569785104,1.6886160839742625,1.4699790358812588,0.5449240729053973,0.0,12.911349720563992,0.0,0.0,193.73772461117596 +0.592,0.797,0.504,0.676,0.03301471585022952,0.0,0.616,143.62,2022-10-10,cleveland/akron/canton smm food,0,140.42642233443254,131.09107465023894,1.1437765694654043,1.295988154421862,0.528157178354462,1.4211918406779347,4.064401528102246,0.0,0.8818324131717034,140.42642233443254 +0.0,0.686,0.677,0.652,0.045671447494484194,0.844,0.802,109.96,2022-10-10,columbus oh smm food,0,114.58061197870343,103.92073468964487,0.0,1.1154929409452916,0.70944922568645,1.3707353256242802,5.622556372416349,0.6935434319126349,1.1480999924735489,114.58061197870343 +0.0,0.591,0.558,0.719,0.1110055010310727,0.708,0.877,115.66,2022-10-10,dallas/ft. worth smm food,0,123.83751661957153,105.27715718131851,0.0,0.9610150555374157,0.5847454474638687,1.5115930968157323,13.665752268327056,0.5817876182395089,1.2554659518694542,123.83751661957155 +0.0,0.973,0.783,0.0,0.01230152678380143,0.49900000000000005,0.0,63.56,2022-10-10,des moines/ames smm food,0,66.73547726297095,62.408297363785806,0.0,1.5821787631775053,0.8205299020863963,0.0,1.514426005811758,0.41004522810948446,0.0,66.73547726297095 +0.9759999999999999,0.0,0.925,0.609,0.047455668356784705,0.729,0.0,195.76,2022-10-10,detroit smm food,0,170.89953257337118,160.32292305294044,1.885685695605126,0.0,0.9693360912259472,1.2803340694864824,5.84220963346829,0.5990440306449181,0.0,170.8995325733712 +0.0,0.0,0.651,0.804,0.019054602664562124,0.628,0.799,105.57,2022-10-10,grand rapids smm food,0,116.39370581026577,110.01556630860257,0.0,0.0,0.6822030220411801,1.6902932542974254,2.3457889669127354,0.5160489043141406,1.1438053540977127,116.39370581026577 +0.0,0.9210000000000002,0.633,0.0,0.016633218489029298,0.0,0.5640000000000001,126.14,2022-10-10,greensboro smm food,0,88.58529328820447,83.56924325587181,0.0,1.4976224469542472,0.6633402656713778,0.0,2.0476953050498303,0.0,0.807392014657209,88.58529328820447 +0.0,0.917,0.9590000000000001,0.0,0.018108311414807416,0.876,0.948,100.56,2022-10-10,harrisburg/lancaster smm food,0,91.82742839762359,85.02510769460987,0.0,1.4911181149370734,1.0049657421466847,0.0,2.229292201682933,0.7198389174827822,1.3571057267642446,91.82742839762359 +0.0,0.0,0.0,0.875,0.022086434112082082,0.0,0.665,127.01999999999998,2022-10-10,hartford/new haven smm food,0,118.12130290926622,112.61073024106035,0.0,0.0,0.0,1.8395604446644864,2.7190340502310244,0.0,0.9519781733103616,118.12130290926622 +0.849,0.804,0.0,0.0,0.0770884531426439,0.743,0.0,158.66,2022-10-10,houston smm food,0,180.69494147770504,167.64644198801398,1.640314708574541,1.307370735451916,0.0,0.0,9.490265740082751,0.6105483055818575,0.0,180.69494147770504 +0.0,0.856,0.0,0.731,0.033167544505170225,0.8190000000000001,0.791,113.67,2022-10-10,indianapolis smm food,0,97.83855252872732,89.02123497580452,0.0,1.391927051675174,0.0,1.5368213543425595,4.083216077998621,0.6730000838109574,1.1323529850954828,97.83855252872732 +0.0,0.0,0.582,0.0,0.018266564082191652,0.686,0.0,104.73,2022-10-10,jacksonville smm food,0,89.72226974640249,86.29988999004563,0.0,0.0,0.6098957892902716,0.0,2.248774495156565,0.5637094719100327,0.0,89.7222697464025 +0.0,0.0,0.0,0.834,0.028617092123128313,0.986,0.0,60.86,2022-10-10,kansas city smm food,0,86.58030947666904,80.49370051161102,0.0,0.0,0.0,1.7533638981144932,3.523015417813352,0.8102296491301635,0.0,86.58030947666903 +0.0,0.837,0.0,0.588,0.014087734391434327,0.0,0.73,62.739999999999995,2022-10-10,knoxville smm food,0,74.77958700397502,69.4030183864474,0.0,1.361031474593599,0.0,1.236184618814535,1.7343238526660278,0.0,1.0450286714534796,74.77958700397504 +0.558,0.0,0.652,0.0,0.02798830452296083,0.0,0.0,66.45,2022-10-10,las vegas smm food,0,78.28292825964908,73.0759844669223,1.0780866989217832,0.0,0.6832509529506136,0.0,3.4456061408543714,0.0,0.0,78.28292825964908 +0.509,0.0,0.0,0.0,0.013910222155492072,0.528,0.812,40.64,2022-10-10,little rock/pine bluff smm food,0,61.995748661887916,57.70357115599228,0.9834160031383291,0.0,0.0,0.0,1.712470537123543,0.4338755119074304,1.1624154537263363,61.995748661887916 +0.724,0.912,0.0,0.0,0.2042168249844119,0.758,0.916,145.58,2022-10-10,los angeles smm food,0,183.9334273226484,153.9765761946837,1.3988078315759338,1.4829876999156062,0.0,0.0,25.14088503127499,0.6228743144428641,1.3112962507553252,183.9334273226484 +0.0,0.0,0.0,0.0,0.009890435876529885,0.0,0.0,56.629999999999995,2022-10-10,madison wi smm food,0,53.63678481386123,52.419185278171575,0.0,0.0,0.0,0.0,1.2175995356896543,0.0,0.0,53.636784813861226 +0.9580000000000001,0.68,0.843,0.8240000000000001,0.04704142577729066,0.554,0.0,356.14,2022-10-10,miami/west palm beach smm food,0,195.94065891823573,184.12181433608328,1.8509087053173268,1.1057364429195309,0.8834057566524036,1.7323403501754708,5.791212733154549,0.4552405939331751,0.0,195.94065891823573 +0.562,0.0,0.0,0.5740000000000001,0.022246232437682003,0.964,0.9140000000000001,75.99,2022-10-10,milwaukee smm food,0,75.28503033982511,68.15317248002567,1.0858149189857387,0.0,0.0,1.2067516516999033,2.7387066278083347,0.7921515028006872,1.3084331585047677,75.2850303398251 +0.0,0.6940000000000001,0.622,0.0,0.05445158184613326,0.924,0.0,74.12,2022-10-10,minneapolis/st. paul smm food,0,94.99378726368015,85.75072244988117,0.0,1.128501604979639,0.6518130256676098,0.0,6.703468037313728,0.7592821458380032,0.0,94.99378726368015 +0.0,0.9560000000000002,0.0,0.0,0.01300178902994741,0.0,0.604,107.98,2022-10-10,mobile/pensacola smm food,0,71.48625852751364,67.46643487620449,0.0,1.5545353521045173,0.0,0.0,1.600634439536268,0.0,0.8646538596683584,71.48625852751363 +0.0,0.524,0.0,0.0,0.03447624380274625,0.629,0.677,154.69,2022-10-10,nashville smm food,0,102.0545912554069,95.47216793873541,0.0,0.8520674942497561,0.0,0.0,4.244328457369814,0.5168706382382078,0.9691567268137065,102.05459125540689 +0.9770000000000001,0.763,0.986,0.551,0.014976893121963264,0.0,0.0,72.51,2022-10-10,new orleans smm food,0,66.71338087024309,59.54961731628727,1.8876177506211151,1.2407013322758853,1.0332598767013879,1.158397491440151,1.843787102917268,0.0,0.0,66.71338087024307 +0.0,0.579,0.0,0.526,0.19685463127070493,0.736,0.524,339.69,2022-10-10,new york smm food,0,317.7985669179204,290.1617655847399,0.0,0.9415020594858946,0.0,1.1058386215925942,24.234534314342582,0.6047961681133878,0.7501301696460594,317.7985669179204 +0.533,0.772,0.0,0.519,0.02151430458449384,0.623,0.612,115.75,2022-10-10,norfolk/portsmouth/newport news smm food,0,109.72282913252192,102.30993924858487,1.0297853235220618,1.2553360793145263,0.0,1.0911221380352782,2.648599879700797,0.5119402346938051,0.8761062286705883,109.72282913252192 +0.858,0.0,0.0,0.0,0.025879172959911597,0.843,0.718,54.02,2022-10-10,oklahoma city smm food,0,60.17347265809754,53.609244119971564,1.6577032037184407,0.0,0.0,0.0,3.185953518468818,0.6927216979885678,1.0278501179501347,60.17347265809752 +0.766,0.0,0.0,0.0,0.013201075154566727,0.0,0.782,79.78,2022-10-10,omaha smm food,0,65.10082137427486,60.87622985001895,1.4799541422474658,0.0,0.0,0.0,1.62516831204048,0.0,1.1194690699679741,65.10082137427487 +0.0,0.752,0.0,0.67,0.045708040427636806,0.9770000000000001,0.0,246.38,2022-10-10,orlando/daytona beach/melborne smm food,0,141.67666962574492,132.61538216686213,0.0,1.2228144192286576,0.0,1.408577711914521,5.62706128392605,0.8028340438135597,0.0,141.67666962574492 +0.0,0.5700000000000001,0.967,0.0,0.008520906094068982,0.721,0.0,80.86,2022-10-10,paducah ky/cape girardeau mo smm food,0,59.140943183239834,55.55925813283435,0.0,0.926867312447254,1.0133491894221522,0.0,1.048998389283697,0.5924701592523812,0.0,59.140943183239834 +0.727,0.617,0.71,0.0,0.09646587721295657,0.0,0.0,174.7,2022-10-10,philadelphia smm food,0,214.7654726515677,199.7377476378349,1.4046039966239003,1.003293213649045,0.744030945697754,0.0,11.875796857762099,0.0,0.0,214.7654726515677 +0.875,0.0,0.886,0.588,0.06425725362842893,0.0,0.725,120.15,2022-10-10,phoenix/prescott smm food,0,129.7866639722779,116.98296111946722,1.6905481389902515,0.0,0.9284667857580423,1.236184618814535,7.910632368420777,0.0,1.0378709408270859,129.78666397227792 +0.0,0.909,0.5640000000000001,0.0,0.025540851728169237,0.0,0.0,95.0,2022-10-10,pittsburgh smm food,0,109.76567803563705,104.55223234884438,0.0,1.478109450902726,0.5910330329204695,0.0,3.1443032029694793,0.0,0.0,109.76567803563705 +0.769,0.0,0.5630000000000001,0.0,0.0456144348224582,0.0,0.858,58.41,2022-10-10,portland or smm food,0,95.81584907571266,86.8963094792362,1.4857503072954323,0.0,0.5899851020110359,0.0,5.615537611680838,0.0,1.2282665754891582,95.81584907571266 +0.6910000000000001,0.766,0.0,0.0,0.015582226501580513,0.0,0.73,114.87999999999998,2022-10-10,providence ri/new bedford ma smm food,0,88.79227358589638,83.24830635780522,1.3350500160483014,1.2455795812887658,0.0,0.0,1.91830895930061,0.0,1.0450286714534796,88.79227358589638 +0.611,0.654,0.549,0.0,0.031569986274291875,0.0,0.513,126.83,2022-10-10,raleigh/durham/fayetteville smm food,0,132.77035653377683,125.33017277610136,1.1804856147691927,1.0634582848079017,0.5753140692789676,0.0,3.886542626551389,0.0,0.7343831622679932,132.7703565337768 +0.878,0.0,0.657,0.863,0.13967662447269028,0.763,0.0,374.69,2022-10-10,rem us east north central smm food,0,328.47524220092856,306.4536727021249,1.696344304038218,0.0,0.6884906074977809,1.8143321871376592,17.195419416066827,0.6269829840631996,0.0,328.47524220092856 +0.0,0.795,0.49900000000000005,0.0,0.05177001804865098,0.0,0.656,156.92,2022-10-10,rem us middle atlantic smm food,0,139.928115010627,130.80002326169728,0.0,1.2927359884132752,0.5229175238072947,0.0,6.373343978526323,0.0,0.939094258182853,139.928115010627 +0.0,0.562,0.0,0.781,0.11755712735992738,0.0,0.6960000000000001,196.12,2022-10-10,rem us mountain smm food,0,191.98198039672673,173.95751153106124,0.0,0.9138586484129065,0.0,1.641939094037673,14.472315020020911,0.0,0.9963561031940026,191.98198039672673 +0.6970000000000001,0.9619999999999999,0.0,0.0,0.028167059710273973,0.844,0.0,171.77,2022-10-10,rem us new england smm food,0,155.29372071587008,148.221630613054,1.3466423461442347,1.5642918501302774,0.0,0.0,3.467612474628911,0.6935434319126349,0.0,155.29372071587005 +0.0,0.0,0.6940000000000001,0.0,0.10010116525765603,0.0,0.0,124.16,2022-10-10,rem us pacific smm food,0,118.16424100221892,105.11364420201244,0.0,0.0,0.7272640511468188,0.0,12.323332749059663,0.0,0.0,118.16424100221892 +0.0,0.0,0.736,0.912,0.15901615705926306,0.0,0.0,333.13,2022-10-10,rem us south atlantic smm food,0,305.94514083744895,283.6802303568146,0.0,0.0,0.7712771493430238,1.9173475720388704,19.576285759252485,0.0,0.0,305.945140837449 +0.0,0.0,0.49499999999999994,0.658,0.282733493500187,0.635,0.0,412.63,2022-10-10,rem us south central smm food,0,436.6621822870658,399.4313293612464,0.0,0.0,0.5187258001695608,1.3833494543876939,34.80697662947953,0.5218010417826104,0.0,436.6621822870658 +0.875,0.0,0.9460000000000001,0.0,0.10457380097643638,0.0,0.5630000000000001,141.55,2022-10-10,rem us west north central smm food,0,142.31633322481676,125.95452848252805,1.6905481389902515,0.0,0.9913426403240497,0.0,12.873953494442489,0.0,0.8059604685319303,142.31633322481676 +0.941,0.0,0.0,0.0,0.013710146521999995,0.995,0.0,92.56,2022-10-10,richmond/petersburg smm food,0,90.39162233170367,86.06809383806947,1.818063770045516,0.0,0.0,0.0,1.687839469141912,0.8176252544467675,0.0,90.39162233170367 +0.936,0.0,0.0,0.0,0.04893796199885459,0.6930000000000001,0.8989999999999999,89.38,2022-10-10,sacramento/stockton/modesto smm food,0,81.276599720469,71.58708164797008,1.8084034949655718,0.0,0.0,0.0,6.024693001529239,0.5694616093785024,1.2869599666255864,81.27659972046898 +0.0,0.0,0.513,0.988,0.04523434869490067,0.0,0.0,80.05,2022-10-10,salt lake city smm food,0,91.90826983570263,83.72480907215119,0.0,0.0,0.5375885565393631,2.077126536375443,5.568745670636628,0.0,0.0,91.90826983570263 +0.0,0.781,0.0,0.0,0.028792402630101462,0.0,0.5680000000000001,75.98,2022-10-10,san diego smm food,0,84.34199965740714,78.71431295071628,0.0,1.269970826353167,0.0,0.0,3.5445976811793742,0.0,0.813118199158324,84.34199965740714 +0.0,0.669,0.5650000000000001,0.0,0.09050636647667566,0.799,0.0,81.11,2022-10-10,san francisco/oakland/san jose smm food,0,102.35453768321054,88.87591304741949,0.0,1.0878495298723032,0.5920809638299029,0.0,11.142128736759219,0.6565654053296154,0.0,102.35453768321052 +0.0,0.0,0.628,0.583,0.07196443924430712,0.0,0.0,105.16,2022-10-10,seattle/tacoma smm food,0,99.48798458075163,88.74475650580376,0.0,0.0,0.6581006111242106,1.2256728448450234,8.859454618978635,0.0,0.0,99.48798458075163 +0.0,0.0,0.0,0.0,0.03229038285000043,0.0,0.669,72.15,2022-10-10,st. louis smm food,0,92.6370276612816,87.70409353036166,0.0,0.0,0.0,0.0,3.9752297731084636,0.0,0.9577043578114766,92.6370276612816 +0.9759999999999999,0.623,0.0,0.677,0.046440403190250966,0.0,0.0,360.45,2022-10-10,tampa/ft. myers smm food,0,183.29445479671966,173.25520362076367,1.885685695605126,1.0130497116748054,0.0,1.423294195471837,5.717221573204247,0.0,0.0,183.2944547967197 +0.0,0.0,0.9440000000000001,0.0,0.012691651658762978,0.621,0.586,53.62,2022-10-10,tucson/sierra vista smm food,0,67.22313002402785,63.32224664442017,0.0,0.0,0.9892467785051828,0.0,1.5624538048434857,0.5102967668456709,0.8388860294133411,67.22313002402785 +0.81,0.0,0.737,0.0,0.1317320351449729,0.9899999999999999,0.0,204.76,2022-10-10,washington dc/hagerstown smm food,0,192.3895530948762,173.02137618365978,1.5649645629509756,0.0,0.7723250802524573,0.0,16.217370683186548,0.8135165848264319,0.0,192.3895530948762 +0.687,0.0,0.0,0.0,0.008043680722246632,0.0,0.0,47.58,2022-10-10,yakima/pasco/richland/kennewick smm food,0,55.834511916876366,53.51694236690935,1.327321795984346,0.0,0.0,0.0,0.9902477539826683,0.0,0.0,55.83451191687636 +0.53,0.501,0.52,0.0,0.011112306495636349,0.544,0.662,120.06999999999998,2022-10-17,albany/schenectady/troy smm food,0,87.50317858901151,82.35686844083078,1.0239891584740952,0.8146675851510073,0.5449240729053973,0.0,1.368022542023208,0.44702325469250404,0.9476835349345254,87.50317858901151 +0.999,0.0,0.0,0.5650000000000001,0.018123738344048845,0.719,0.0,66.05,2022-10-17,albuquerque/santa fe smm food,0,76.73210086483009,70.79212936171284,1.9301229609728698,0.0,0.0,1.1878304585547828,2.2311913921853512,0.590826691404247,0.0,76.73210086483009 +0.619,0.0,0.9580000000000001,0.582,0.1172089551825786,0.0,0.0,152.85,2022-10-17,atlanta smm food,0,183.10041316285367,165.2475308400832,1.1959420548971036,0.0,1.0039178112372513,1.2235704900511213,14.429451966585022,0.0,0.0,183.10041316285367 +0.0,0.0,0.535,0.885,0.02304587519428246,0.0,0.9000000000000001,125.81,2022-10-17,baltimore smm food,0,111.82712940746256,105.28036119021601,0.0,0.0,0.5606430365468992,1.860583992603509,2.837149675345277,0.0,1.2883915127508654,111.82712940746256 +0.0,0.6990000000000001,0.0,0.0,0.0063502953886102964,0.901,0.8320000000000001,65.06,2022-10-17,baton rouge smm food,0,54.47807970968361,50.62824190344196,0.0,1.1366320200011062,0.0,0.0,0.7817771444241856,0.7403822655844599,1.191046376231911,54.47807970968362 +0.9269999999999999,0.0,0.531,0.0,0.015698253417422606,0.0,0.517,75.24,2022-10-17,birmingham/anniston/tuscaloosa smm food,0,67.29568545489605,62.27551690355495,1.791014999821672,0.0,0.5564513129091654,0.0,1.9325928918411444,0.0,0.7401093467691081,67.29568545489605 +0.741,0.0,0.0,0.54,0.054308326140717025,0.0,0.0,169.56,2022-10-17,boston/manchester smm food,0,192.59704772330565,183.34429136615643,1.4316527668477443,0.0,0.0,1.135271588707226,6.685832001594249,0.0,0.0,192.59704772330565 +0.791,0.0,0.78,0.0,0.01261780972170434,0.929,0.0,46.11,2022-10-17,buffalo smm food,0,68.62558896399834,63.96319330778341,1.5282555176471873,0.0,0.817386109358096,0.0,1.5533632137512992,0.7633908154583388,0.0,68.62558896399834 +0.543,0.0,0.0,0.789,0.044646047208571356,0.0,0.803,115.70999999999998,2022-10-17,charlotte smm food,0,136.45460120070257,127.1008852661048,1.0491058736819503,0.0,0.0,1.6587579323888912,5.496320589928109,0.0,1.1495315385988276,136.45460120070257 +0.901,0.626,0.0,0.86,0.10422307864836243,0.0,0.0,156.16,2022-10-17,chicago smm food,0,194.520366845752,177.12285569785104,1.7407815694059618,1.0179279606876859,0.0,1.8080251227559523,12.830776495051369,0.0,0.0,194.520366845752 +0.0,0.744,0.0,0.541,0.0304225321174801,0.0,0.764,145.0,2022-10-17,cleveland/akron/canton smm food,0,138.27723652906064,131.09107465023894,0.0,1.2098057551943102,0.0,1.1373739435011283,3.745280940413308,0.0,1.0937012397129566,138.27723652906064 +0.974,0.664,0.0,0.66,0.037367862675293795,0.0,0.0,109.55,2022-10-17,columbus oh smm food,0,112.87014169510199,103.92073468964487,1.8818215855731484,1.079719114850836,0.0,1.3875541639754985,4.60031214105764,0.0,0.0,112.87014169510199 +0.0,0.0,0.835,0.0,0.10186493055047703,0.0,0.613,139.05,2022-10-17,dallas/ft. worth smm food,0,119.57018501531475,105.27715718131851,0.0,0.0,0.875022309376936,0.0,12.540467749823437,0.0,0.877537774795867,119.57018501531475 +0.807,0.753,0.0,0.8230000000000001,0.011778755769449294,0.0,0.0,64.24,2022-10-17,des moines/ames smm food,0,68.3722125611379,62.408297363785806,1.559168397903009,1.2244405022329512,0.0,1.7302379953815685,1.45006830183456,0.0,0.0,68.3722125611379 +0.534,0.523,0.0,0.684,0.0466495958596931,0.0,0.972,161.49,2022-10-17,detroit smm food,0,170.77753038392098,160.32292305294044,1.0317173785380507,0.8504414112454628,0.0,1.438010679029153,5.742975028396941,0.0,1.3914628337709345,170.77753038392098 +0.843,0.0,0.761,0.731,0.0182432148823835,0.751,0.721,112.62000000000002,2022-10-17,grand rapids smm food,0,117.87375240035976,110.01556630860257,1.6287223784786078,0.0,0.7974754220788602,1.5368213543425595,2.2459000035567973,0.6171221769743943,1.032144756325971,117.87375240035976 +0.531,0.9460000000000001,0.586,0.0,0.015360457289390611,0.599,0.611,75.39,2022-10-17,greensboro smm food,0,90.00542702863413,83.56924325587181,1.0259212134900841,1.5382745220615828,0.6140875129280053,0.0,1.8910072212211528,0.4922186205161947,0.8746746825453096,90.00542702863414 +0.8280000000000001,0.802,0.6950000000000001,0.0,0.016653942170285627,0.791,0.0,57.62,2022-10-17,harrisburg/lancaster smm food,0,91.35751790553816,85.02510769460987,1.599741553238775,1.304118569443329,0.7283119820562522,0.0,2.050246572252863,0.6499915339370785,0.0,91.35751790553817 +0.685,0.71,0.5650000000000001,0.0,0.021053940601695825,0.793,0.626,153.73,2022-10-17,hartford/new haven smm food,0,119.82049572960267,112.61073024106035,1.3234576859523683,1.1545189330483336,0.5920809638299029,0.0,2.5919250295020038,0.6516350017852127,0.8961478744244907,119.82049572960267 +0.0,0.0,0.0,0.903,0.07371690059866666,0.628,0.503,171.16,2022-10-17,houston smm food,0,179.85618297785913,167.64644198801398,0.0,0.0,0.0,1.89842637889375,9.075198005622065,0.5160489043141406,0.7200677010152058,179.85618297785913 +0.0,0.796,0.0,0.0,0.03155206108692725,0.851,0.0,107.68,2022-10-17,indianapolis smm food,0,94.89922849513206,89.02123497580452,0.0,1.2943620714175685,0.0,0.0,3.8843358785288764,0.6992955693811046,0.0,94.89922849513206 +0.0,0.76,0.706,0.0,0.017427636154827092,0.0,0.0,80.64,2022-10-17,jacksonville smm food,0,90.42104739337951,86.29988999004563,0.0,1.235823083263005,0.7398392220600202,0.0,2.145495098010869,0.0,0.0,90.42104739337952 +0.658,0.0,0.579,0.0,0.02707805392080924,0.8220000000000001,0.833,63.14999999999999,2022-10-17,kansas city smm food,0,87.57323421256577,80.49370051161102,1.271292200520669,0.0,0.6067519965619712,0.0,3.3335462959317566,0.6754652855831587,1.1924779223571897,87.57323421256577 +0.726,0.0,0.0,0.5670000000000001,0.012654875865965347,0.654,0.672,100.99,2022-10-17,knoxville smm food,0,75.05506486043029,69.4030183864474,1.4026719416079114,0.0,0.0,1.1920351681425874,1.5579263817052118,0.5374139863398854,0.9619989961873128,75.0550648604303 +0.0,0.547,0.0,0.0,0.02701813032092061,0.917,0.613,72.22,2022-10-17,las vegas smm food,0,78.92268882784248,73.0759844669223,0.0,0.889467403348505,0.0,0.0,3.3261691744062647,0.7535300083695334,0.877537774795867,78.92268882784248 +0.5650000000000001,0.667,0.842,0.0,0.012468062498889862,0.0,0.0,28.0,2022-10-17,little rock/pine bluff smm food,0,62.29706544485016,57.70357115599228,1.0916110840337052,1.0845973638637163,0.8823578257429702,0.0,1.5349280152174916,0.0,0.0,62.29706544485016 +0.745,0.0,0.7030000000000001,0.0,0.1985377591666861,0.0,0.725,145.82,2022-10-17,los angeles smm food,0,181.63226569497684,153.9765761946837,1.4393809869116998,0.0,0.7366954293317198,0.0,24.441742143222616,0.0,1.0378709408270859,181.6322656949768 +0.0,0.86,0.776,0.9199999999999999,0.009283462937798156,0.926,0.739,42.47,2022-10-17,madison wi smm food,0,59.526691493418646,52.419185278171575,0.0,1.3984313836923479,0.8131943857203622,1.9341664103900884,1.1428758351771509,0.7609256136861374,1.0579125865809882,59.52669149341865 +0.681,0.0,0.0,0.0,0.044501365692139215,0.84,0.0,190.62,2022-10-17,miami/west palm beach smm food,0,191.60630932253605,184.12181433608328,1.3157294658884129,0.0,0.0,0.0,5.478509024348003,0.6902564962163665,0.0,191.60630932253605 +0.9390000000000001,0.55,0.0,0.9390000000000001,0.02123741801578782,0.0,0.738,91.29,2022-10-17,milwaukee smm food,0,76.5068226952044,68.15317248002567,1.8141996600135384,0.8943456523613853,0.0,1.9741111514742318,2.614512710873872,0.0,1.0564810404557095,76.5068226952044 +0.9770000000000001,0.649,0.652,0.52,0.052980987514730286,0.0,0.0,119.16,2022-10-17,minneapolis/st. paul smm food,0,96.99256847323315,85.75072244988117,1.8876177506211151,1.0553278697864346,0.6832509529506136,1.0932244928291805,6.522424957164632,0.0,0.0,96.99256847323315 +0.6970000000000001,0.0,0.51,0.0,0.011557223780582663,0.0,0.9400000000000001,71.19,2022-10-17,mobile/pensacola smm food,0,72.11597111195181,67.46643487620449,1.3466423461442347,0.0,0.5344447638110628,0.0,1.4227957680300078,0.0,1.345653357762015,72.11597111195181 +0.0,0.516,0.9560000000000002,0.628,0.03382952854413786,0.0,0.621,92.58,2022-10-17,nashville smm food,0,103.68702980091506,95.47216793873541,0.0,0.8390588302154087,1.0018219494183844,1.3202788105706258,4.164712128177125,0.0,0.888990143798097,103.68702980091506 +0.0,0.5700000000000001,0.0,0.769,0.01372744652706475,0.0,0.0,68.61,2022-10-17,new orleans smm food,0,63.78316471697697,59.54961731628727,0.0,0.926867312447254,0.0,1.6167108365108458,1.6899692517316016,0.0,0.0,63.78316471697697 +0.76,0.0,0.0,0.86,0.1852720332432993,0.0,0.0,278.18,2022-10-17,new york smm food,0,316.24676727328426,290.1617655847399,1.4683618121515327,0.0,0.0,1.8080251227559523,22.80861475363692,0.0,0.0,316.2467672732843 +0.523,0.756,0.0,0.6890000000000001,0.01662824297693133,0.662,0.731,106.27,2022-10-17,norfolk/portsmouth/newport news smm food,0,109.63577607730754,102.30993924858487,1.0104647733621732,1.2293187512458315,0.0,1.4485224529986642,2.0470827758048165,0.5439878577324222,1.0464602175787583,109.63577607730754 +0.515,0.7000000000000001,0.578,0.774,0.0238444034954788,0.0,0.0,53.87,2022-10-17,oklahoma city smm food,0,60.91089275597652,53.609244119971564,0.9950083332342623,1.1382581030053995,0.6057040656525378,1.627222610480357,2.935455523632405,0.0,0.0,60.910892755976526 +0.618,0.0,0.598,0.648,0.013172319239849037,0.579,0.739,49.97,2022-10-17,omaha smm food,0,67.21455317514761,60.87622985001895,1.1940099998811147,0.0,0.6266626838412068,1.3623259064486712,1.6216282063418346,0.4757839420348526,1.0579125865809882,67.21455317514761 +0.0,0.0,0.557,0.961,0.04725735707175945,0.0,0.0,174.82,2022-10-17,orlando/daytona beach/melborne smm food,0,141.0372384126379,132.61538216686213,0.0,0.0,0.5836975165544352,2.0203629569400814,5.817795772281265,0.0,0.0,141.03723841263792 +0.986,0.5740000000000001,0.933,0.5660000000000001,0.0077747473125608785,0.79,0.838,41.54,2022-10-17,paducah ky/cape girardeau mo smm food,0,63.37123351680355,55.55925813283435,1.9050062457650148,0.9333716444644277,0.9777195385014148,1.189932813348685,0.957139688893054,0.6491698000130114,1.1996356529835834,63.37123351680354 +0.0,0.672,0.0,0.611,0.09927660169673075,0.0,0.0,209.59,2022-10-17,philadelphia smm food,0,214.33683592739607,199.7377476378349,0.0,1.0927277788851835,0.0,1.284538779074287,12.221821731601706,0.0,0.0,214.33683592739607 +0.0,0.0,0.9500000000000001,0.0,0.061515220123199245,0.0,0.0,124.03,2022-10-17,phoenix/prescott smm food,0,125.55155944086236,116.98296111946722,0.0,0.0,0.9955343639617836,0.0,7.573063957433359,0.0,0.0,125.55155944086236 +0.63,0.77,0.0,0.8210000000000001,0.02358592891616536,0.9000000000000001,0.0,128.43,2022-10-17,pittsburgh smm food,0,112.39073977211125,104.55223234884438,1.217194660072981,1.2520839133059394,0.0,1.726033285793764,2.9036350324337863,0.7395605316603928,0.0,112.39073977211125 +0.0,0.856,0.724,0.985,0.04238180000948051,0.655,0.707,106.64,2022-10-17,portland or smm food,0,97.88566868235436,86.8963094792362,0.0,1.391927051675174,0.7587019784298223,2.0708194719937363,5.2175718701834235,0.5382357202639525,1.0121031105720686,97.88566868235438 +0.0,0.0,0.0,0.583,0.014688324540124314,0.8240000000000001,0.524,112.35999999999999,2022-10-17,providence ri/new bedford ma smm food,0,87.70947990138447,83.24830635780522,0.0,0.0,0.0,1.2256728448450234,1.808261775656868,0.677108753431293,0.7501301696460594,87.70947990138447 +0.0,0.6950000000000001,0.9759999999999999,0.0,0.028239212666692454,0.0,0.9899999999999999,130.63,2022-10-17,raleigh/durham/fayetteville smm food,0,132.3768068330863,125.33017277610136,0.0,1.1301276879839324,1.0227805676070532,0.0,3.476495137367998,0.0,1.4172306640259515,132.3768068330863 +0.9700000000000001,0.644,0.7030000000000001,0.0,0.1305715472963008,0.0,0.884,333.75,2022-10-17,rem us east north central smm food,0,327.4516501615674,306.4536727021249,1.8740933655091931,1.0471974547649676,0.7366954293317198,0.0,16.074504435090272,0.0,1.2654867747464054,327.45165016156744 +0.0,0.0,0.915,0.0,0.048490053476066414,0.708,0.0,134.38,2022-10-17,rem us middle atlantic smm food,0,138.31021918993696,130.80002326169728,0.0,0.0,0.9588567821316126,0.0,5.969551527868558,0.5817876182395089,0.0,138.31021918993696 +0.0,0.0,0.0,0.0,0.11484203476388474,0.883,0.975,208.36,2022-10-17,rem us mountain smm food,0,190.21692332976727,173.95751153106124,0.0,0.0,0.0,0.0,14.138063271607997,0.725591054951252,1.3957574721467707,190.21692332976727 +0.0,0.0,0.848,0.948,0.025340516631667333,0.924,0.611,171.86,2022-10-17,rem us new england smm food,0,155.85690539006842,148.221630613054,0.0,0.0,0.888645411199571,1.993032344619352,3.1196401928121715,0.7592821458380032,0.8746746825453096,155.85690539006842 +0.0,0.58,0.0,0.74,0.09725167823575183,0.554,0.801,109.0,2022-10-17,rem us pacific smm food,0,121.18695979855121,105.11364420201244,0.0,0.9431281424901881,0.0,1.55574254748768,11.97253586627945,0.4552405939331751,1.1466684463482701,121.1869597985512 +0.767,0.841,0.616,0.0,0.14603282449808136,0.593,0.591,259.99,2022-10-17,rem us south atlantic smm food,0,306.4864332510574,283.6802303568146,1.4818861972634547,1.3675358066107728,0.6455254402110091,0.0,17.97792347314607,0.48728821697179203,0.8460437600397348,306.48643325105746 +0.0,0.0,0.533,0.0,0.25256673013348935,0.763,0.726,419.94,2022-10-17,rem us south central smm food,0,432.74934507599426,399.4313293612464,0.0,0.0,0.5585471747280323,0.0,31.093183069004212,0.6269829840631996,1.0393024869523646,432.7493450759942 +0.0,0.0,0.0,0.0,0.0980036267489935,0.0,0.0,162.96,2022-10-17,rem us west north central smm food,0,138.01963581603255,125.95452848252805,0.0,0.0,0.0,0.0,12.065107333504496,0.0,0.0,138.01963581603255 +0.955,0.0,0.0,0.724,0.014017674436628453,0.507,0.0,95.35,2022-10-17,richmond/petersburg smm food,0,91.57762920543682,86.06809383806947,1.84511254026936,0.0,0.0,1.5221048707852436,1.725698856810739,0.41661909950202125,0.0,91.57762920543684 +0.808,0.526,0.0,0.0,0.048786706183968694,0.0,0.0,106.57,2022-10-17,sacramento/stockton/modesto smm food,0,80.00957384320714,71.58708164797008,1.561100452918998,0.855319660258343,0.0,0.0,6.006072082059707,0.0,0.0,80.00957384320714 +0.837,0.543,0.0,0.0,0.04869268173135993,0.0,0.0,73.51,2022-10-17,salt lake city smm food,0,92.21939903788181,83.72480907215119,1.6171300483826747,0.8829630713313313,0.0,0.0,5.994496846016615,0.0,0.0,92.21939903788181 +0.0,0.855,0.612,0.9560000000000002,0.027394845900426665,0.535,0.9899999999999999,66.8,2022-10-17,san diego smm food,0,87.9852033037107,78.71431295071628,0.0,1.3903009686708807,0.6413337165732753,2.0098511829705705,3.3725461713778646,0.43962764937590015,1.4172306640259515,87.98520330371072 +0.5690000000000001,0.611,0.0,0.877,0.08009931997896982,0.9199999999999999,0.0,104.7,2022-10-17,san francisco/oakland/san jose smm food,0,103.42947932714077,88.87591304741949,1.0993393040976607,0.9935367156232844,0.0,1.843765154252291,9.860929895606308,0.7559952101417347,0.0,103.42947932714077 +0.848,0.0,0.0,0.533,0.06968904625563699,0.0,0.0,78.32,2022-10-17,seattle/tacoma smm food,0,100.08302801914243,88.74475650580376,1.6383826535585522,0.0,0.0,1.12055510514991,8.579333754630207,0.0,0.0,100.08302801914243 +0.0,0.0,0.0,0.0,0.0304409416357964,0.0,0.909,87.73,2022-10-17,st. louis smm food,0,92.75291627207045,87.70409353036166,0.0,0.0,0.0,0.0,3.747547313830418,0.0,1.301275427878374,92.75291627207045 +0.614,0.662,0.856,0.634,0.04157314029551949,0.551,0.0,208.25,2022-10-17,tampa/ft. myers smm food,0,183.318668295382,173.25520362076367,1.1862817798171592,1.0764669488422491,0.8970288584750387,1.3328929393340394,5.118018755988892,0.4527753921609738,0.0,183.31866829538203 +0.0,0.0,0.0,0.0,0.011427739383297537,0.721,0.551,77.03,2022-10-17,tucson/sierra vista smm food,0,66.11035382001214,63.32224664442017,0.0,0.0,0.0,0.0,1.4068551013110058,0.5924701592523812,0.7887819150285853,66.11035382001214 +0.0,0.0,0.5710000000000001,0.729,0.1287897777416741,0.0,0.639,159.31,2022-10-17,washington dc/hagerstown smm food,0,191.92227230329985,173.02137618365978,0.0,0.0,0.5983685492865036,1.532616644754755,15.855152951545689,0.0,0.9147579740531143,191.92227230329985 +0.0,0.9840000000000001,0.544,0.687,0.008005545837492764,0.887,0.0,77.14,2022-10-17,yakima/pasco/richland/kennewick smm food,0,58.84583120661034,53.51694236690935,0.0,1.6000656762247332,0.5700744147318003,1.4443177434108598,0.9855530146860845,0.7288779906475203,0.0,58.84583120661034 +0.0,0.9380000000000001,0.871,0.847,0.019494949693921057,0.845,0.916,60.21000000000001,2022-10-24,albany/schenectady/troy smm food,0,90.98123760231263,82.35686844083078,0.0,1.5252658580272354,0.9127478221165405,1.7806945104352228,2.399999554310818,0.694365165836702,1.3112962507553252,90.98123760231262 +0.751,0.0,0.764,0.0,0.029194886593097772,0.792,0.992,54.13,2022-10-24,albuquerque/santa fe smm food,0,78.70877591017782,70.79212936171284,1.4509733170076329,0.0,0.8006192148071607,0.0,3.5941469925125347,0.6508132678611456,1.4200937562765092,78.70877591017782 +0.93,0.0,0.0,0.8,0.14861451604092862,0.0,0.498,156.77,2022-10-24,atlanta smm food,0,187.73488819055632,165.2475308400832,1.7968111648696388,0.0,0.0,1.6818838351218162,18.295752380092853,0.0,0.7129099703888121,187.73488819055632 +0.7030000000000001,0.507,0.592,0.0,0.03624569133548245,0.55,0.0,66.52,2022-10-24,baltimore smm food,0,112.99751169803538,105.28036119021601,1.3582346762401678,0.8244240831767679,0.6203750983846061,0.0,4.4621629917809225,0.4519536582369067,0.0,112.99751169803538 +0.622,0.625,0.778,1.0,0.013288579672399976,0.0,0.0,93.69,2022-10-24,baton rouge smm food,0,57.399867929352396,50.62824190344196,1.2017382199450701,1.0163018776833923,0.8152902475392291,2.10235479390227,1.635940886840479,0.0,0.0,57.3998679293524 +0.843,0.0,0.0,0.0,0.033874217958735214,0.9059999999999999,0.0,74.55,2022-10-24,birmingham/anniston/tuscaloosa smm food,0,68.81894400491191,62.27551690355495,1.6287223784786078,0.0,0.0,0.0,4.170213787673559,0.7444909352047953,0.0,68.81894400491191 +0.0,0.0,0.0,0.0,0.08072620237932228,0.0,0.5690000000000001,205.57,2022-10-24,boston/manchester smm food,0,194.0969457371725,183.34429136615643,0.0,0.0,0.0,0.0,9.938104625732455,0.0,0.8145497452836027,194.0969457371725 +0.0,0.84,0.527,0.502,0.02353729689935678,0.0,0.663,66.48,2022-10-24,buffalo smm food,0,70.78350781223273,63.96319330778341,0.0,1.3659097236064792,0.5522595892714315,1.0553821065389397,2.897648003972655,0.0,0.9491150810598041,70.78350781223273 +0.0,0.0,0.0,0.66,0.06597160357325929,0.0,0.0,98.95,2022-10-24,charlotte smm food,0,136.61012333585427,127.1008852661048,0.0,0.0,0.0,1.3875541639754985,8.121683905773992,0.0,0.0,136.6101233358543 +0.933,0.0,0.9619999999999999,0.619,0.1467922999096843,0.0,0.902,175.7,2022-10-24,chicago smm food,0,200.5976063527475,177.12285569785104,1.8026073299176053,0.0,1.008109534874985,1.3013576174255053,18.071421567676953,0.0,1.2912546050014226,200.5976063527475 +0.0,0.0,0.579,0.0,0.05686990682922642,0.509,0.0,131.35,2022-10-24,cleveland/akron/canton smm food,0,139.1172742998659,131.09107465023894,0.0,0.0,0.6067519965619712,0.0,7.001185085714838,0.41826256735015543,0.0,139.1172742998659 +0.0,0.978,0.9500000000000001,0.0,0.053843705729019704,0.0,0.0,116.85,2022-10-24,columbus oh smm food,0,113.13521137941439,103.92073468964487,0.0,1.5903091781989724,0.9955343639617836,0.0,6.628633147608747,0.0,0.0,113.13521137941437 +0.65,0.0,0.881,0.734,0.13945207282860453,0.768,0.0,96.96,2022-10-24,dallas/ft. worth smm food,0,126.79821528150957,105.27715718131851,1.2558357603927581,0.0,0.9232271312108751,1.5431284187242662,17.16777513617963,0.6310916536835351,0.0,126.79821528150958 +0.0,0.9899999999999999,0.849,0.971,0.020556732871502365,0.5640000000000001,0.725,50.4,2022-10-24,des moines/ames smm food,0,70.98124264938235,62.408297363785806,0.0,1.6098221742504932,0.8896933421090044,2.0413865048791044,2.5307143903570206,0.46345793317384615,1.0378709408270859,70.98124264938235 +0.0,0.591,0.559,0.0,0.07244315096851434,0.54,0.0,164.96,2022-10-24,detroit smm food,0,171.231856043162,160.32292305294044,0.0,0.9610150555374157,0.5857933783733021,0.0,8.918388237314614,0.44373631899623567,0.0,171.231856043162 +0.644,0.0,0.0,0.598,0.032133701787132866,0.0,0.0,127.93,2022-10-24,grand rapids smm food,0,116.47295886360904,110.01556630860257,1.244243430296825,0.0,0.0,1.2572081667535575,3.955940957956078,0.0,0.0,116.47295886360904 +0.8300000000000001,0.0,0.874,0.855,0.028384067158464477,0.67,0.888,124.99,2022-10-24,greensboro smm food,0,93.2023565688782,83.56924325587181,1.603605663270753,0.0,0.9158916148448408,1.797513348786441,3.494327997731889,0.550561729124959,1.2712129592475203,93.20235656887822 +0.0,0.848,0.0,0.0,0.030799704846098713,0.5750000000000001,0.0,71.65,2022-10-24,harrisburg/lancaster smm food,0,90.66823730504562,85.02510769460987,0.0,1.3789183876408266,0.0,0.0,3.79171421645634,0.47249700633858427,0.0,90.66823730504562 +0.0,0.878,0.0,0.0,0.03552406663486071,0.0,0.0,99.88,2022-10-24,hartford/new haven smm food,0,118.41175577108895,112.61073024106035,0.0,1.4277008777696296,0.0,0.0,4.373324652258974,0.0,0.0,118.41175577108896 +0.0,0.0,0.85,0.0,0.10637735059743086,0.0,0.0,184.9,2022-10-24,houston smm food,0,181.63316955650922,167.64644198801398,0.0,0.0,0.8907412730184379,0.0,13.095986295476795,0.0,0.0,181.63316955650922 +0.0,0.6940000000000001,0.0,0.0,0.054491530500879626,0.562,0.0,102.24,2022-10-24,indianapolis smm food,0,97.31993711373872,89.02123497580452,0.0,1.128501604979639,0.0,0.0,6.708386067628856,0.4618144653257119,0.0,97.31993711373872 +0.878,0.811,0.844,0.0,0.028401257200634588,0.0,0.912,120.39999999999999,2022-10-24,jacksonville smm food,0,95.00145560730518,86.29988999004563,1.696344304038218,1.31875331648197,0.8844536875618372,0.0,3.496444242923315,0.0,1.3055700662542102,95.00145560730518 +0.683,0.864,0.536,0.0,0.04405050670426786,0.0,0.0,68.16,2022-10-24,kansas city smm food,0,89.20292509321547,80.49370051161102,1.3195935759203907,1.4049357157095217,0.5616909674563326,0.0,5.4230043225181905,0.0,0.0,89.20292509321546 +0.0,0.0,0.0,0.0,0.02530928099189858,0.0,0.0,83.81,2022-10-24,knoxville smm food,0,72.51881319762481,69.4030183864474,0.0,0.0,0.0,0.0,3.115794811177409,0.0,0.0,72.51881319762481 +0.866,0.75,0.0,0.0,0.03503903513305699,0.0,0.637,80.07,2022-10-24,las vegas smm food,0,81.19421425957813,73.0759844669223,1.6731596438463516,1.219562253220071,0.0,0.0,4.313613013786852,0.0,0.9118948818025568,81.19421425957813 +0.87,0.0,0.585,0.0,0.025053441815442102,0.0,0.0,38.53,2022-10-24,little rock/pine bluff smm food,0,63.081797363141476,57.70357115599228,1.680887863910307,0.0,0.6130395820185719,0.0,3.084298761220314,0.0,0.0,63.08179736314147 +0.0,0.0,0.833,0.726,0.25616944815722664,0.0,0.0,187.62,2022-10-24,los angeles smm food,0,187.9125215272355,153.9765761946837,0.0,0.0,0.8729264475580691,1.5263095803730482,31.536709304620672,0.0,0.0,187.9125215272355 +0.0,0.0,0.0,0.842,0.015447965513838285,0.0,0.529,44.35,2022-10-24,madison wi smm food,0,56.84843616724769,52.419185278171575,0.0,0.0,0.0,1.7701827364657114,1.901780252337947,0.0,0.7572879002724531,56.848436167247684 +0.0,0.0,0.0,0.555,0.05533632970549513,0.0,0.775,194.99,2022-10-24,miami/west palm beach smm food,0,193.21045776436853,184.12181433608328,0.0,0.0,0.0,1.1668069106157601,6.812388270578452,0.0,1.109448247091023,193.2104577643685 +0.9910000000000001,0.0,0.798,0.0,0.0354490793539444,0.6960000000000001,0.0,84.76,2022-10-24,milwaukee smm food,0,75.84010773702624,68.15317248002567,1.9146665208449591,0.0,0.8362488657278982,0.0,4.364093059277011,0.5719268111507038,0.0,75.84010773702624 +0.62,0.9380000000000001,0.0,0.624,0.07412288607675749,0.843,0.623,67.02,2022-10-24,minneapolis/st. paul smm food,0,100.49548512747499,85.75072244988117,1.1978741099130925,1.5252658580272354,0.0,1.3118693913950166,9.12517838422127,0.6927216979885678,0.8918532360486545,100.495485127475 +0.985,0.0,0.0,0.0,0.023549124705990465,0.8240000000000001,0.0,38.43,2022-10-24,mobile/pensacola smm food,0,72.94572193125155,67.46643487620449,1.9030741907490258,0.0,0.0,0.0,2.899104110866748,0.677108753431293,0.0,72.94572193125155 +0.0,0.0,0.0,0.739,0.05706198482432511,0.0,0.0,101.76,2022-10-24,nashville smm food,0,104.0506397055868,95.47216793873541,0.0,0.0,0.0,1.5536401926937777,7.024831574157613,0.0,0.0,104.0506397055868 +0.0,0.608,0.0,0.737,0.025940015800177903,0.0,0.68,71.81,2022-10-24,new orleans smm food,0,66.25460643775274,59.54961731628727,0.0,0.988658466610404,0.0,1.5494354831059731,3.193443806559568,0.0,0.9734513651895427,66.25460643775276 +0.5730000000000001,0.965,0.0,0.582,0.25253060794036875,0.0,0.741,344.91,2022-10-24,new york smm food,0,326.21108548665484,290.1617655847399,1.1070675241616161,1.5691700991431579,0.0,1.2235704900511213,31.088736109727513,0.0,1.0607756788315457,326.21108548665484 +0.676,0.765,0.0,0.0,0.028268333065162046,0.9199999999999999,0.0,107.16,2022-10-24,norfolk/portsmouth/newport news smm food,0,109.09603726203773,102.30993924858487,1.3060691908084685,1.2439534982844722,0.0,0.0,3.4800801142181905,0.7559952101417347,0.0,109.09603726203774 +0.9380000000000001,0.0,0.712,0.0,0.038855167660067774,0.909,0.0,58.11,2022-10-24,oklahoma city smm food,0,61.69800711888868,53.609244119971564,1.8122676049975497,0.0,0.7461268075166209,0.0,4.783412449425959,0.7469561369769967,0.0,61.69800711888869 +0.0,0.0,0.9199999999999999,0.542,0.019978526967331604,0.0,0.0,83.69,2022-10-24,omaha smm food,0,65.4393347494863,60.87622985001895,0.0,0.0,0.9640964366787798,1.1394762982950306,2.459532164493549,0.0,0.0,65.4393347494863 +0.497,0.629,0.677,0.971,0.06711957294947629,0.611,0.0,110.46,2022-10-24,orlando/daytona beach/melborne smm food,0,146.11434389762636,132.61538216686213,0.9602313429464628,1.0228062097005661,0.70944922568645,2.0413865048791044,8.263009019946633,0.5020794276049999,0.0,146.11434389762636 +0.543,0.0,0.0,0.885,0.018163916808889638,0.9910000000000001,0.9070000000000001,21.53,2022-10-24,paducah ky/cape girardeau mo smm food,0,62.81783636763992,55.55925813283435,1.0491058736819503,0.0,0.0,1.860583992603509,2.2361377141417944,0.8143383187504991,1.2984123356278165,62.81783636763992 +0.0,0.655,0.543,0.0,0.14177943131599047,0.0,0.715,225.18000000000004,2022-10-24,philadelphia smm food,0,219.8497073789376,199.7377476378349,0.0,1.0650843678121953,0.5690264838223669,0.0,17.454293409893847,0.0,1.0235554795742985,219.8497073789376 +0.0,0.805,0.0,0.792,0.08386866020546552,0.0,0.72,104.27,2022-10-24,phoenix/prescott smm food,0,131.3127049329151,116.98296111946722,0.0,1.3089968184562095,0.0,1.6650649967705982,10.324968788020396,0.0,1.0307132102006922,131.31270493291512 +0.0,0.5650000000000001,0.8,0.0,0.0437292840848731,0.895,0.0,91.3,2022-10-24,pittsburgh smm food,0,112.42822483225298,104.55223234884438,0.0,0.9187368974257868,0.8383447275467651,0.0,5.383458996395992,0.7354518620400572,0.0,112.42822483225298 +0.619,0.0,0.0,0.732,0.05676734727913248,0.0,0.874,81.84,2022-10-24,portland or smm food,0,97.87090566096093,86.8963094792362,1.1959420548971036,0.0,0.0,1.5389237091364618,6.988559104197557,0.0,1.251171313493618,97.87090566096093 +0.67,0.0,0.9980000000000001,0.0,0.024508961160396293,0.0,0.0,50.7,2022-10-24,providence ri/new bedford ma smm food,0,88.60588667590486,83.24830635780522,1.2944768607125354,0.0,1.0458350476145895,0.0,3.0172684097725093,0.0,0.0,88.60588667590486 +0.704,0.623,0.724,0.0,0.047390357810596806,0.795,0.669,141.41,2022-10-24,raleigh/durham/fayetteville smm food,0,135.90724335644046,125.33017277610136,1.3601667312561565,1.0130497116748054,0.7587019784298223,0.0,5.834169331533495,0.6532784696333469,0.9577043578114766,135.90724335644046 +0.708,0.0,0.595,0.0,0.2618056408014239,0.0,0.681,253.63,2022-10-24,rem us east north central smm food,0,341.65054358427903,306.4536727021249,1.367894951320112,0.0,0.6235188911129065,0.0,32.23057412840635,0.0,0.9748829113148214,341.6505435842791 +0.541,0.0,0.0,0.515,0.08965031522620068,0.602,0.0,161.75,2022-10-24,rem us middle atlantic smm food,0,144.45940287461974,130.80002326169728,1.0452417636499727,0.0,0.0,1.0827127188596692,11.036741308124416,0.49468382228839597,0.0,144.45940287461974 +0.9339999999999999,0.528,0.734,0.766,0.16568541279693005,0.601,0.9829999999999999,166.33,2022-10-24,rem us mountain smm food,0,201.29860945587646,173.95751153106124,1.804539384933594,0.85857182626693,0.7691812875241569,1.610403772129139,20.39732972444808,0.4938620883643289,1.4072098411490004,201.2986094558765 +0.592,0.678,0.0,0.0,0.04571418228774085,0.0,0.0,152.86,2022-10-24,rem us new england smm food,0,156.09570886028638,148.221630613054,1.1437765694654043,1.1024842769109442,0.0,0.0,5.627817400856014,0.0,0.0,156.09570886028638 +0.0,0.937,0.0,0.0,0.1499287221320037,0.9199999999999999,0.547,114.37000000000002,2022-10-24,rem us pacific smm food,0,126.63387761182099,105.11364420201244,0.0,1.523639775022942,0.0,0.0,18.4575426941164,0.7559952101417347,0.7830557305274704,126.63387761182098 +0.98,0.678,0.0,0.71,0.279748513659013,0.663,0.0,229.3,2022-10-24,rem us south atlantic smm food,0,323.1531094351767,283.6802303568146,1.8934139156690815,1.1024842769109442,0.0,1.4926719036706118,34.43949939045499,0.5448095916564893,0.0,323.1531094351767 +0.642,0.0,0.0,0.857,0.48411434330781605,0.871,0.507,376.97,2022-10-24,rem us south central smm food,0,463.51367907806343,399.4313293612464,1.2403793202648474,0.0,0.0,1.8017180583742456,59.598728204799116,0.7157302478624467,0.7257938855163207,463.5136790780634 +0.594,0.5,0.0,0.0,0.18224756683864402,0.0,0.0,101.69,2022-10-24,rem us west north central smm food,0,150.35148703596323,125.95452848252805,1.1476406794973821,0.8130415021467139,0.0,0.0,22.436276371791074,0.0,0.0,150.3514870359632 +0.625,0.531,0.85,0.0,0.022828247505944654,0.0,0.0,84.99,2022-10-24,richmond/petersburg smm food,0,91.84017736659263,86.06809383806947,1.2075343849930367,0.8634500752798102,0.8907412730184379,0.0,2.8103577952318703,0.0,0.0,91.84017736659263 +0.8989999999999999,0.519,0.0,0.841,0.06763212977000825,0.644,0.5640000000000001,67.64,2022-10-24,sacramento/stockton/modesto smm food,0,85.59871449694191,71.58708164797008,1.7369174593739838,0.8439370792282891,0.0,1.7680803816718091,8.326109266941332,0.5291966470992143,0.807392014657209,85.59871449694192 +0.608,0.544,0.9470000000000001,0.548,0.06358238169110174,0.0,0.98,120.25999999999999,2022-10-24,salt lake city smm food,0,97.15903358201781,83.72480907215119,1.1746894497212261,0.8845891543356248,0.9923905712334832,1.1520904270584442,7.827549704744697,0.0,1.4029152027731644,97.15903358201783 +0.652,0.0,0.849,0.8300000000000001,0.03761985932812855,0.0,0.0,52.59,2022-10-24,san diego smm food,0,87.2399957847924,78.71431295071628,1.259699870424736,0.0,0.8896933421090044,1.7449544789388844,4.631335142603513,0.0,0.0,87.23999578479241 +0.0,0.0,0.0,0.898,0.09615299571155869,0.654,0.68,83.24,2022-10-24,san francisco/oakland/san jose smm food,0,104.11197140040827,88.87591304741949,0.0,0.0,0.0,1.8879146049242388,11.83727839653513,0.5374139863398854,0.9734513651895427,104.11197140040828 +0.0,0.884,0.775,0.0,0.08657359544244247,0.0,0.791,86.75,2022-10-24,seattle/tacoma smm food,0,102.7846833978139,88.74475650580376,0.0,1.4374573757953901,0.8121464548109287,0.0,10.657970076308338,0.0,1.1323529850954828,102.78468339781391 +0.0,0.0,0.802,0.0,0.05336829659826614,0.9980000000000001,0.0,81.63,2022-10-24,st. louis smm food,0,95.93473068348372,87.70409353036166,0.0,0.0,0.840440589365632,0.0,6.570106107537461,0.8200904562189689,0.0,95.93473068348372 +0.727,0.0,0.0,0.0,0.06579090364891058,0.926,0.0,203.85,2022-10-24,tampa/ft. myers smm food,0,183.52017138886117,173.25520362076367,1.4046039966239003,0.0,0.0,0.0,8.09943815778747,0.7609256136861374,0.0,183.52017138886117 +0.0,0.8190000000000001,0.543,0.0,0.016065713580706693,0.585,0.0,50.52,2022-10-24,tucson/sierra vista smm food,0,67.68157992011277,63.32224664442017,0.0,1.3317619805163174,0.5690264838223669,0.0,1.9778304657746533,0.48071434557925524,0.0,67.68157992011277 +0.583,0.0,0.527,0.0,0.15682982165987072,0.0,0.782,169.48,2022-10-24,washington dc/hagerstown smm food,0,195.12662158366203,173.02137618365978,1.1263880743215047,0.0,0.5522595892714315,0.0,19.307128666441326,0.0,1.1194690699679741,195.12662158366203 +0.528,0.0,0.0,0.0,0.012377887983131679,0.0,0.8270000000000001,54.8,2022-10-24,yakima/pasco/richland/kennewick smm food,0,57.2447828011762,53.51694236690935,1.0201250484421174,0.0,0.0,0.0,1.5238267402192125,0.0,1.1838886456055173,57.24478280117619 +0.0,0.993,0.0,0.999,0.025006863263025574,0.862,0.839,92.34,2022-10-31,albany/schenectady/troy smm food,0,91.05978767712107,82.35686844083078,0.0,1.6147004232633737,0.0,2.100252439108368,3.0785645322638286,0.7083346425458428,1.2010671991088622,91.05978767712105 +0.982,0.687,0.6910000000000001,0.687,0.03685242705089091,0.0,0.865,58.53,2022-10-31,albuquerque/santa fe smm food,0,81.75010929957749,70.79212936171284,1.8972780257010593,1.117119023949585,0.7241202584185183,1.4443177434108598,4.536857488018521,0.0,1.2382873983661093,81.75010929957749 +0.0,0.535,0.0,0.768,0.16396600208786993,0.0,0.777,223.07,2022-10-31,atlanta smm food,0,189.03006023100227,165.2475308400832,0.0,0.8699544072969839,0.0,1.6146084817169435,20.18565516256356,0.0,1.1123113393415804,189.03006023100227 +0.0,0.91,0.652,0.0,0.04571261191876234,0.9390000000000001,0.716,112.14,2022-10-31,baltimore smm food,0,114.8675669321126,105.28036119021601,0.0,1.4797355339070193,0.6832509529506136,0.0,5.627624074640367,0.7716081546990098,1.0249870256995772,114.8675669321126 +0.7030000000000001,0.675,0.615,0.584,0.017392026710035542,0.656,0.6990000000000001,32.96,2022-10-31,baton rouge smm food,0,58.63715477483609,50.62824190344196,1.3582346762401678,1.0976060278980637,0.6444775093015757,1.2277751996389257,2.141111262557545,0.5390574541880195,1.0006507415698387,58.6371547748361 +0.0,0.932,0.0,0.7030000000000001,0.04288807782517464,0.88,0.8140000000000001,53.34,2022-10-31,birmingham/anniston/tuscaloosa smm food,0,72.4372851993524,62.27551690355495,0.0,1.5155093600014748,0.0,1.477955420113296,5.279899116526729,0.7231258531790506,1.1652785459768937,72.4372851993524 +0.0,0.0,0.646,0.765,0.09942245450332154,0.0,0.0,192.16,2022-10-31,boston/manchester smm food,0,197.86933364427483,183.34429136615643,0.0,0.0,0.6769633674940129,1.6083014173352368,12.239777493289157,0.0,0.0,197.86933364427483 +0.7020000000000001,0.872,0.871,0.0,0.029888219941343223,0.739,0.0,82.52,2022-10-31,buffalo smm food,0,71.93695191879446,63.96319330778341,1.3563026212241789,1.417944379743869,0.9127478221165405,0.0,3.679502418040859,0.6072613698855891,0.0,71.93695191879445 +0.769,0.6940000000000001,0.0,0.0,0.08279050367642597,0.9520000000000001,0.0,148.36,2022-10-31,charlotte smm food,0,140.6896661226751,127.1008852661048,1.4857503072954323,1.128501604979639,0.0,0.0,10.192238248583351,0.7822906957118821,0.0,140.6896661226751 +0.86,0.501,0.0,0.0,0.1738926219344274,0.578,0.0,180.32,2022-10-31,chicago smm food,0,201.48176206767306,177.12285569785104,1.6615673137504186,0.8146675851510073,0.0,0.0,21.40770926280982,0.4749622081107855,0.0,201.48176206767306 +0.0,0.851,0.731,0.911,0.07008715394253422,0.0,0.0,145.69,2022-10-31,cleveland/akron/canton smm food,0,143.78449830686708,131.09107465023894,0.0,1.3837966366537071,0.7660374947958566,1.9152452172449683,8.62834430793361,0.0,0.0,143.78449830686708 +0.64,0.8190000000000001,0.0,0.533,0.06586379916375242,0.8210000000000001,0.549,68.11,2022-10-31,columbus oh smm food,0,117.1785415959723,103.92073468964487,1.2365152102328696,1.3317619805163174,0.0,1.12055510514991,8.108412235991231,0.6746435516590916,0.7859188227780278,117.17854159597232 +0.626,0.0,0.0,0.0,0.1644219527284246,0.0,0.539,114.90999999999998,2022-10-31,dallas/ft. worth smm food,0,127.50001367441742,105.27715718131851,1.2094664400090256,0.0,0.0,0.0,20.24178669156464,0.0,0.7716033615252404,127.50001367441742 +0.0,0.85,0.0,0.0,0.02481234137348194,0.0,0.553,49.81,2022-10-31,des moines/ames smm food,0,67.63673010366166,62.408297363785806,0.0,1.3821705536494135,0.0,0.0,3.054617178947293,0.0,0.7916450072791428,67.63673010366165 +0.0,0.0,0.0,0.0,0.08826247229739854,0.0,0.994,145.49,2022-10-31,detroit smm food,0,172.6117655540055,160.32292305294044,0.0,0.0,0.0,0.0,10.865885652538028,0.0,1.4229568485270667,172.61176555400553 +0.0,0.0,0.0,0.6940000000000001,0.04054057141730657,0.835,0.0,141.39,2022-10-31,grand rapids smm food,0,117.15164881898514,110.01556630860257,0.0,0.0,0.0,1.4590342269681758,4.990900456818365,0.686147826596031,0.0,117.15164881898514 +0.879,0.0,0.716,0.0,0.03685154117004308,0.0,0.0,93.01,2022-10-31,greensboro smm food,0,90.55458657438479,83.56924325587181,1.698276359054207,0.0,0.7503185311543548,0.0,4.536748428304423,0.0,0.0,90.5545865743848 +0.0,0.0,0.811,0.759,0.03814406356672544,0.0,0.9770000000000001,104.02,2022-10-31,harrisburg/lancaster smm food,0,93.56515680420449,85.02510769460987,0.0,0.0,0.8498719675505332,1.5956872885718232,4.6958692890749285,0.0,1.3986205643973282,93.56515680420449 +0.0,0.9420000000000002,0.0,0.727,0.04346697315962866,0.0,0.93,79.0,2022-10-31,hartford/new haven smm food,0,122.35341648009509,112.61073024106035,0.0,1.5317701900444092,0.0,1.5284119351669503,5.351166217314144,0.0,1.3313378965092275,122.35341648009508 +0.0,0.808,0.0,0.0,0.12966987009331676,0.0,0.5710000000000001,151.57,2022-10-31,houston smm food,0,185.7412299439326,167.64644198801398,0.0,1.3138750674690898,0.0,0.0,15.963500050915398,0.0,0.8174128375341602,185.74122994393264 +0.0,0.0,0.0,0.0,0.06926393094049305,0.497,0.0,117.48999999999998,2022-10-31,indianapolis smm food,0,97.95663506111586,89.02123497580452,0.0,0.0,0.0,0.0,8.526998325049986,0.40840176026135017,0.0,97.95663506111586 +0.0,0.5740000000000001,0.8320000000000001,0.0,0.03570838668596557,0.528,0.542,126.41999999999999,2022-10-31,jacksonville smm food,0,93.7109297326162,86.29988999004563,0.0,0.9333716444644277,0.8718785166486358,0.0,4.3960160696489945,0.4338755119074304,0.7758979999010767,93.7109297326162 +0.0,0.663,0.0,0.846,0.0522028455928775,0.993,0.0,109.87,2022-10-31,kansas city smm food,0,90.59299633694968,80.49370051161102,0.0,1.0780930318465427,0.0,1.7785921556413204,6.426628851252156,0.8159817865986333,0.0,90.59299633694968 +0.611,0.0,0.8250000000000001,0.0,0.03196837566388549,0.0,0.883,42.28,2022-10-31,knoxville smm food,0,76.64769009005155,69.4030183864474,1.1804856147691927,0.0,0.8645430002826016,0.0,3.935587859931241,0.0,1.2640552286211266,76.64769009005155 +0.588,0.0,0.81,0.643,0.040636099519834185,0.538,0.0,92.67,2022-10-31,las vegas smm food,0,81.8574246419669,73.0759844669223,1.1360483494014488,0.0,0.8488240366410997,1.3518141324791597,5.002660805374788,0.44209285114810143,0.0,81.8574246419669 +0.585,0.0,0.664,0.755,0.03145393835430136,0.798,0.0,46.8,2022-10-31,little rock/pine bluff smm food,0,65.64492711322701,57.70357115599228,1.1302521843534823,0.0,0.695826123863815,1.587277869396214,3.8722561082156797,0.6557436714055482,0.0,65.64492711322701 +0.728,0.668,0.0,0.871,0.29616427619950625,0.0,0.646,190.24,2022-10-31,los angeles smm food,0,195.68568947368013,153.9765761946837,1.406536051639889,1.0862234468680099,0.0,1.8311510254888774,36.460423958069605,0.0,0.9247787969300655,195.68568947368016 +0.0,0.79,0.0,0.0,0.018395216962307188,0.0,0.0,76.08,2022-10-31,madison wi smm food,0,55.96840364637119,52.419185278171575,0.0,1.284605573391808,0.0,0.0,2.264612794807801,0.0,0.0,55.968403646371186 +0.706,0.0,0.0,0.621,0.07304276504207212,0.669,0.0,360.21,2022-10-31,miami/west palm beach smm food,0,196.3333534964683,184.12181433608328,1.3640308412881341,0.0,0.0,1.3055623270133099,8.992205996882669,0.5497399952008919,0.0,196.33335349646828 +0.771,0.0,0.0,0.615,0.04327483956531357,0.93,0.0,66.87,2022-10-31,milwaukee smm food,0,77.02746052910483,68.15317248002567,1.4896144173274102,0.0,0.0,1.2929481982498963,5.327512884119438,0.7642125493824058,0.0,77.02746052910483 +0.738,0.0,0.0,0.8140000000000001,0.0863291022127443,0.661,0.0,63.66,2022-10-31,minneapolis/st. paul smm food,0,100.0589327897877,85.75072244988117,1.4258566017997778,0.0,0.0,1.711316802236448,10.627870812061936,0.543166123808355,0.0,100.05893278978769 +0.0,0.658,0.5660000000000001,0.0,0.030207316199595546,0.0,0.0,73.71,2022-10-31,mobile/pensacola smm food,0,72.848312358197,67.46643487620449,0.0,1.0699626168250755,0.5931288947393364,0.0,3.7187859704281028,0.0,0.0,72.848312358197 +0.0,0.515,0.731,0.583,0.06720824010870119,0.59,0.0,84.35,2022-10-31,nashville smm food,0,107.06005876690178,95.47216793873541,0.0,0.8374327472111154,0.7660374947958566,1.2256728448450234,8.273924726114785,0.48482301519959076,0.0,107.06005876690179 +0.56,0.926,0.677,0.0,0.034046227107792856,0.5710000000000001,0.5680000000000001,48.05,2022-10-31,new orleans smm food,0,68.32048810758431,59.54961731628727,1.081950808953761,1.5057528619757141,0.70944922568645,0.0,4.191389624880487,0.46921007064231585,0.813118199158324,68.32048810758432 +0.0,0.0,0.668,0.967,0.3047367771308484,0.0,0.989,263.28,2022-10-31,new york smm food,0,331.8263337608852,290.1617655847399,0.0,0.0,0.7000178475015488,2.0329770857034952,37.51577412503955,0.0,1.415799117900673,331.8263337608852 +0.8170000000000001,0.508,0.599,0.0,0.035840012270850846,0.635,0.0,78.52,2022-10-31,norfolk/portsmouth/newport news smm food,0,110.27621035473221,102.30993924858487,1.5784889480628976,0.8260501661810613,0.6277106147506404,0.0,4.412220335370135,0.5218010417826104,0.0,110.27621035473221 +0.861,0.594,0.762,0.9619999999999999,0.04572772502131569,0.903,0.705,42.64,2022-10-31,oklahoma city smm food,0,66.44037584008542,53.609244119971564,1.6634993687664075,0.9658933045502961,0.7985233529882938,2.0224653117339835,5.629484630320776,0.742025733432594,1.0092400183215111,66.44037584008542 +0.0,0.621,0.0,0.0,0.023824932649898493,0.0,0.0,52.67,2022-10-31,omaha smm food,0,64.81908588719139,60.87622985001895,0.0,1.0097975456662187,0.0,0.0,2.933058491506215,0.0,0.0,64.81908588719139 +0.5740000000000001,0.0,0.974,0.645,0.08041807028654237,0.716,0.0,282.38,2022-10-31,orlando/daytona beach/melborne smm food,0,146.5896176419529,132.61538216686213,1.108999579177605,0.0,1.0206847057881865,1.3560188420669643,9.90017085842598,0.5883614896320457,0.0,146.5896176419529 +0.844,0.0,0.639,0.619,0.023176233117034,0.0,0.865,49.02,2022-10-31,paducah ky/cape girardeau mo smm food,0,63.252383313970945,55.55925813283435,1.6306544334945967,0.0,0.6696278511279786,1.3013576174255053,2.853197880722393,0.0,1.2382873983661093,63.25238331397094 +0.0,0.0,0.0,0.679,0.16636783387230508,0.0,0.995,235.57999999999998,2022-10-31,philadelphia smm food,0,223.07097669087767,199.7377476378349,0.0,0.0,0.0,1.4274989050596416,20.481341753330778,0.0,1.4243883946523455,223.07097669087767 +0.704,0.0,0.796,0.0,0.09779236702423974,0.0,0.0,107.16,2022-10-31,phoenix/prescott smm food,0,131.21638026027796,116.98296111946722,1.3601667312561565,0.0,0.8341530039090312,0.0,12.03909940564557,0.0,0.0,131.216380260278 +0.618,0.715,0.986,0.797,0.05329101739409636,0.0,0.0,101.53,2022-10-31,pittsburgh smm food,0,116.17832070290716,104.55223234884438,1.1940099998811147,1.1626493480698008,1.0332598767013879,1.6755767707401095,6.560592358670347,0.0,0.0,116.17832070290714 +0.511,0.773,0.0,0.0,0.063546422589016,0.868,0.0,80.69,2022-10-31,portland or smm food,0,97.67693962422258,86.8963094792362,0.9872801131703068,1.2569621623188196,0.0,0.0,7.823122823407008,0.7132650460902454,0.0,97.67693962422257 +0.0,0.0,0.0,0.0,0.030447447979652348,0.56,0.0,98.04,2022-10-31,providence ri/new bedford ma smm food,0,87.45682565719473,83.24830635780522,0.0,0.0,0.0,0.0,3.748348301911928,0.4601709974775777,0.0,87.45682565719473 +0.0,0.0,0.626,0.858,0.06040923927520111,0.904,0.0,87.68,2022-10-31,raleigh/durham/fayetteville smm food,0,135.96975340585044,125.33017277610136,0.0,0.0,0.6560047493053437,1.803820413168148,7.43690799991891,0.7428474673566611,0.0,135.96975340585044 +0.0,0.8130000000000001,0.0,0.0,0.3333810745683261,0.0,0.0,274.17,2022-10-31,rem us east north central smm food,0,348.8178169406409,306.4536727021249,0.0,1.322005482490557,0.0,0.0,41.042138756025466,0.0,0.0,348.8178169406409 +0.0,0.863,0.789,0.0,0.11252230572452587,0.0,0.64,155.0,2022-10-31,rem us middle atlantic smm food,0,147.7988241520882,130.80002326169728,0.0,1.4033096327052281,0.8268174875429971,0.0,13.852484249964295,0.0,0.9161895201783931,147.79882415208817 +0.0,0.0,0.9540000000000001,0.0,0.19277382546952213,0.0,0.0,173.75,2022-10-31,rem us mountain smm food,0,198.68938889237813,173.95751153106124,0.0,0.0,0.9997260875995174,0.0,23.732151273717363,0.0,0.0,198.68938889237813 +1.0,0.558,0.0,0.0,0.056103292478238795,0.0,0.525,151.13,2022-10-31,rem us new england smm food,0,158.719409786246,148.221630613054,1.9320550159888588,0.9073543163957328,0.0,0.0,6.906808125036028,0.0,0.7515617157713381,158.71940978624596 +0.635,0.545,0.0,0.5680000000000001,0.17962498268990987,0.0,0.5680000000000001,114.28000000000002,2022-10-31,rem us pacific smm food,0,131.34738332245203,105.11364420201244,1.2268549351529254,0.8862152373399182,0.0,1.1941375229364897,22.113413225851936,0.0,0.813118199158324,131.34738332245203 +0.8210000000000001,0.0,0.0,0.0,0.3580062986323497,0.0,0.0,356.96,2022-10-31,rem us south atlantic smm food,0,329.34016767544927,283.6802303568146,1.586217168126853,0.0,0.0,0.0,44.073720150507825,0.0,0.0,329.34016767544927 +0.514,0.588,0.628,0.0,0.6150786187579437,0.0,0.609,406.33,2022-10-31,rem us south central smm food,0,478.63203557282526,399.4313293612464,0.9930762782182734,0.9561368065245355,0.6581006111242106,0.0,75.72158092541709,0.0,0.8718115902947521,478.63203557282526 +0.0,0.893,0.734,0.679,0.22466408176330124,0.972,0.557,112.14,2022-10-31,rem us west north central smm food,0,158.8575193168939,125.95452848252805,0.0,1.452092122834031,0.7691812875241569,1.4274989050596416,27.658121952974533,0.7987253741932241,0.7973711917802577,158.8575193168939 +0.841,0.0,0.0,0.0,0.029707308739972228,0.0,0.966,105.86,2022-10-31,richmond/petersburg smm food,0,92.73305632353237,86.06809383806947,1.6248582684466302,0.0,0.0,0.0,3.6572306599969995,0.0,1.382873557019262,92.73305632353237 +0.994,0.0,0.8240000000000001,0.0,0.07827915360550314,0.0,0.0,88.3,2022-10-31,sacramento/stockton/modesto smm food,0,84.00789082961444,71.58708164797008,1.9204626858929257,0.0,0.8634950693731681,0.0,9.63685142637826,0.0,0.0,84.00789082961444 +0.649,0.961,0.0,0.6880000000000001,0.07028556901276341,0.0,0.505,104.74,2022-10-31,salt lake city smm food,0,97.36350038211536,83.72480907215119,1.2539037053767694,1.562665767125984,0.0,1.446420098204762,8.652770945990905,0.0,0.7229307932657633,97.36350038211538 +0.0,0.646,0.0,0.9280000000000002,0.04368701756057228,0.0,0.9630000000000002,55.81,2022-10-31,san diego smm food,0,88.4725823548527,78.71431295071628,0.0,1.0504496207735543,0.0,1.950985248741307,5.378255615978145,0.0,1.378578918643426,88.4725823548527 +0.0,0.0,0.0,0.8210000000000001,0.11026729170197046,0.0,0.807,112.86,2022-10-31,san francisco/oakland/san jose smm food,0,105.33207627167013,88.87591304741949,0.0,0.0,0.0,1.726033285793764,13.574872215356931,0.0,1.1552577230999426,105.33207627167013 +0.0,0.0,0.0,0.0,0.09513255487574795,0.672,0.978,113.04,2022-10-31,seattle/tacoma smm food,0,102.4086669792186,88.74475650580376,0.0,0.0,0.0,0.0,11.71165316591912,0.5522051969730932,1.400052110522607,102.40866697921858 +0.0,0.0,0.844,0.552,0.061627624441208895,0.838,0.0,118.46000000000001,2022-10-31,st. louis smm food,0,98.024562008885,87.70409353036166,0.0,0.0,0.8844536875618372,1.1604998462340532,7.5869019163591975,0.6886130283682322,0.0,98.02456200888498 +0.0,0.732,0.6880000000000001,0.684,0.0798458839241996,0.562,0.0,343.66,2022-10-31,tampa/ft. myers smm food,0,186.89602768098973,173.25520362076367,0.0,1.1902927591427892,0.720976465690218,1.438010679029153,9.829729691038224,0.4618144653257119,0.0,186.89602768098976 +0.672,0.0,0.0,0.0,0.01910655086574393,0.902,0.985,94.66,2022-10-31,tucson/sierra vista smm food,0,69.12404879487292,63.32224664442017,1.2983409707445133,0.0,0.0,0.0,2.3521842468001446,0.7412039995085269,1.410072933399558,69.1240487948729 +0.0,0.0,0.0,0.911,0.17337765457898036,0.646,0.0,133.86,2022-10-31,washington dc/hagerstown smm food,0,196.81177377364463,173.02137618365978,0.0,0.0,0.0,1.9152452172449683,21.344312257792524,0.5308401149473485,0.0,196.81177377364463 +0.0,0.745,0.0,0.0,0.01483733044005357,0.543,0.0,35.07,2022-10-31,yakima/pasco/richland/kennewick smm food,0,57.001181436707995,53.51694236690935,0.0,1.2114318381986038,0.0,0.0,1.8266057108315972,0.44620152076843694,0.0,57.00118143670799 +0.0,0.0,0.994,0.5650000000000001,0.023334398061210154,0.0,0.722,85.96,2022-11-07,albany/schenectady/troy smm food,0,88.4925879005122,82.35686844083078,0.0,0.0,1.0416433239768557,1.1878304585547828,2.872669374698534,0.0,1.0335763024512497,88.4925879005122 +0.0,0.0,0.0,0.0,0.03646287423008912,0.0,0.597,94.63,2022-11-07,albuquerque/santa fe smm food,0,76.13566251238312,70.79212936171284,0.0,0.0,0.0,0.0,4.4889001138788815,0.0,0.8546330367914072,76.13566251238312 +0.0,0.9440000000000001,0.513,0.0,0.1603129198228489,0.584,0.619,161.8,2022-11-07,atlanta smm food,0,188.4220900623152,165.2475308400832,0.0,1.5350223560529959,0.5375885565393631,0.0,19.73592864643692,0.4798926116551881,0.8861270515475396,188.4220900623152 +0.0,0.614,0.834,0.0,0.046994145439209455,0.833,0.0,129.6,2022-11-07,baltimore smm food,0,113.62264700028571,105.28036119021601,0.0,0.9984149646361646,0.8739743784675026,0.0,5.785392108218136,0.6845043587478967,0.0,113.62264700028571 +0.779,0.677,0.758,0.628,0.018066325357664826,0.0,0.995,49.7,2022-11-07,baton rouge smm food,0,58.9972931386134,50.62824190344196,1.505070857455321,1.1008581939066506,0.7943316293505599,1.3202788105706258,2.224123349235937,0.0,1.4243883946523455,58.9972931386134 +0.765,0.846,0.732,0.0,0.04227229426395207,0.851,0.0,17.26,2022-11-07,birmingham/anniston/tuscaloosa smm food,0,71.79967695849666,62.27551690355495,1.4780220872314769,1.37566622163224,0.76708542570529,0.0,5.204090750991581,0.6992955693811046,0.0,71.79967695849665 +0.0,0.0,0.0,0.538,0.09798760552590574,0.916,0.0,188.99,2022-11-07,boston/manchester smm food,0,197.29120149993054,183.34429136615643,0.0,0.0,0.0,1.1310668791194214,12.063134980209215,0.7527082744454664,0.0,197.29120149993054 +0.626,0.683,0.0,0.0,0.0301106291622907,0.898,0.843,56.13,2022-11-07,buffalo smm food,0,71.93486783396742,63.96319330778341,1.2094664400090256,1.1106146919324114,0.0,0.0,3.706882946820321,0.7379170638122585,1.2067933836099771,71.9348678339674 +0.0,0.8260000000000001,0.0,0.0,0.08213334564944112,0.0,0.0,117.57999999999998,2022-11-07,charlotte smm food,0,138.5553661505236,127.1008852661048,0.0,1.3431445615463715,0.0,0.0,10.111336322872447,0.0,0.0,138.5553661505236 +0.785,0.964,0.0,0.706,0.16485113667067025,0.898,0.683,205.97,2022-11-07,chicago smm food,0,203.7016114582944,177.12285569785104,1.5166631875512542,1.5675440161388643,0.0,1.4842624844950028,20.294623004880602,0.7379170638122585,0.9777460035653789,203.7016114582944 +0.0,0.555,0.547,0.639,0.06782602894832829,0.789,0.0,138.0,2022-11-07,cleveland/akron/canton smm food,0,142.90850166351063,131.09107465023894,0.0,0.9024760673828525,0.5732182074601007,1.3434047133035507,8.349979959036242,0.6483480660889442,0.0,142.90850166351063 +0.0,0.0,0.0,0.655,0.06505498500752364,0.0,0.9199999999999999,136.93,2022-11-07,columbus oh smm food,0,114.62363962350419,103.92073468964487,0.0,0.0,0.0,1.377042390005987,8.008840108596893,0.0,1.31702243525644,114.62363962350419 +0.9530000000000001,0.6990000000000001,0.0,0.597,0.16471805562185368,0.937,0.0,88.0,2022-11-07,dallas/ft. worth smm food,0,130.558347689132,105.27715718131851,1.8412484302373826,1.1366320200011062,0.0,1.2551058119596552,20.278239558764476,0.7699646868508756,0.0,130.558347689132 +0.834,0.679,0.8230000000000001,0.739,0.023346419847332142,0.0,0.8290000000000001,107.91,2022-11-07,des moines/ames smm food,0,71.60073003822093,62.408297363785806,1.6113338833347082,1.1041103599152375,0.8624471384637347,1.5536401926937777,2.8741493621715866,0.0,1.1867517378560748,71.60073003822093 +0.929,0.0,0.0,0.0,0.08638417385434917,0.587,0.6900000000000001,213.41,2022-11-07,detroit smm food,0,174.22257741756607,160.32292305294044,1.7948791098536498,0.0,0.0,0.0,10.634650614902261,0.4823578134273894,0.98776682644233,174.22257741756607 +0.0,0.0,0.0,0.0,0.03891358637449941,0.0,0.0,136.15,2022-11-07,grand rapids smm food,0,114.8061706149351,110.01556630860257,0.0,0.0,0.0,0.0,4.790604306332522,0.0,0.0,114.8061706149351 +0.0,0.0,0.875,0.56,0.03583383210906439,0.0,0.0,67.76,2022-11-07,greensboro smm food,0,90.07496098937798,83.56924325587181,0.0,0.0,0.9169395457542743,1.1773186845852714,4.411459503166619,0.0,0.0,90.07496098937797 +0.0,0.0,0.0,0.0,0.037164379427606,0.0,0.5760000000000001,86.51,2022-11-07,harrisburg/lancaster smm food,0,90.42493982860587,85.02510769460987,0.0,0.0,0.0,0.0,4.575261565835447,0.0,0.8245705681605539,90.42493982860587 +0.75,0.6980000000000001,0.0,0.622,0.044594071825550426,0.0,0.0,87.97,2022-11-07,hartford/new haven smm food,0,121.99236408557356,112.61073024106035,1.4490412619916442,1.1350059369968126,0.0,1.307664681807212,5.489921963717534,0.0,0.0,121.99236408557356 +0.975,0.671,0.916,0.0,0.13205040120018327,0.774,0.521,208.61,2022-11-07,houston smm food,0,189.2196239671883,167.64644198801398,1.8837536405891373,1.0911016958808901,0.9599047130410461,0.0,16.256564341165102,0.6360220572279377,0.7458355312702232,189.2196239671883 +0.0,0.523,0.0,0.732,0.06848216147865525,0.988,0.55,66.7,2022-11-07,indianapolis smm food,0,101.44057921916847,89.02123497580452,0.0,0.8504414112454628,0.0,1.5389237091364618,8.430755637100422,0.8118731169782978,0.7873503689033066,101.44057921916847 +0.0,0.0,0.0,0.0,0.03731732916528462,0.846,0.0,56.650000000000006,2022-11-07,jacksonville smm food,0,91.58916791188688,86.29988999004563,0.0,0.0,0.0,0.0,4.594091022080472,0.6951868997607691,0.0,91.58916791188688 +0.0,0.0,0.0,0.918,0.05044084217744704,0.0,0.518,100.83,2022-11-07,kansas city smm food,0,89.37491385837949,80.49370051161102,0.0,0.0,0.0,1.929961700802284,6.209710753071791,0.0,0.7415408928943868,89.37491385837949 +0.9440000000000001,0.667,0.0,0.0,0.03178741627652696,0.9210000000000002,0.0,52.86,2022-11-07,knoxville smm food,0,76.98160279923943,69.4030183864474,1.8238599350934828,1.0845973638637163,0.0,0.0,3.913310169769042,0.756816944065802,0.0,76.98160279923944 +0.736,0.0,0.8270000000000001,0.0,0.039903489649591624,0.0,0.0,99.43,2022-11-07,las vegas smm food,0,80.27708591576848,73.0759844669223,1.4219924917678,0.0,0.8666388621014685,0.0,4.912470094976898,0.0,0.0,80.27708591576848 +0.0,0.0,0.839,0.8270000000000001,0.032013057665253995,0.0,0.9400000000000001,76.84,2022-11-07,little rock/pine bluff smm food,0,65.60817456812023,57.70357115599228,0.0,0.0,0.8792140330146698,1.7386474145571775,3.9410886067940845,0.0,1.345653357762015,65.60817456812022 +0.0,0.543,0.0,0.918,0.28582545735354165,0.0,0.929,160.61,2022-11-07,los angeles smm food,0,193.30703185737073,153.9765761946837,0.0,0.8829630713313313,0.0,1.929961700802284,35.18762454016946,0.0,1.3299063503839488,193.30703185737073 +0.503,0.723,0.0,0.783,0.01745190583055106,0.0,0.0,47.27,2022-11-07,madison wi smm food,0,58.36129367522509,52.419185278171575,0.9718236730423959,1.1756580121041482,0.0,1.6461438036254776,2.1484829082814927,0.0,0.0,58.36129367522509 +0.0,0.75,0.638,0.0,0.08004035515667941,0.866,0.653,122.51,2022-11-07,miami/west palm beach smm food,0,197.51004851559622,184.12181433608328,0.0,1.219562253220071,0.6685799202185452,0.0,9.853670808025223,0.7116215782421111,0.9347996198070166,197.51004851559625 +0.0,0.0,0.0,0.6900000000000001,0.04134435446222098,0.0,0.0,54.77,2022-11-07,milwaukee smm food,0,74.693650498034,68.15317248002567,0.0,0.0,0.0,1.4506248077925665,5.089853210215759,0.0,0.0,74.693650498034 +0.833,0.0,0.0,0.0,0.08348282264785681,0.0,0.0,86.7,2022-11-07,minneapolis/st. paul smm food,0,97.63759307361524,85.75072244988117,1.6094018283187193,0.0,0.0,0.0,10.277468795415334,0.0,0.0,97.63759307361522 +0.0,0.967,0.0,0.0,0.030087085982994245,0.0,0.5650000000000001,79.04,2022-11-07,mobile/pensacola smm food,0,73.55166527678031,67.46643487620449,0.0,1.5724222651517445,0.0,0.0,3.703984574641593,0.0,0.8088235607824877,73.55166527678031 +0.759,0.861,0.0,0.742,0.06825069576312667,0.924,0.0,84.8,2022-11-07,nashville smm food,0,109.0601447397653,95.47216793873541,1.4664297571355438,1.4000574666966412,0.0,1.5599472570754844,8.402260174284221,0.7592821458380032,0.0,109.0601447397653 +0.0,0.0,0.857,0.613,0.03382150495944349,0.0,0.0,69.43,2022-11-07,new orleans smm food,0,65.90016194875453,59.54961731628727,0.0,0.0,0.8980767893844721,1.2887434886620917,4.163724354420701,0.0,0.0,65.90016194875453 +0.0,0.0,0.0,0.647,0.31025473248146745,0.0,0.661,287.57,2022-11-07,new york smm food,0,330.66332402457294,290.1617655847399,0.0,0.0,0.0,1.360223551654769,38.19508289936905,0.0,0.9462519888092467,330.66332402457294 +0.0,0.9460000000000001,0.9910000000000001,0.583,0.037157129289788544,0.0,0.505,78.34,2022-11-07,norfolk/portsmouth/newport news smm food,0,111.40968595018946,102.30993924858487,0.0,1.5382745220615828,1.0384995312485554,1.2256728448450234,4.574369010183662,0.0,0.7229307932657633,111.40968595018946 +0.0,0.0,0.0,0.867,0.04540845208110906,0.0,0.0,9.31,2022-11-07,oklahoma city smm food,0,61.02216505311779,53.609244119971564,0.0,0.0,0.0,1.8227416063132682,5.590179326832952,0.0,0.0,61.02216505311778 +0.0,0.9470000000000001,0.502,0.0,0.022886201658034882,0.0,0.77,60.36,2022-11-07,omaha smm food,0,66.86197474851846,60.87622985001895,0.0,1.5399006050658761,0.5260613165355951,0.0,2.8174924604334115,0.0,1.1022905164646293,66.86197474851846 +0.0,0.994,0.5720000000000001,0.0,0.08435989040212781,0.8200000000000001,0.0,147.55,2022-11-07,orlando/daytona beach/melborne smm food,0,145.89039051134077,132.61538216686213,0.0,1.6163265062676673,0.5994164801959371,0.0,10.38544354028001,0.6738218177350245,0.0,145.89039051134077 +0.503,0.0,0.93,0.0,0.02268499056499028,0.658,0.585,49.46,2022-11-07,paducah ky/cape girardeau mo smm food,0,61.676534564380866,55.55925813283435,0.9718236730423959,0.0,0.9745757457731145,0.0,2.792721607406793,0.5407009220361538,0.8374544832880624,61.67653456438087 +0.806,0.887,0.0,0.9269999999999999,0.1631419364488159,0.847,0.621,224.06,2022-11-07,philadelphia smm food,0,226.3554067206223,199.7377476378349,1.5572363428870202,1.4423356248082704,0.0,1.9488828939474043,20.084205443661784,0.6960086336848362,0.888990143798097,226.3554067206223 +0.0,0.9619999999999999,0.811,0.612,0.09745581755419304,0.0,0.735,94.17,2022-11-07,phoenix/prescott smm food,0,133.7336196826705,116.98296111946722,0.0,1.5642918501302774,0.8498719675505332,1.2866411338681893,11.997667209574427,0.0,1.0521864020798732,133.7336196826705 +0.0,0.671,0.518,0.0,0.05163477975023841,0.724,0.0,117.48999999999998,2022-11-07,pittsburgh smm food,0,113.13779257287167,104.55223234884438,0.0,1.0911016958808901,0.5428282110865305,0.0,6.356694956035277,0.5949353610245826,0.0,113.13779257287166 +0.0,0.918,0.537,0.0,0.059934376252306326,0.716,0.881,83.25,2022-11-07,portland or smm food,0,98.17979439206809,86.8963094792362,0.0,1.4927441979413667,0.5627388983657661,0.0,7.378448190522144,0.5883614896320457,1.2611921363705692,98.17979439206809 +0.0,0.0,0.0,0.0,0.03057550038823086,0.521,0.798,102.37,2022-11-07,providence ri/new bedford ma smm food,0,88.58291621845892,83.24830635780522,0.0,0.0,0.0,0.0,3.7641126782423107,0.4281233744389607,1.142373807972434,88.58291621845892 +0.0,0.865,0.846,0.0,0.06053278814725191,0.0,0.86,99.19,2022-11-07,raleigh/durham/fayetteville smm food,0,136.3065317432785,125.33017277610136,0.0,1.406561798713815,0.8865495493807041,0.0,7.452117951342893,0.0,1.2311296677397157,136.3065317432785 +0.0,0.0,0.0,0.0,0.32230475929876723,0.9520000000000001,0.882,373.45,2022-11-07,rem us east north central smm food,0,348.1771341304181,306.4536727021249,0.0,0.0,0.0,0.0,39.67854705008551,0.7822906957118821,1.2626236824958479,348.17713413041815 +0.9210000000000002,0.808,0.806,0.912,0.10993801090281334,0.0,0.0,112.16,2022-11-07,rem us middle atlantic smm food,0,150.18963574045588,130.80002326169728,1.7794226697257391,1.3138750674690898,0.8446323130033658,1.9173475720388704,13.534334856521548,0.0,0.0,150.18963574045588 +0.0,0.0,0.0,0.0,0.1863327427382352,0.0,0.812,213.64,2022-11-07,rem us mountain smm food,0,198.05912439470563,173.95751153106124,0.0,0.0,0.0,0.0,22.93919740991806,0.0,1.1624154537263363,198.05912439470563 +0.51,0.5690000000000001,0.639,0.0,0.0544287466301922,0.557,0.8240000000000001,180.03,2022-11-07,rem us new england smm food,0,159.13980437635726,148.221630613054,0.985348058154318,0.9252412294429605,0.6696278511279786,0.0,6.700656821642921,0.4577057957053764,1.179594007229681,159.13980437635723 +0.9269999999999999,0.5700000000000001,0.0,0.88,0.17579554835926195,0.0,0.542,111.54,2022-11-07,rem us pacific smm food,0,132.0994729541562,105.11364420201244,1.791014999821672,0.926867312447254,0.0,1.8500722186339977,21.641976221339768,0.0,0.7758979999010767,132.0994729541562 +0.648,0.9059999999999999,0.509,0.992,0.3632153459722356,0.739,0.6,265.83,2022-11-07,rem us south atlantic smm food,0,335.2055546777857,283.6802303568146,1.2519716503607805,1.4732312018898455,0.5333968329016293,2.085535955551052,44.71499963521501,0.6072613698855891,0.8589276751672434,335.20555467778576 +0.0,0.986,0.793,0.0,0.6108685596051082,0.929,0.0,388.27,2022-11-07,rem us south central smm food,0,477.83233289193856,399.4313293612464,0.0,1.6033178422333199,0.8310092111807309,0.0,75.20328566181976,0.7633908154583388,0.0,477.83233289193856 +0.0,0.0,0.0,0.0,0.21841351777797777,0.56,0.625,126.46000000000001,2022-11-07,rem us west north central smm food,0,154.19803842865758,125.95452848252805,0.0,0.0,0.0,0.0,26.888622620352745,0.4601709974775777,0.894716328299212,154.19803842865758 +0.0,0.0,0.0,0.0,0.02877004803849765,0.0,0.0,76.53,2022-11-07,richmond/petersburg smm food,0,89.60993947265584,86.06809383806947,0.0,0.0,0.0,0.0,3.5418456345863696,0.0,0.0,89.60993947265584 +0.0,0.0,0.844,0.0,0.07511063951548257,0.852,0.0,81.74,2022-11-07,sacramento/stockton/modesto smm food,0,82.41843214796143,71.58708164797008,0.0,0.0,0.8844536875618372,0.0,9.24677950912432,0.7001173033051717,0.0,82.41843214796141 +0.0,0.0,0.792,0.0,0.06593837871708186,0.72,0.988,85.15,2022-11-07,salt lake city smm food,0,94.6783799836519,83.72480907215119,0.0,0.0,0.8299612802712975,0.0,8.117593634125702,0.5916484253283142,1.4143675717753943,94.6783799836519 +0.0,0.685,0.0,0.0,0.04175914191403566,0.749,0.0,84.95,2022-11-07,san diego smm food,0,85.58457570688194,78.71431295071628,0.0,1.113866857940998,0.0,0.0,5.140917189098422,0.6154787091262601,0.0,85.58457570688196 +0.683,0.9430000000000001,0.7000000000000001,0.609,0.10404324360071315,0.5750000000000001,0.9759999999999999,114.78,2022-11-07,san francisco/oakland/san jose smm food,0,108.42111184807288,88.87591304741949,1.3195935759203907,1.5333962730487025,0.7335516366034195,1.2803340694864824,12.80863722098377,0.47249700633858427,1.3971890182720492,108.42111184807288 +0.9420000000000002,0.8220000000000001,0.0,0.601,0.09084835231454731,0.0,0.7000000000000001,100.06,2022-11-07,seattle/tacoma smm food,0,105.35122027668845,88.74475650580376,1.8199958250615054,1.3366402295291977,0.0,1.2635152311352644,11.184230197463604,0.0,1.0020822876951174,105.35122027668845 +0.992,0.0,0.0,0.601,0.059792585895126545,0.0,0.0,98.74,2022-11-07,st. louis smm food,0,98.24519988940031,87.70409353036166,1.9165985758609478,0.0,0.0,1.2635152311352644,7.360992552042443,0.0,0.0,98.24519988940031 +0.0,0.0,0.0,0.0,0.08288312949985795,0.0,0.886,171.97,2022-11-07,tampa/ft. myers smm food,0,184.7271947888496,173.25520362076367,0.0,0.0,0.0,0.0,10.20364130108898,0.0,1.2683498669969628,184.7271947888496 +0.0,0.852,0.676,0.0,0.018712795979721086,0.0,0.922,53.09,2022-11-07,tucson/sierra vista smm food,0,69.03966574788231,63.32224664442017,0.0,1.3854227196580005,0.7084012947770165,0.0,2.30370956152013,0.0,1.3198855275069976,69.03966574788231 +0.516,0.0,0.835,0.8310000000000001,0.16367579518245465,0.0,0.0,197.61,2022-11-07,washington dc/hagerstown smm food,0,196.79032385829936,173.02137618365978,0.9969403882502511,0.0,0.875022309376936,1.7470568337327868,20.1499281432796,0.0,0.0,196.79032385829936 +0.0,0.0,0.546,0.0,0.014401604323345842,0.5760000000000001,0.61,35.87,2022-11-07,yakima/pasco/richland/kennewick smm food,0,57.208638518514476,53.51694236690935,0.0,0.0,0.5721702765506672,0.0,1.7729639983717689,0.47331874026265136,0.8732431364200308,57.20863851851447 +0.0,0.835,0.0,0.0,0.021666186817217752,0.656,0.975,59.63,2022-11-14,albany/schenectady/troy smm food,0,88.31676059245933,82.35686844083078,0.0,1.357779308585012,0.0,0.0,2.6672979167087503,0.5390574541880195,1.3957574721467707,88.31676059245933 +0.674,0.0,0.67,0.0,0.0335197754253156,0.516,0.0,40.53,2022-11-14,albuquerque/santa fe smm food,0,77.34704165495384,70.79212936171284,1.3022050807764909,0.0,0.7021137093204158,0.0,4.126578798325465,0.42401470481862513,0.0,77.34704165495384 +0.0,0.0,0.557,0.8160000000000001,0.14643405068324908,0.9510000000000001,0.9420000000000002,185.19,2022-11-14,atlanta smm food,0,187.70405322124225,165.2475308400832,0.0,0.0,0.5836975165544352,1.7155215118242526,18.027317940979994,0.781468961787815,1.3485164500125726,187.70405322124225 +0.882,0.0,0.0,0.0,0.04153751478873209,0.0,0.0,149.32,2022-11-14,baltimore smm food,0,112.09806665748097,105.28036119021601,1.7040725241021735,0.0,0.0,0.0,5.113632943162788,0.0,0.0,112.09806665748097 +0.772,0.0,0.931,0.9700000000000001,0.016653001925759543,0.0,0.8989999999999999,78.32,2022-11-14,baton rouge smm food,0,58.471786989071134,50.62824190344196,1.491546472343399,0.0,0.9756236766825479,2.0392841500852024,2.050130819892432,0.0,1.2869599666255864,58.47178698907113 +0.0,0.796,0.0,0.856,0.041349389280149765,0.519,0.0,29.54,2022-11-14,birmingham/anniston/tuscaloosa smm food,0,70.88644762567318,62.27551690355495,0.0,1.2943620714175685,0.0,1.7996157035803433,5.090473040529499,0.42647990659082646,0.0,70.88644762567318 +0.0,0.0,0.785,0.0,0.08841859983917848,0.9339999999999999,0.729,269.82,2022-11-14,boston/manchester smm food,0,196.86312006485088,183.34429136615643,0.0,0.0,0.8226257639052633,0.0,10.885106324382301,0.7674994850786742,1.0435971253282008,196.86312006485088 +0.682,0.0,0.0,0.0,0.029019272143741677,0.656,0.81,75.6,2022-11-14,buffalo smm food,0,70.5519919555209,63.96319330778341,1.3176615209044018,0.0,0.0,0.0,3.5725273111692895,0.5390574541880195,1.1595523614757788,70.5519919555209 +0.0,0.524,0.0,0.0,0.07327194501203793,0.668,0.55,130.35,2022-11-14,charlotte smm food,0,138.30964145487638,127.1008852661048,0.0,0.8520674942497561,0.0,0.0,9.02042006434171,0.5489182612768249,0.7873503689033066,138.30964145487638 +0.0,0.0,0.0,0.0,0.15279847197943724,0.588,0.0,213.54,2022-11-14,chicago smm food,0,196.4168693539139,177.12285569785104,0.0,0.0,0.0,0.0,18.810834108711415,0.4831795473514565,0.0,196.4168693539139 +0.9280000000000002,0.625,0.0,0.634,0.06362398720249658,0.547,0.0,171.87,2022-11-14,cleveland/akron/canton smm food,0,143.5153766872261,131.09107465023894,1.7929470548376611,1.0163018776833923,0.0,1.3328929393340394,7.832671708667366,0.44948845646470537,0.0,143.5153766872261 +0.0,0.704,0.8190000000000001,0.0,0.06572313808843447,0.0,0.783,105.1,2022-11-14,columbus oh smm food,0,115.13574877761523,103.92073468964487,0.0,1.1447624350225731,0.8582554148260008,0.0,8.09109562202853,0.0,1.1209006160932529,115.13574877761523 +0.5660000000000001,0.0,0.0,0.0,0.14806081209365254,0.0,0.807,126.86,2022-11-14,dallas/ft. worth smm food,0,125.75354460382066,105.27715718131851,1.0935431390496941,0.0,0.0,0.0,18.227586560352517,0.0,1.1552577230999426,125.75354460382067 +0.798,0.538,0.707,0.0,0.022317846699470557,0.0,0.653,68.13,2022-11-14,des moines/ames smm food,0,69.24811966813775,62.408297363785806,1.5417799027591095,0.8748326563098642,0.7408871529694536,0.0,2.7475229725064914,0.0,0.9347996198070166,69.24811966813775 +0.0,0.0,0.803,0.0,0.08133624563033696,0.717,0.897,164.69,2022-11-14,detroit smm food,0,173.05089797980378,160.32292305294044,0.0,0.0,0.8414885202750655,0.0,10.013206308657141,0.5891832235561129,1.284096874375029,173.05089797980378 +0.0,0.0,0.64,0.0,0.03858175666015529,0.583,0.0,178.98,2022-11-14,grand rapids smm food,0,115.91506612201862,110.01556630860257,0.0,0.0,0.6706757820374121,0.0,4.749753153647512,0.479070877731121,0.0,115.91506612201862 +0.9899999999999999,0.896,0.754,0.0,0.03365499024850348,0.0,0.808,75.87,2022-11-14,greensboro smm food,0,93.02900219929586,83.56924325587181,1.91273446582897,1.4569703718469114,0.7901399057128261,0.0,4.143224930810142,0.0,1.1566892692252213,93.02900219929589 +0.0,0.87,0.726,0.0,0.03486194545115931,0.676,0.0,90.2,2022-11-14,harrisburg/lancaster smm food,0,92.04790159962225,85.02510769460987,0.0,1.4146922137352822,0.7607978402486892,0.0,4.291811718359041,0.5554921326693617,0.0,92.04790159962225 +0.0,0.602,0.0,0.0,0.039699387397294665,0.0,0.862,106.55,2022-11-14,hartford/new haven smm food,0,119.71096828448513,112.61073024106035,0.0,0.9789019685846435,0.0,0.0,4.8873433148498755,0.0,1.2339927599902731,119.71096828448515 +0.995,0.0,0.0,0.0,0.11600787867040256,0.49900000000000005,0.5710000000000001,157.82,2022-11-14,houston smm food,0,185.07788369204013,167.64644198801398,1.9223947409089144,0.0,0.0,0.0,14.281588897473615,0.41004522810948446,0.8174128375341602,185.07788369204016 +0.0,0.715,0.646,0.929,0.06077595688006182,0.866,0.0,110.07,2022-11-14,indianapolis smm food,0,101.00761103153339,89.02123497580452,0.0,1.1626493480698008,0.6769633674940129,1.9530876035352092,7.482054158387741,0.7116215782421111,0.0,101.00761103153339 +0.0,0.0,1.0,0.73,0.03329813347355433,0.6950000000000001,0.0,75.0,2022-11-14,jacksonville smm food,0,93.55293770337703,86.29988999004563,0.0,0.0,1.0479309094334563,1.5347189995486572,4.09929272712265,0.5711050772266366,0.0,93.55293770337703 +0.0,0.873,0.8270000000000001,0.804,0.046898245439701086,0.0,0.0,69.93,2022-11-14,kansas city smm food,0,90.24378906663466,80.49370051161102,0.0,1.4195704627481625,0.8666388621014685,1.6902932542974254,5.773585975876576,0.0,0.0,90.24378906663466 +0.905,0.0,0.743,0.5710000000000001,0.02931121745132281,0.965,0.779,76.22,2022-11-14,knoxville smm food,0,78.64720144029175,69.4030183864474,1.7485097894699173,0.0,0.7786126657090581,1.2004445873181964,3.608468343030292,0.7929732367247544,1.115174431592138,78.64720144029175 +0.547,0.909,0.0,0.758,0.03760845407553944,0.552,0.0,67.45,2022-11-14,las vegas smm food,0,82.288041127258,73.0759844669223,1.0568340937459058,1.478109450902726,0.0,1.5935849337779209,4.629931055824095,0.4535971260850409,0.0,82.288041127258 +0.0,0.9380000000000001,0.725,0.671,0.029532843341088227,0.0,0.0,41.6,2022-11-14,little rock/pine bluff smm food,0,65.03501942692752,57.70357115599228,0.0,1.5252658580272354,0.7597499093392558,1.4106800667084234,3.6357524368603262,0.0,0.0,65.03501942692752 +0.0,0.533,0.647,0.0,0.2651886863211983,0.0,0.58,184.91,2022-11-14,los angeles smm food,0,188.99864323618115,153.9765761946837,0.0,0.866702241288397,0.6780112984034463,0.0,32.64705674914395,0.0,0.8302967526616687,188.99864323618115 +0.624,0.863,0.642,0.739,0.01685193715754652,0.685,0.0,71.0,2022-11-14,madison wi smm food,0,59.89201830979655,52.419185278171575,1.205602329977048,1.4033096327052281,0.672771643856279,1.5536401926937777,2.07462149440668,0.5628877379859656,0.0,59.892018309796555 +0.0,0.503,0.975,0.9420000000000002,0.070307382438661,0.0,0.0,186.14,2022-11-14,miami/west palm beach smm food,0,196.59734131012823,184.12181433608328,0.0,0.8179197511595941,1.0217326366976198,1.980418215855939,8.655456370331782,0.0,0.0,196.5973413101282 +0.0,0.839,0.0,0.751,0.03952359132383169,0.533,0.0,113.22999999999999,2022-11-14,milwaukee smm food,0,76.4000100263599,68.15317248002567,0.0,1.3642836406021859,0.0,1.578868450220605,4.865701273983656,0.4379841815277659,0.0,76.4000100263599 +0.0,0.54,0.0,0.776,0.0795261884299484,0.0,0.5630000000000001,100.35,2022-11-14,minneapolis/st. paul smm food,0,98.85656742823544,85.75072244988117,0.0,0.8780848223184511,0.0,1.6314273200681617,9.790372367435726,0.0,0.8059604685319303,98.85656742823544 +0.0,0.0,0.9129999999999999,0.9689999999999999,0.02798397643284929,0.622,0.0,61.059999999999995,2022-11-14,mobile/pensacola smm food,0,74.41656940752122,67.46643487620449,0.0,0.0,0.9567609203127455,2.0371817952912994,3.4450733149429533,0.5111185007697381,0.0,74.41656940752122 +0.789,0.851,0.532,0.893,0.06204773582687761,0.858,0.713,91.8,2022-11-14,nashville smm food,0,110.1796194702166,95.47216793873541,1.5243914076152096,1.3837966366537071,0.5574992438185988,1.8774028309547273,7.638621318265642,0.7050477068495744,1.020692387323741,110.17961947021661 +0.849,0.0,0.5690000000000001,0.593,0.03196426749956322,0.0,0.609,62.91,2022-11-14,new orleans smm food,0,67.8397948042246,59.54961731628727,1.640314708574541,0.0,0.5962726874676367,1.2466963927840462,3.9350821088163483,0.0,0.8718115902947521,67.8397948042246 +0.0,0.0,0.0,0.0,0.272758850757125,0.0,0.768,308.89,2022-11-14,new york smm food,0,324.8402034977861,290.1617655847399,0.0,0.0,0.0,0.0,33.57901048883219,0.0,1.0994274242140716,324.84020349778615 +0.794,0.811,0.0,0.0,0.03338279996027533,0.0,0.622,102.82,2022-11-14,norfolk/portsmouth/newport news smm food,0,110.16288185304835,102.30993924858487,1.534051682695154,1.31875331648197,0.0,0.0,4.109715915362978,0.0,0.8904216899233758,110.16288185304835 +0.834,0.0,0.839,0.0,0.04318967886333576,0.9689999999999999,0.842,34.8,2022-11-14,oklahoma city smm food,0,63.41844289986639,53.609244119971564,1.6113338833347082,0.0,0.8792140330146698,0.0,5.317028853639725,0.7962601724210226,1.2053618374846984,63.41844289986639 +0.0,0.722,0.705,0.999,0.02163574068632176,0.0,0.936,57.85,2022-11-14,omaha smm food,0,68.89278241319008,60.87622985001895,0.0,1.1740319290998549,0.7387912911505867,2.100252439108368,2.6635497305514066,0.0,1.3399271732609,68.89278241319006 +0.0,0.512,0.0,0.535,0.07357810765701946,0.0,0.0,125.64000000000001,2022-11-14,orlando/daytona beach/melborne smm food,0,143.63080785512233,132.61538216686213,0.0,0.832554498198235,0.0,1.1247598147377147,9.058111375324238,0.0,0.0,143.63080785512233 +0.0,0.898,0.0,0.0,0.021243825516592405,0.871,0.647,66.6,2022-11-14,paducah ky/cape girardeau mo smm food,0,61.276722792115145,55.55925813283435,0.0,1.4602225378554983,0.0,0.0,2.615301530507505,0.7157302478624467,0.9262103430553442,61.276722792115145 +0.87,0.583,0.0,0.0,0.14597295526187098,0.0,0.0,231.80999999999997,2022-11-14,philadelphia smm food,0,220.3371949375152,199.7377476378349,1.680887863910307,0.9480063915030683,0.0,0.0,17.97055304426691,0.0,0.0,220.3371949375152 +0.0,0.5720000000000001,0.986,0.654,0.09200895630380475,0.0,0.0,130.42,2022-11-14,phoenix/prescott smm food,0,131.64839125332264,116.98296111946722,0.0,0.9301194784558408,1.0332598767013879,1.3749400352120849,11.327110743486134,0.0,0.0,131.64839125332267 +0.0,0.644,0.897,0.719,0.04857184980768347,0.897,0.0,126.37,2022-11-14,pittsburgh smm food,0,114.76773363087874,104.55223234884438,0.0,1.0471974547649676,0.9399940257618103,1.5115930968157323,5.979621374803655,0.7370953298881914,0.0,114.76773363087874 +0.81,0.0,0.625,0.0,0.05566340506906871,0.926,0.0,78.84,2022-11-14,portland or smm food,0,96.72981059518979,86.8963094792362,1.5649645629509756,0.0,0.6549568183959102,0.0,6.852654120920574,0.7609256136861374,0.0,96.72981059518979 +0.0,0.508,0.0,0.0,0.027473177783093456,0.809,0.0,86.37,2022-11-14,providence ri/new bedford ma smm food,0,88.12132878277144,83.24830635780522,0.0,0.8260501661810613,0.0,0.0,3.382189514214869,0.6647827445702864,0.0,88.12132878277144 +0.657,0.888,0.0,0.994,0.05657660366522719,0.0,0.0,135.8,2022-11-14,raleigh/durham/fayetteville smm food,0,137.0983121843586,125.33017277610136,1.2693601455046803,1.443961707812564,0.0,2.0897406651388564,6.965076889801123,0.0,0.0,137.09831218435858 +0.802,0.52,0.84,0.971,0.30522575123486334,0.0,0.0,407.04,2022-11-14,rem us east north central smm food,0,349.3463635884601,306.4536727021249,1.5495081228230647,0.8455631622325824,0.8802619639241033,2.0413865048791044,37.57597113247637,0.0,0.0,349.3463635884601 +0.866,0.0,0.0,0.0,0.10355978493896424,0.686,0.849,144.08,2022-11-14,rem us middle atlantic smm food,0,147.0013942507538,130.80002326169728,1.6731596438463516,0.0,0.0,0.0,12.749119212938494,0.5637094719100327,1.2153826603616495,147.0013942507538 +0.0,0.81,0.0,0.0,0.17808627561181287,0.512,0.616,197.29,2022-11-14,rem us mountain smm food,0,198.5011838151037,173.95751153106124,0.0,1.3171272334776767,0.0,0.0,21.923984868270733,0.42072776912235677,0.8818324131717034,198.50118381510373 +0.948,0.0,0.0,0.0,0.051237445510218096,0.0,0.0,213.38,2022-11-14,rem us new england smm food,0,156.36099838904795,148.221630613054,1.831588155157438,0.0,0.0,0.0,6.307779620836513,0.0,0.0,156.36099838904795 +0.9510000000000001,0.52,0.6960000000000001,0.992,0.16358336951620167,0.0,0.0,113.67,2022-11-14,rem us pacific smm food,0,130.75003728484808,105.11364420201244,1.8373843202054048,0.8455631622325824,0.7293599129656857,2.085535955551052,20.138549731880918,0.0,0.0,130.75003728484808 +0.514,0.0,0.0,0.0,0.3317751332111541,0.794,0.887,263.86,2022-11-14,rem us south atlantic smm food,0,327.43997805195704,283.6802303568146,0.9930762782182734,0.0,0.0,0.0,40.844433268092665,0.6524567357092798,1.2697814131222416,327.43997805195704 +0.0,0.0,0.52,0.658,0.5676773832695444,0.0,0.0,415.43,2022-11-14,rem us south central smm food,0,471.2456753447342,399.4313293612464,0.0,0.0,0.5449240729053973,1.3833494543876939,69.88607245619471,0.0,0.0,471.2456753447342 +0.54,0.7030000000000001,0.9829999999999999,0.0,0.20532304429127143,0.844,0.518,123.48999999999998,2022-11-14,rem us west north central smm food,0,155.88324529713037,125.95452848252805,1.0433097086339838,1.1431363520182798,1.0301160839730874,0.0,25.277070345169943,0.6935434319126349,0.7415408928943868,155.88324529713037 +0.886,0.631,0.0,0.0,0.026087936897618454,0.579,0.0,82.86,2022-11-14,richmond/petersburg smm food,0,92.49339109299845,86.06809383806947,1.711800744166129,1.026058375709153,0.0,0.0,3.211654193018846,0.4757839420348526,0.0,92.49339109299845 +0.0,0.773,0.0,0.502,0.06904380746510834,0.896,0.0,100.39,2022-11-14,sacramento/stockton/modesto smm food,0,83.13559870441966,71.58708164797008,0.0,1.2569621623188196,0.0,1.0553821065389397,8.499899191627684,0.7362735959641243,0.0,83.13559870441965 +0.0,0.889,0.68,0.0,0.06220317517391243,0.0,0.876,113.76,2022-11-14,salt lake city smm food,0,94.79478155441855,83.72480907215119,0.0,1.4455877908168573,0.7125930184147504,0.0,7.657757267291572,0.0,1.2540344057441755,94.79478155441855 +0.509,0.539,0.837,0.623,0.04051371823132761,0.55,0.0,104.09,2022-11-14,san diego smm food,0,88.20062115294394,78.71431295071628,0.9834160031383291,0.8764587393141576,0.8771181711958029,1.3097670366011143,4.9875945937413535,0.4519536582369067,0.0,88.20062115294394 +0.0,0.0,0.746,0.669,0.09567870597836181,0.852,0.0,121.79999999999998,2022-11-14,san francisco/oakland/san jose smm food,0,103.54315133041868,88.87591304741949,0.0,0.0,0.7817564584373584,1.4064753571206188,11.77888916413605,0.7001173033051717,0.0,103.54315133041868 +0.0,0.0,0.0,0.501,0.08455833388973426,0.764,0.0,65.46,2022-11-14,seattle/tacoma smm food,0,100.83571465230213,88.74475650580376,0.0,0.0,0.0,1.0532797517450374,10.40987367676607,0.6278047179872667,0.0,100.83571465230214 +0.548,0.741,0.0,0.658,0.05694464329589989,0.736,0.0,67.97,2022-11-14,st. louis smm food,0,98.96631860906638,87.70409353036166,1.0587661487618947,1.20492750618143,0.0,1.3833494543876939,7.010385801260313,0.6047961681133878,0.0,98.96631860906638 +0.0,0.49900000000000005,0.0,0.0,0.0746374024607827,0.0,0.0,185.76,2022-11-14,tampa/ft. myers smm food,0,183.2551389106012,173.25520362076367,0.0,0.8114154191424205,0.0,0.0,9.188519870695131,0.0,0.0,183.2551389106012 +0.876,0.98,0.0,0.0,0.01815807147793968,0.0,0.0,81.48,2022-11-14,tucson/sierra vista smm food,0,68.84370628518943,63.32224664442017,1.6924801940062402,1.5935613442075591,0.0,0.0,2.2354181025554625,0.0,0.0,68.84370628518943 +0.5710000000000001,0.901,0.598,0.792,0.14629519720023293,0.656,0.0,183.5,2022-11-14,washington dc/hagerstown smm food,0,196.43068937696546,173.02137618365978,1.1032034141296385,1.4651007868683785,0.6266626838412068,1.6650649967705982,18.010223857507842,0.5390574541880195,0.0,196.43068937696546 +0.795,0.604,0.765,0.781,0.013321423982829657,0.0,0.0,53.02,2022-11-14,yakima/pasco/richland/kennewick smm food,0,60.11867078893242,53.51694236690935,1.5359837377111427,0.9821541345932303,0.8016671457165941,1.641939094037673,1.6399843099644411,0.0,0.0,60.11867078893243 +0.8320000000000001,0.666,0.5060000000000001,0.508,0.020783214426165982,0.864,0.6920000000000001,98.32,2022-11-21,albany/schenectady/troy smm food,0,90.9047630587445,82.35686844083078,1.6074697733027306,1.082971280859423,0.5302530401733291,1.0679962353023533,2.558596259189019,0.709978110393977,0.9906299186928875,90.90476305874449 +0.0,0.0,0.858,0.0,0.0317958241135835,0.0,0.0,87.16,2022-11-21,albuquerque/santa fe smm food,0,75.60559933037334,70.79212936171284,0.0,0.0,0.8991247202939056,0.0,3.9143452483665877,0.0,0.0,75.60559933037334 +0.0,0.503,0.52,0.0,0.13975144372041928,0.6890000000000001,0.812,372.59,2022-11-21,atlanta smm food,0,185.54359511424417,165.2475308400832,0.0,0.8179197511595941,0.5449240729053973,0.0,17.2046303226874,0.5661746736822341,1.1624154537263363,185.54359511424414 +0.519,0.0,0.0,0.626,0.04283026699550888,0.886,0.672,107.58,2022-11-21,baltimore smm food,0,114.56200919298242,105.28036119021601,1.0027365532982178,0.0,0.0,1.3160741009828212,5.272782095574609,0.7280562567234533,0.9619989961873128,114.56200919298243 +0.0,0.0,0.0,0.665,0.01653586179005147,0.746,0.775,32.38,2022-11-21,baton rouge smm food,0,55.78447943603973,50.62824190344196,0.0,0.0,0.0,1.3980659379450098,2.035709840207681,0.6130135073540588,1.109448247091023,55.78447943603973 +0.0,0.0,0.549,0.9969999999999999,0.04056907898885771,0.0,0.0,90.09,2022-11-21,birmingham/anniston/tuscaloosa smm food,0,69.9412886916462,62.27551690355495,0.0,0.0,0.5753140692789676,2.096047729520563,4.99440998929172,0.0,0.0,69.9412886916462 +0.588,0.9840000000000001,0.0,0.0,0.08156861328870924,0.0,0.879,258.16,2022-11-21,boston/manchester smm food,0,197.38054724446283,183.34429136615643,1.1360483494014488,1.6000656762247332,0.0,0.0,10.041812808560222,0.0,1.2583290441200117,197.38054724446283 +0.9280000000000002,0.0,0.0,0.975,0.028293519510187402,0.542,0.0,131.97,2022-11-21,buffalo smm food,0,71.73449686036304,63.96319330778341,1.7929470548376611,0.0,0.0,2.0497959240547132,3.4831807868428744,0.44537978684436985,0.0,71.73449686036304 +0.0,0.5690000000000001,0.0,0.539,0.06531015699338344,0.0,0.0,139.49,2022-11-21,charlotte smm food,0,137.1995497509919,127.1008852661048,0.0,0.9252412294429605,0.0,1.1331692339133237,8.04025402153082,0.0,0.0,137.1995497509919 +0.0,0.504,0.0,0.0,0.14199900003474938,0.561,0.71,234.77,2022-11-21,chicago smm food,0,196.90111626026692,177.12285569785104,0.0,0.8195458341638876,0.0,0.0,17.481324247902435,0.4609927314016448,1.0163977489479048,196.90111626026692 +0.0,0.6910000000000001,0.925,0.626,0.06048929720465231,0.0,0.833,227.39,2022-11-21,cleveland/akron/canton smm food,0,143.13934995504863,131.09107465023894,0.0,1.1236233559667588,0.9693360912259472,1.3160741009828212,7.446763834276967,0.0,1.1924779223571897,143.13934995504863 +0.992,0.0,0.901,0.0,0.05640094844311241,0.708,0.981,185.04,2022-11-21,columbus oh smm food,0,115.71110557101643,103.92073468964487,1.9165985758609478,0.0,0.9441857493995441,0.0,6.943452188973129,0.5817876182395089,1.4043467488984431,115.71110557101645 +0.8290000000000001,0.8160000000000001,0.0,0.754,0.14388754603114878,0.0,0.8250000000000001,172.53,2022-11-21,dallas/ft. worth smm food,0,128.68573643840585,105.27715718131851,1.601673608254764,1.3268837315034372,0.0,1.5851755146023117,17.71382084937186,0.0,1.1810255533549598,128.68573643840585 +0.875,0.8170000000000001,0.763,0.5630000000000001,0.01974380560879876,0.0,0.0,85.99,2022-11-21,des moines/ames smm food,0,69.84118825357388,62.408297363785806,1.6905481389902515,1.3285098145077305,0.7995712838977272,1.1836257489669781,2.430635903425396,0.0,0.0,69.84118825357389 +0.0,0.0,0.918,0.85,0.07541673297032811,0.0,0.0,328.57,2022-11-21,detroit smm food,0,172.35638750481058,160.32292305294044,0.0,0.0,0.962000574859913,1.7870015748169297,9.28446230219333,0.0,0.0,172.3563875048106 +0.498,0.605,0.926,0.0,0.0353905939204531,0.0,0.0,179.97,2022-11-21,grand rapids smm food,0,117.28878693496607,110.01556630860257,0.9621633979624516,0.9837802175975238,0.9703840221353807,0.0,4.356892988668132,0.0,0.0,117.28878693496605 +0.859,0.0,0.0,0.8260000000000001,0.032321009369465165,0.615,0.583,67.23,2022-11-21,greensboro smm food,0,92.28438149539147,83.56924325587181,1.6596352587344296,0.0,0.0,1.7365450597632752,3.979000166683184,0.5053663633012684,0.8345913910375049,92.28438149539147 +0.0,0.0,0.9000000000000001,0.0,0.03248918340812993,0.0,0.0,107.86,2022-11-21,harrisburg/lancaster smm food,0,89.96794938121246,85.02510769460987,0.0,0.0,0.9431378184901108,0.0,3.99970386811248,0.0,0.0,89.96794938121246 +0.0,0.801,0.0,0.0,0.038416753012362984,0.853,0.868,180.65,2022-11-21,hartford/new haven smm food,0,120.58618355665443,112.61073024106035,0.0,1.3024924864390357,0.0,0.0,4.729439755183874,0.7009390372292389,1.2425820367419456,120.58618355665445 +0.607,0.0,0.0,0.0,0.11551566622091732,0.0,0.731,223.93,2022-11-21,houston smm food,0,184.0866528215612,167.64644198801398,1.1727573947052372,0.0,0.0,0.0,14.220993221263216,0.0,1.0464602175787583,184.0866528215612 +0.0,0.588,0.8320000000000001,0.9560000000000002,0.05672030663545084,0.0,0.0,162.73,2022-11-21,indianapolis smm food,0,99.84186946969551,89.02123497580452,0.0,0.9561368065245355,0.8718785166486358,2.0098511829705705,6.9827679877472475,0.0,0.0,99.84186946969551 +0.0,0.0,0.718,0.0,0.03250759045536995,0.539,0.0,121.70999999999998,2022-11-21,jacksonville smm food,0,91.49718890540942,86.29988999004563,0.0,0.0,0.7524143929732217,0.0,4.0019699373183935,0.4429145850721685,0.0,91.49718890540942 +0.0,0.0,0.0,0.666,0.044540566846309665,0.519,0.61,115.02999999999999,2022-11-21,kansas city smm food,0,88.67692687813685,80.49370051161102,0.0,0.0,0.0,1.400168292738912,5.483335030776062,0.42647990659082646,0.8732431364200308,88.67692687813685 +0.909,0.0,0.0,0.0,0.02780926886848945,0.0,0.553,86.97,2022-11-21,knoxville smm food,0,75.37446668236939,69.4030183864474,1.7562380095338728,0.0,0.0,0.0,3.423565279108981,0.0,0.7916450072791428,75.3744666823694 +0.0,0.765,0.891,0.781,0.03646446560321606,0.733,0.5720000000000001,57.88,2022-11-21,las vegas smm food,0,82.80585487543996,73.0759844669223,0.0,1.2439534982844722,0.9337064403052097,1.641939094037673,4.489096025889703,0.6023309663411864,0.8188443836594389,82.80585487543999 +0.625,0.551,0.847,0.0,0.028426278083548914,0.889,0.534,52.87,2022-11-21,little rock/pine bluff smm food,0,65.68916637943344,57.70357115599228,1.2075343849930367,0.8959717353656788,0.8875974802901375,0.0,3.4995245333978047,0.7305214584956545,0.7644456308988468,65.68916637943343 +0.0,0.0,0.5,0.732,0.2580545334112902,0.68,0.654,201.37,2022-11-21,los angeles smm food,0,189.3032554511436,153.9765761946837,0.0,0.0,0.5239654547167282,1.5389237091364618,31.7687798583088,0.5587790683656301,0.9362311659322954,189.30325545114363 +0.0,0.59,0.0,0.0,0.015179609100464864,0.0,0.0,66.4,2022-11-21,madison wi smm food,0,55.247317471267515,52.419185278171575,0.0,0.9593889725331224,0.0,0.0,1.8687432205628154,0.0,0.0,55.247317471267515 +0.0,0.713,0.915,0.585,0.06717549217024658,0.712,0.904,413.24,2022-11-21,miami/west palm beach smm food,0,197.61903127312422,184.12181433608328,0.0,1.159397182061214,0.9588567821316126,1.229877554432828,8.269893167227503,0.5850745539357773,1.2941176972519801,197.6190312731242 +0.0,0.0,0.726,0.641,0.03668958312377088,0.0,0.0,111.08,2022-11-21,milwaukee smm food,0,74.77838971330671,68.15317248002567,0.0,0.0,0.7607978402486892,1.3476094228913553,4.516809970140998,0.0,0.0,74.77838971330672 +0.518,0.0,0.0,0.0,0.072208755792051,0.837,0.0,88.0,2022-11-21,minneapolis/st. paul smm food,0,96.32885037473203,85.75072244988117,1.0008044982822288,0.0,0.0,0.0,8.889532132124456,0.6877912944441652,0.0,96.32885037473201 +0.773,0.795,0.5060000000000001,0.919,0.027141223279396994,0.5680000000000001,0.0,66.76,2022-11-21,mobile/pensacola smm food,0,76.5230343554812,67.46643487620449,1.4934785273593878,1.2927359884132752,0.5302530401733291,1.9320640555961863,3.3413229988644133,0.46674486887011457,0.0,76.5230343554812 +0.53,0.0,0.0,0.8140000000000001,0.054276203384562294,0.785,0.0,166.93,2022-11-21,nashville smm food,0,105.53441243797842,95.47216793873541,1.0239891584740952,0.0,0.0,1.711316802236448,6.68187740813979,0.6450611303926759,0.0,105.53441243797842 +0.536,0.842,0.0,0.0,0.03137454267329429,0.0,0.709,70.67,2022-11-21,new orleans smm food,0,66.8318086997534,59.54961731628727,1.0355814885700283,1.3691618896150661,0.0,0.0,3.8624818024583996,0.0,1.014966202822626,66.8318086997534 +0.0,0.0,0.93,0.8260000000000001,0.24914854343787915,0.763,0.0,497.39,2022-11-21,new york smm food,0,324.1722436351746,290.1617655847399,0.0,0.0,0.9745757457731145,1.7365450597632752,30.672374260835106,0.6269829840631996,0.0,324.1722436351746 +0.53,0.54,0.0,0.0,0.032746187697054355,0.0,0.0,128.26,2022-11-21,norfolk/portsmouth/newport news smm food,0,108.24335658302634,102.30993924858487,1.0239891584740952,0.8780848223184511,0.0,0.0,4.031343353648928,0.0,0.0,108.24335658302634 +0.788,0.0,0.0,0.729,0.040644470290746464,0.0,0.0,38.79,2022-11-21,oklahoma city smm food,0,61.66801143812992,53.609244119971564,1.5224593525992207,0.0,0.0,1.532616644754755,5.00369132080438,0.0,0.0,61.66801143812992 +0.0,0.0,0.647,0.783,0.01980552568114591,0.0,0.628,79.08,2022-11-21,omaha smm food,0,66.53763010521399,60.87622985001895,0.0,0.0,0.6780112984034463,1.6461438036254776,2.438234186491055,0.0,0.8990109666750482,66.53763010521398 +0.9280000000000002,0.0,0.9269999999999999,0.558,0.07288289011310739,0.748,0.0,298.92,2022-11-21,orlando/daytona beach/melborne smm food,0,146.1400561137025,132.61538216686213,1.7929470548376611,0.0,0.971431953044814,1.1731139749974668,8.972523988758253,0.6146569752021931,0.0,146.1400561137025 +0.0,0.0,0.0,0.0,0.01974108866042443,0.0,0.898,37.13,2022-11-21,paducah ky/cape girardeau mo smm food,0,59.27508797654904,55.55925813283435,0.0,0.0,0.0,0.0,2.4303014232143743,0.0,1.2855284205003077,59.27508797654903 +0.839,0.0,0.0,0.62,0.13847620650234396,0.0,0.67,286.32,2022-11-21,philadelphia smm food,0,220.6689750916451,199.7377476378349,1.6209941584146523,0.0,0.0,1.3034599722194076,17.0476374192394,0.0,0.9591359039367553,220.6689750916451 +0.0,0.0,0.0,0.0,0.08555507092629006,0.0,0.8210000000000001,217.87,2022-11-21,phoenix/prescott smm food,0,128.6908412497966,116.98296111946722,0.0,0.0,0.0,0.0,10.532580761475549,0.0,1.175299368853845,128.69084124979662 +0.0,0.8270000000000001,0.0,0.89,0.04629272055167183,0.0,0.0,152.39,2022-11-21,pittsburgh smm food,0,113.46713930309355,104.55223234884438,0.0,1.3447706445506649,0.0,1.8710957665730206,5.699040543125473,0.0,0.0,113.46713930309355 +0.667,0.0,0.777,0.504,0.05240049339392048,0.0,0.0,129.71,2022-11-21,portland or smm food,0,96.5097803393901,86.8963094792362,1.2886806956645689,0.0,0.8142423166297956,1.059586816126744,6.450961031732805,0.0,0.0,96.5097803393901 +0.0,0.846,0.0,0.0,0.025833649557068367,0.775,0.779,90.93,2022-11-21,providence ri/new bedford ma smm food,0,89.55633998987503,83.24830635780522,0.0,1.37566622163224,0.0,0.0,3.180349187693421,0.6368437911520048,1.115174431592138,89.55633998987503 +0.0,0.501,0.0,0.0,0.053590372223915266,0.0,0.0,153.23,2022-11-21,raleigh/durham/fayetteville smm food,0,132.74228592905772,125.33017277610136,0.0,0.8146675851510073,0.0,0.0,6.5974455678053365,0.0,0.0,132.74228592905772 +0.0,0.902,0.784,0.0,0.2793363826142037,0.982,0.0,627.49,2022-11-21,rem us east north central smm food,0,343.9376825570363,306.4536727021249,0.0,1.4667268698726719,0.8215778329958298,0.0,34.38876243860903,0.8069427134338951,0.0,343.93768255703634 +0.0,0.0,0.686,0.0,0.09631734205305942,0.0,0.739,202.83,2022-11-21,rem us middle atlantic smm food,0,144.43432732697,130.80002326169728,0.0,0.0,0.7188806038713511,0.0,11.857510874820383,0.0,1.0579125865809882,144.43432732697 +0.9070000000000001,0.0,0.0,0.589,0.16489581249434807,0.0,0.0,283.03,2022-11-21,rem us mountain smm food,0,197.24829539538703,173.95751153106124,1.7523738995018951,0.0,0.0,1.238286973608437,20.300122991215456,0.0,0.0,197.24829539538703 +0.0,0.0,0.0,0.0,0.0466580259364362,0.742,0.599,165.59,2022-11-21,rem us new england smm food,0,155.43286615864903,148.221630613054,0.0,0.0,0.0,0.0,5.744012844895259,0.6097265716577904,0.8574961290419647,155.432866158649 +0.0,0.0,0.0,0.58,0.16144972364087637,0.623,0.989,181.37,2022-11-21,rem us pacific smm food,0,128.1366285173865,105.11364420201244,0.0,0.0,0.0,1.2193657804633167,19.875879182316247,0.5119402346938051,1.415799117900673,128.13662851738647 +0.0,0.0,0.0,0.978,0.31641715688235267,0.54,0.0,441.49,2022-11-21,rem us south atlantic smm food,0,325.1338011391605,283.6802303568146,0.0,0.0,0.0,2.0561029884364204,38.95373147491322,0.44373631899623567,0.0,325.1338011391605 +0.782,0.745,0.0,0.797,0.5463540150429059,0.9510000000000001,0.785,643.87,2022-11-21,rem us south central smm food,0,472.99541618218376,399.4313293612464,1.5108670225032876,1.2114318381986038,0.0,1.6755767707401095,67.2609785193637,0.781468961787815,1.1237637083438103,472.99541618218376 +0.0,0.9520000000000001,0.0,0.0,0.18893060994643796,0.0,0.8240000000000001,216.86,2022-11-21,rem us west north central smm food,0,151.941171193205,125.95452848252805,0.0,1.5480310200873433,0.0,0.0,23.25901768335993,0.0,1.179594007229681,151.941171193205 +0.633,0.0,0.0,0.0,0.026865251008916076,0.577,0.778,108.56,2022-11-21,richmond/petersburg smm food,0,92.18631641102434,86.06809383806947,1.2229908251209476,0.0,0.0,0.0,3.307348388180351,0.4741404741867184,1.1137428854668592,92.18631641102435 +0.0,0.857,0.0,0.9500000000000001,0.06852642339705546,0.0,0.9280000000000002,98.94,2022-11-21,sacramento/stockton/modesto smm food,0,84.74255130917516,71.58708164797008,0.0,1.3935531346794676,0.0,1.997237054207157,8.436204668059785,0.0,1.3284748042586703,84.74255130917516 +0.0,0.5680000000000001,0.0,0.9420000000000002,0.057918678554633965,0.9430000000000001,0.0,116.62,2022-11-21,salt lake city smm food,0,94.53403562254468,83.72480907215119,0.0,0.923615146438667,0.0,1.980418215855939,7.130298097703618,0.7748950903952782,0.0,94.53403562254469 +0.779,0.887,0.0,0.7020000000000001,0.04016898332108995,0.0,0.0,92.07,2022-11-21,san diego smm food,0,88.08272719637964,78.71431295071628,1.505070857455321,1.4423356248082704,0.0,1.4758530653193938,4.9451546980803895,0.0,0.0,88.08272719637965 +0.0,0.841,0.889,0.0,0.08835621504731091,0.601,0.502,70.51,2022-11-21,san francisco/oakland/san jose smm food,0,103.26498388427552,88.87591304741949,0.0,1.3675358066107728,0.9316105784863427,0.0,10.877426208504668,0.4938620883643289,0.718636154889927,103.26498388427552 +0.0,0.8190000000000001,0.974,0.579,0.09442799666348213,0.0,0.614,139.41,2022-11-21,seattle/tacoma smm food,0,104.8183517997276,88.74475650580376,0.0,1.3317619805163174,1.0206847057881865,1.2172634256694144,11.624915861028752,0.0,0.8789693209211458,104.81835179972758 +0.0,0.0,0.512,0.853,0.05179408015396709,0.8230000000000001,0.846,136.34,2022-11-21,st. louis smm food,0,98.29762407173968,87.70409353036166,0.0,0.0,0.5365406256299297,1.7933086391986364,6.376306235056405,0.6762870195072258,1.2110880219858133,98.29762407173968 +0.982,0.9380000000000001,0.719,0.786,0.07249744175001344,0.0,0.734,402.69,2022-11-21,tampa/ft. myers smm food,0,189.05948746175306,173.25520362076367,1.8972780257010593,1.5252658580272354,0.7534623238826551,1.6524508680071845,8.925071909416712,0.0,1.0507548559545945,189.0594874617531 +0.999,0.0,0.9980000000000001,0.0,0.01743717698035988,0.635,0.5700000000000001,91.15,2022-11-21,tucson/sierra vista smm food,0,69.78265664364133,63.32224664442017,1.9301229609728698,0.0,1.0458350476145895,0.0,2.1466696574422066,0.5218010417826104,0.8159812914088814,69.78265664364133 +0.732,0.0,0.615,0.516,0.13803501312935773,0.0,0.562,205.08,2022-11-21,washington dc/hagerstown smm food,0,193.9627846002318,173.02137618365978,1.4142642717038445,0.0,0.6444775093015757,1.0848150736535715,16.99332263950637,0.0,0.8045289224066515,193.9627846002318 +0.0,0.948,0.0,1.0,0.012595584861605436,0.901,0.0,43.8,2022-11-21,yakima/pasco/richland/kennewick smm food,0,59.451833252712376,53.51694236690935,0.0,1.5415266880701695,0.0,2.10235479390227,1.550627138246133,0.7403822655844599,0.0,59.451833252712376 +0.5740000000000001,0.0,0.519,0.0,0.02270630359794036,0.848,0.9470000000000001,114.37000000000002,2022-11-28,albany/schenectady/troy smm food,0,88.8575941392325,82.35686844083078,1.108999579177605,0.0,0.5438761419959639,0.0,2.795345428980293,0.6968303676089033,1.355674180638966,88.85759413923252 +0.0,0.0,0.555,0.9440000000000001,0.031473561171073146,0.638,0.0,98.57,2022-11-28,albuquerque/santa fe smm food,0,77.75729203477744,70.79212936171284,0.0,0.0,0.5816016547355684,1.9846229254437433,3.874671849330482,0.5242662435548118,0.0,77.75729203477745 +0.79,0.0,0.0,0.0,0.14119236413226502,0.59,0.967,331.39,2022-11-28,atlanta smm food,0,186.0250027037367,165.2475308400832,1.5263234626311986,0.0,0.0,0.0,17.38202028267819,0.48482301519959076,1.3843051031445408,186.0250027037367 +0.932,0.537,0.0,0.0,0.0412023083486458,0.0,0.6990000000000001,161.68,2022-11-28,baltimore smm food,0,114.0272598658702,105.28036119021601,1.8006752749016164,0.8732065733055707,0.0,0.0,5.072366085877176,0.0,1.0006507415698387,114.0272598658702 +0.0,0.731,0.0,0.0,0.015839218435123512,0.955,0.837,65.29,2022-11-28,baton rouge smm food,0,55.74981550770393,50.62824190344196,0.0,1.1886666761384956,0.0,0.0,1.9499469237810723,0.7847558974840834,1.1982041068583047,55.749815507703914 +0.0,0.0,0.0,0.0,0.04013936005859656,0.0,0.0,79.96,2022-11-28,birmingham/anniston/tuscaloosa smm food,0,67.21702471780657,62.27551690355495,0.0,0.0,0.0,0.0,4.941507814251623,0.0,0.0,67.21702471780658 +0.988,0.902,0.0,0.0,0.08121900047388683,0.0,0.0,359.34,2022-11-28,boston/manchester smm food,0,196.71866099182262,183.34429136615643,1.9088703557969924,1.4667268698726719,0.0,0.0,9.998772399996522,0.0,0.0,196.71866099182262 +0.0,0.9129999999999999,0.0,0.923,0.024771375870844672,0.0,0.0,77.4,2022-11-28,buffalo smm food,0,70.43785453119973,63.96319330778341,0.0,1.4846137829198995,0.0,1.9404734747717955,3.0495739657246284,0.0,0.0,70.43785453119973 +0.0,0.0,0.0,0.0,0.06591908949560843,0.0,0.503,196.43,2022-11-28,charlotte smm food,0,135.9361719286425,127.1008852661048,0.0,0.0,0.0,0.0,8.115218961522487,0.0,0.7200677010152058,135.9361719286425 +0.0,0.0,0.8310000000000001,0.0,0.14350931568188058,0.994,0.0,291.73,2022-11-28,chicago smm food,0,196.47774717504947,177.12285569785104,0.0,0.0,0.8708305857392022,0.0,17.667257370936543,0.8168035205227003,0.0,196.47774717504947 +0.0,0.0,0.524,0.0,0.060915101950079514,0.0,0.0,205.9,2022-11-28,cleveland/akron/canton smm food,0,139.1393745855632,131.09107465023894,0.0,0.0,0.5491157965431311,0.0,7.499184138781132,0.0,0.0,139.1393745855632 +0.774,0.0,0.0,0.662,0.060607979291961656,0.646,0.986,192.06,2022-11-28,columbus oh smm food,0,116.21162338180436,103.92073468964487,1.4954105823753767,0.0,0.0,1.3917588735633029,7.461374641748603,0.5308401149473485,1.4115044795248368,116.21162338180434 +0.911,0.888,0.6950000000000001,0.0,0.1403455065211049,0.84,0.0,208.78,2022-11-28,dallas/ft. worth smm food,0,127.17755415877109,105.27715718131851,1.7601021195658504,1.443961707812564,0.7283119820562522,0.0,17.277764671801553,0.6902564962163665,0.0,127.1775541587711 +0.0,0.8310000000000001,0.775,0.892,0.020384680478609755,0.0,0.9689999999999999,65.73,2022-11-28,des moines/ames smm food,0,70.34372069617464,62.408297363785806,0.0,1.3512749765678387,0.8121464548109287,1.875300476160825,2.509533229454147,0.0,1.387168195395098,70.34372069617464 +0.0,0.6950000000000001,0.789,0.0,0.07725740062818558,0.0,0.621,301.24,2022-11-28,detroit smm food,0,172.67992303188214,160.32292305294044,0.0,1.1301276879839324,0.8268174875429971,0.0,9.511064659616686,0.0,0.888990143798097,172.67992303188214 +0.749,0.0,0.558,0.0,0.034930406619609396,0.812,0.0,200.12,2022-11-28,grand rapids smm food,0,117.0149087989545,110.01556630860257,1.4471092069756553,0.0,0.5847454474638687,0.0,4.3002398895699185,0.6672479463424876,0.0,117.01490879895451 +0.0,0.0,0.0,1.0,0.03228018842479052,0.0,0.0,117.51,2022-11-28,greensboro smm food,0,89.64557279958962,83.56924325587181,0.0,0.0,0.0,2.10235479390227,3.9739747498155396,0.0,0.0,89.64557279958962 +0.838,0.653,0.0,0.9470000000000001,0.03261849483007517,0.603,0.621,119.67000000000002,2022-11-28,harrisburg/lancaster smm food,0,95.09705092969585,85.02510769460987,1.6190621033986636,1.0618322018036084,0.0,1.99092998982545,4.015623240047697,0.4955055562124631,0.888990143798097,95.09705092969585 +0.593,0.0,0.0,0.0,0.03851812644584056,0.747,0.67,254.88,2022-11-28,hartford/new haven smm food,0,120.07132972608325,112.61073024106035,1.1457086244813932,0.0,0.0,0.0,4.741919715326628,0.6138352412781259,0.9591359039367553,120.07132972608325 +0.0,0.0,0.0,0.0,0.11192850238685009,0.0,0.8130000000000001,327.59,2022-11-28,houston smm food,0,182.5896708308914,167.64644198801398,0.0,0.0,0.0,0.0,13.779381843025819,0.0,1.163846999851615,182.5896708308914 +0.0,0.0,0.0,0.0,0.0565864743794439,0.924,0.0,191.3,2022-11-28,indianapolis smm food,0,96.74680918306977,89.02123497580452,0.0,0.0,0.0,0.0,6.966292061427251,0.7592821458380032,0.0,96.74680918306977 +0.0,0.0,0.0,0.497,0.03152287026278357,0.76,0.0,143.35,2022-11-28,jacksonville smm food,0,91.85002033656562,86.29988999004563,0.0,0.0,0.0,1.0448703325694282,3.880742231659572,0.6245177822909983,0.0,91.85002033656562 +0.514,0.711,0.578,0.8320000000000001,0.04463361522378621,0.64,0.704,124.96,2022-11-28,kansas city smm food,0,92.02629334705671,80.49370051161102,0.9930762782182734,1.1561450160526272,0.6057040656525378,1.749159188526689,5.494790103396367,0.525909711402946,1.0078084721962324,92.0262933470567 +0.509,0.0,0.911,0.875,0.026908129124597214,0.0,0.669,141.32,2022-11-28,knoxville smm food,0,77.45099131142501,69.4030183864474,0.9834160031383291,0.0,0.9546650584938787,1.8395604446644864,3.3126270608694375,0.0,0.9577043578114766,77.45099131142501 +0.0,0.8290000000000001,0.539,0.783,0.036690897736354006,0.0,0.775,107.74,2022-11-28,las vegas smm food,0,82.26140589888044,73.0759844669223,0.0,1.3480228105592518,0.564834760184633,1.6461438036254776,4.516971810497763,0.0,1.109448247091023,82.26140589888045 +0.0,0.0,0.62,0.0,0.02743004391101692,0.0,0.0,77.53,2022-11-28,little rock/pine bluff smm food,0,61.730167675507914,57.70357115599228,0.0,0.0,0.6497171638487429,0.0,3.3768793556669,0.0,0.0,61.73016767550792 +0.0,0.0,0.686,0.0,0.2633801661302584,0.761,0.708,347.48,2022-11-28,los angeles smm food,0,188.75874299875449,153.9765761946837,0.0,0.0,0.7188806038713511,0.0,32.42441202728702,0.6253395162150653,1.0135346566973473,188.75874299875449 +0.0,0.72,0.904,0.0,0.015239768688138623,0.0,1.0,76.2,2022-11-28,madison wi smm food,0,57.84499010292705,52.419185278171575,0.0,1.170779763091268,0.9473295421278446,0.0,1.8761493942576144,0.0,1.4315461252787391,57.84499010292704 +0.74,0.853,0.609,0.0,0.06783539185636861,0.646,0.7030000000000001,284.93,2022-11-28,miami/west palm beach smm food,0,197.46512343070202,184.12181433608328,1.4297207118317554,1.3870488026622938,0.6381899238449749,0.0,8.351132615261399,0.5308401149473485,1.0063769260709536,197.465123430702 +0.0,0.915,0.535,0.933,0.03708797745551706,0.0,0.0,105.78,2022-11-28,milwaukee smm food,0,76.72903430015512,68.15317248002567,0.0,1.4878659489284864,0.5606430365468992,1.9614970227108182,4.565855811943243,0.0,0.0,76.72903430015512 +0.79,0.0,0.0,0.0,0.07499762484163075,0.0,0.606,165.8,2022-11-28,minneapolis/st. paul smm food,0,97.37742927446412,85.75072244988117,1.5263234626311986,0.0,0.0,0.0,9.232866410032841,0.0,0.8675169519189159,97.37742927446412 +0.612,0.73,0.0,0.8140000000000001,0.026004675217764946,0.643,0.8170000000000001,114.62,2022-11-28,mobile/pensacola smm food,0,76.44656198773218,67.46643487620449,1.1824176697851816,1.1870405931342023,0.0,1.711316802236448,3.2014039488439714,0.5283749131751473,1.16957318435273,76.44656198773217 +0.0,0.0,0.716,0.893,0.05297032852717896,0.5750000000000001,0.714,142.57,2022-11-28,nashville smm food,0,106.11562298279877,95.47216793873541,0.0,0.0,0.7503185311543548,1.8774028309547273,6.521112742166684,0.47249700633858427,1.0221239334490198,106.11562298279878 +0.544,0.9430000000000001,0.541,0.0,0.029914319449055544,0.645,0.0,95.58,2022-11-28,new orleans smm food,0,66.91371601776349,59.54961731628727,1.0510379286979392,1.5333962730487025,0.5669306220035,0.0,3.682715496702808,0.5300183810232815,0.0,66.9137160177635 +0.0,0.708,0.612,0.0,0.25590498368900066,0.0,0.8140000000000001,575.83,2022-11-28,new york smm food,0,324.62379601981047,290.1617655847399,0.0,1.1512667670397467,0.6413337165732753,0.0,31.504151405480705,0.0,1.1652785459768937,324.6237960198105 +0.9500000000000001,0.747,0.0,0.0,0.03180324352012641,0.799,0.0,153.61,2022-11-28,norfolk/portsmouth/newport news smm food,0,109.93189956579644,102.30993924858487,1.8354522651894158,1.2146840042071905,0.0,0.0,3.9152586424853624,0.6565654053296154,0.0,109.93189956579646 +0.593,0.0,0.0,0.0,0.04046076306656005,0.0,0.0,62.08,2022-11-28,oklahoma city smm food,0,59.736028092244155,53.609244119971564,1.1457086244813932,0.0,0.0,0.0,4.981075347791197,0.0,0.0,59.736028092244155 +0.54,0.0,0.248,0.0,0.01970399904093872,0.0,0.0,49.26,2022-11-28,omaha smm food,0,64.60516178944653,60.87622985001895,1.0433097086339838,0.0,0.2598868655394972,0.0,2.4257353652540905,0.0,0.0,64.60516178944653 +0.808,0.6880000000000001,0.0,0.9000000000000001,0.07085375717367855,0.0,0.599,219.16,2022-11-28,orlando/daytona beach/melborne smm food,0,146.76756306995105,132.61538216686213,1.561100452918998,1.1187451069538783,0.0,1.8921193145120434,8.722719899662032,0.0,0.8574961290419647,146.76756306995105 +0.833,0.0,0.797,0.0,0.018983742081040214,0.8140000000000001,0.0,83.99,2022-11-28,paducah ky/cape girardeau mo smm food,0,61.00981771679181,55.55925813283435,1.6094018283187193,0.0,0.8352009348184648,0.0,2.3370654066296424,0.6688914141906219,0.0,61.0098177167918 +0.0,0.0,0.671,0.0,0.1408200445974683,0.0,0.955,384.33,2022-11-28,philadelphia smm food,0,219.14422030513185,199.7377476378349,0.0,0.0,0.7031616402298493,0.0,17.33618447742592,0.0,1.3671265496411957,219.14422030513185 +0.542,0.0,0.776,0.886,0.08821903695401535,0.0,0.811,202.48,2022-11-28,phoenix/prescott smm food,0,132.72753795907605,116.98296111946722,1.0471738186659616,0.0,0.8131943857203622,1.8626863473974113,10.860538380224034,0.0,1.1609839076010575,132.72753795907605 +0.553,0.0,0.765,0.0,0.04587846932341079,0.0,0.505,100.76,2022-11-28,pittsburgh smm food,0,112.79329928974113,104.55223234884438,1.068426423841839,0.0,0.8016671457165941,0.0,5.648042578072544,0.0,0.7229307932657633,112.79329928974113 +0.8250000000000001,0.657,0.9520000000000001,0.5710000000000001,0.05427973208149594,0.742,0.739,205.44,2022-11-28,portland or smm food,0,100.10661719431441,86.8963094792362,1.5939453881908086,1.0683365338207822,0.9976302257806505,1.2004445873181964,6.682311821729002,0.6097265716577904,1.0579125865809882,100.10661719431441 +0.0,0.596,0.661,0.0,0.025724641733411165,0.0,0.5630000000000001,126.72,2022-11-28,providence ri/new bedford ma smm food,0,88.8830239950893,83.24830635780522,0.0,0.9691454705588829,0.6926823311355147,0.0,3.166929367057759,0.0,0.8059604685319303,88.8830239950893 +0.0,0.8130000000000001,0.795,0.0,0.05325447758908386,0.0,0.988,186.91,2022-11-28,raleigh/durham/fayetteville smm food,0,135.4557448910683,125.33017277610136,0.0,1.322005482490557,0.8331050729995978,0.0,6.55609398770138,0.0,1.4143675717753943,135.4557448910683 +0.747,0.993,0.8150000000000001,0.992,0.2766641248900072,0.51,0.589,642.69,2022-11-28,rem us east north central smm food,0,347.77326687732386,306.4536727021249,1.4432450969436774,1.6147004232633737,0.854063691188267,2.085535955551052,34.059784039189246,0.4190843012742225,0.8431806677891773,347.7732668773239 +0.845,0.704,0.0,0.0,0.09765547434025498,0.0,0.0,194.7,2022-11-28,rem us middle atlantic smm food,0,145.5996188989886,130.80002326169728,1.6325864885105856,1.1447624350225731,0.0,0.0,12.02224671375818,0.0,0.0,145.5996188989886 +0.875,0.0,0.0,0.514,0.16509781062518916,0.516,0.625,363.88,2022-11-28,rem us mountain smm food,0,198.3723918027434,173.95751153106124,1.6905481389902515,0.0,0.0,1.080610364065767,20.324990735508297,0.42401470481862513,0.894716328299212,198.37239180274338 +0.869,0.878,0.0,0.0,0.0463089011591799,0.614,0.0,271.33,2022-11-28,rem us new england smm food,0,157.53386444713811,148.221630613054,1.6789558088943182,1.4277008777696296,0.0,0.0,5.701032518042954,0.5045446293772012,0.0,157.53386444713811 +0.0,0.0,0.718,0.0,0.16189584928212558,0.74,0.682,209.42,2022-11-28,rem us pacific smm food,0,127.38125732383378,105.11364420201244,0.0,0.0,0.7524143929732217,0.0,19.930801167598343,0.6080831038096562,0.9763144574401001,127.38125732383375 +0.0,0.802,0.908,0.0,0.30503275152831066,0.876,0.521,504.16,2022-11-28,rem us south atlantic smm food,0,324.9537558140336,283.6802303568146,0.0,1.304118569443329,0.9515212657655784,0.0,37.552211173257135,0.7198389174827822,0.7458355312702232,324.9537558140337 +0.769,0.509,0.56,0.857,0.5256617189264597,0.796,0.0,939.69,2022-11-28,rem us south central smm food,0,469.50099059168485,399.4313293612464,1.4857503072954323,0.8276762491853548,0.5868413092827356,1.8017180583742456,64.71357510274325,0.654100203557414,0.0,469.50099059168485 +0.8260000000000001,0.5630000000000001,0.0,0.6950000000000001,0.18561568829320083,0.0,0.6930000000000001,232.97999999999996,2022-11-28,rem us west north central smm food,0,153.77001041273712,125.95452848252805,1.5958774432067975,0.9154847314171999,0.0,1.4611365817620778,22.850921709004826,0.0,0.9920614648181663,153.77001041273712 +0.66,0.0,0.706,0.586,0.025181394145431104,0.668,0.767,137.55,2022-11-28,richmond/petersburg smm food,0,94.0620342362717,86.06809383806947,1.2751563105526469,0.0,0.7398392220600202,1.2319799092267303,3.1000508169972205,0.5489182612768249,1.0979958780887928,94.06203423627171 +0.785,0.0,0.875,0.658,0.06950580112271569,0.607,0.0,98.72,2022-11-28,sacramento/stockton/modesto smm food,0,84.4596009966829,71.58708164797008,1.5166631875512542,0.0,0.9169395457542743,1.3833494543876939,8.55677466911085,0.4987924919087315,0.0,84.45960099668288 +0.0,0.0,0.0,0.0,0.06057370299282535,0.979,0.777,135.31,2022-11-28,salt lake city smm food,0,93.09875285139047,83.72480907215119,0.0,0.0,0.0,0.0,7.45715492823602,0.8044775116616938,1.1123113393415804,93.09875285139049 +0.0,0.0,0.67,0.941,0.040485294676370125,0.0,0.0,121.16000000000001,2022-11-28,san diego smm food,0,86.3788379255474,78.71431295071628,0.0,0.0,0.7021137093204158,1.9783158610620362,4.984095404448695,0.0,0.0,86.37883792554743 +0.0,0.588,0.65,0.9590000000000001,0.09367977329773869,0.0,0.548,162.58,2022-11-28,san francisco/oakland/san jose smm food,0,104.84665346126388,88.87591304741949,0.0,0.9561368065245355,0.6811550911317467,2.016158247352277,11.532802992183077,0.0,0.7844872766527491,104.84665346126387 +0.0,0.0,0.971,0.8260000000000001,0.10296076639479093,0.883,0.0,194.39,2022-11-28,seattle/tacoma smm food,0,104.89980830184709,88.74475650580376,0.0,0.0,1.017540913059886,1.7365450597632752,12.6753747682689,0.725591054951252,0.0,104.89980830184707 +0.0,0.0,0.715,0.0,0.05165049703094322,0.853,0.9210000000000002,129.78,2022-11-28,st. louis smm food,0,96.83138704057086,87.70409353036166,0.0,0.0,0.7492706002449212,0.0,6.358629891353333,0.7009390372292389,1.3184539813817189,96.83138704057087 +0.0,0.0,0.0,0.766,0.07099368433934014,0.0,0.0,293.97,2022-11-28,tampa/ft. myers smm food,0,183.60555355579203,173.25520362076367,0.0,0.0,0.0,1.610403772129139,8.73994616289925,0.0,0.0,183.60555355579206 +0.56,0.76,0.508,0.0,0.017906959470414617,0.648,0.0,111.07,2022-11-28,tucson/sierra vista smm food,0,68.90935703004271,63.32224664442017,1.081950808953761,1.235823083263005,0.5323489019921959,0.0,2.2045040086180894,0.5324835827954828,0.0,68.9093570300427 +0.9530000000000001,0.0,0.0,0.0,0.14588184667927742,0.0,0.0,325.91,2022-11-28,washington dc/hagerstown smm food,0,192.82196139133336,173.02137618365978,1.8412484302373826,0.0,0.0,0.0,17.959336777436192,0.0,0.0,192.82196139133336 +0.8220000000000001,0.0,0.0,0.0,0.012732677702769205,0.865,0.628,42.04,2022-11-28,yakima/pasco/richland/kennewick smm food,0,58.28240687228576,53.51694236690935,1.588149223142842,0.0,0.0,0.0,1.5675044712404749,0.7107998443180441,0.8990109666750482,58.282406872285755 +0.0,0.975,0.0,0.0,0.027503211244250012,0.973,0.8,63.99,2022-12-05,albany/schenectady/troy smm food,0,89.27297027545949,82.35686844083078,0.0,1.585430929186092,0.0,0.0,3.385886897102326,0.7995471081172912,1.1452369002229914,89.27297027545949 +0.0,0.0,0.517,0.0,0.04418024438687211,0.528,0.5690000000000001,84.18,2022-12-05,albuquerque/santa fe smm food,0,78.02131106996585,70.79212936171284,0.0,0.0,0.5417802801770969,0.0,5.438976170884878,0.4338755119074304,0.8145497452836027,78.02131106996585 +0.777,0.0,0.0,0.0,0.19370200125903836,0.0,0.0,179.96,2022-12-05,atlanta smm food,0,190.59515545416903,165.2475308400832,1.5012067474233433,0.0,0.0,0.0,23.84641786666249,0.0,0.0,190.59515545416903 +0.0,0.0,0.833,0.668,0.05588401781755766,0.509,0.0,84.14,2022-12-05,baltimore smm food,0,114.85573669561083,105.28036119021601,0.0,0.0,0.8729264475580691,1.4043730023267165,6.879813488159869,0.41826256735015543,0.0,114.85573669561083 +0.8190000000000001,0.9520000000000001,0.0,0.0,0.020722334519755418,0.0,0.0,45.27,2022-12-05,baton rouge smm food,0,56.30972738955448,50.62824190344196,1.5823530580948755,1.5480310200873433,0.0,0.0,2.5511014079303154,0.0,0.0,56.309727389554496 +0.502,0.517,0.0,0.0,0.05183106475271073,0.0,0.686,69.0,2022-12-05,birmingham/anniston/tuscaloosa smm food,0,71.44899344078308,62.27551690355495,0.9698916180264071,0.8406849132197022,0.0,0.0,6.380859364040821,0.0,0.9820406419412151,71.4489934407831 +0.609,0.993,0.0,0.0,0.11395501104326525,0.8,0.929,189.4,2022-12-05,boston/manchester smm food,0,202.15176964362556,183.34429136615643,1.176621504737215,1.6147004232633737,0.0,0.0,14.028862859830902,0.6573871392536824,1.3299063503839488,202.15176964362556 +0.5760000000000001,0.0,0.0,0.0,0.036826735270765465,0.0,0.84,36.99,2022-12-05,buffalo smm food,0,70.8122503464312,63.96319330778341,1.1128636892095827,0.0,0.0,0.0,4.533694604204066,0.0,1.202498745234141,70.8122503464312 +0.0,0.0,0.781,0.809,0.0947446255520648,0.0,0.811,171.43,2022-12-05,charlotte smm food,0,142.4450039007762,127.1008852661048,0.0,0.0,0.8184340402675294,1.7008050282669367,11.663895658535862,0.0,1.1609839076010575,142.4450039007762 +0.0,0.0,0.0,0.776,0.21063533566938203,0.8200000000000001,0.838,265.6,2022-12-05,chicago smm food,0,206.55880056653376,177.12285569785104,0.0,0.0,0.0,1.6314273200681617,25.93106007789596,0.6738218177350245,1.1996356529835834,206.55880056653376 +0.714,0.9210000000000002,0.0,0.528,0.08018355155626482,0.711,0.683,120.76,2022-12-05,cleveland/akron/canton smm food,0,146.51152607604268,131.09107465023894,1.379487281416045,1.4976224469542472,0.0,1.1100433311803988,9.871299542675974,0.5842528200117102,0.9777460035653789,146.51152607604268 +0.0,0.9430000000000001,0.936,0.861,0.07941853722717114,0.9560000000000002,0.911,95.75,2022-12-05,columbus oh smm food,0,120.11195748175741,103.92073468964487,0.0,1.5333962730487025,0.9808633312297153,1.8101274775498546,9.777119558747176,0.7855776314081506,1.3041385201289315,120.1119574817574 +0.583,0.0,0.0,0.0,0.2013168971178592,0.0,0.77,101.95,2022-12-05,dallas/ft. worth smm food,0,132.28971420954213,105.27715718131851,1.1263880743215047,0.0,0.0,0.0,24.783878437437497,0.0,1.1022905164646293,132.28971420954215 +0.9829999999999999,0.0,0.971,0.63,0.027331730905517163,0.0,0.742,90.77,2022-12-05,des moines/ames smm food,0,71.07651526376952,62.408297363785806,1.899210080717048,0.0,1.017540913059886,1.3244835201584302,3.3647761610915405,0.0,1.0622072249568244,71.07651526376954 +0.7010000000000001,0.0,0.0,0.796,0.10344589179749343,0.0,0.6950000000000001,141.67,2022-12-05,detroit smm food,0,177.08079055893006,160.32292305294044,1.3543705662081902,0.0,0.0,1.6734744159462072,12.735097966766505,0.0,0.9949245570687238,177.08079055893006 +0.894,0.0,0.9770000000000001,0.0,0.04577734176202347,0.793,0.0,135.51,2022-12-05,grand rapids smm food,0,119.05387988014219,110.01556630860257,1.7272571842940398,0.0,1.023828498516487,0.0,5.635592886943883,0.6516350017852127,0.0,119.05387988014219 +1.0,0.0,0.0,0.0,0.043240266737023185,0.0,0.0,120.04,2022-12-05,greensboro smm food,0,90.82455493712388,83.56924325587181,1.9320550159888588,0.0,0.0,0.0,5.323256665263225,0.0,0.0,90.82455493712389 +0.807,0.0,0.657,0.0,0.04294487551356393,0.0,0.0,73.33,2022-12-05,harrisburg/lancaster smm food,0,92.55965811089877,85.02510769460987,1.559168397903009,0.0,0.6884906074977809,0.0,5.286891410888108,0.0,0.0,92.55965811089877 +0.8,0.0,0.554,0.63,0.0531092017788054,0.0,0.592,140.26,2022-12-05,hartford/new haven smm food,0,123.44709606332943,112.61073024106035,1.545644012791087,0.0,0.5805537238261349,1.3244835201584302,6.538209259328412,0.0,0.8474753061650135,123.44709606332943 +0.848,0.766,0.81,0.0,0.15830369263842636,0.652,0.9770000000000001,218.24,2022-12-05,houston smm food,0,192.802194473029,167.64644198801398,1.6383826535585522,1.2455795812887658,0.8488240366410997,0.0,19.48857513063755,0.5357705184917512,1.3986205643973282,192.80219447302903 +0.5060000000000001,0.0,0.613,0.0,0.07823441106276567,0.622,0.0,72.52,2022-12-05,indianapolis smm food,0,100.78369818848843,89.02123497580452,0.9776198380903628,0.0,0.6423816474827088,0.0,9.631343226341093,0.5111185007697381,0.0,100.78369818848842 +0.6950000000000001,0.0,0.0,0.0,0.04193355665585584,0.866,0.0,123.00999999999999,2022-12-05,jacksonville smm food,0,93.51667898030556,86.29988999004563,1.3427782361122569,0.0,0.0,0.0,5.162389175905559,0.7116215782421111,0.0,93.51667898030556 +0.587,0.756,0.0,0.529,0.057705752088926594,0.0,0.5690000000000001,38.55,2022-12-05,kansas city smm food,0,91.88791596789258,80.49370051161102,1.1341162943854601,1.2293187512458315,0.0,1.112145685974301,7.104084979392366,0.0,0.8145497452836027,91.88791596789258 +0.0,0.0,0.722,0.6890000000000001,0.03470727707992511,0.809,0.0,79.46,2022-12-05,knoxville smm food,0,76.54570038385384,69.4030183864474,0.0,0.0,0.7566061166109554,1.4485224529986642,4.272770683226552,0.6647827445702864,0.0,76.54570038385386 +0.0,0.0,0.9390000000000001,0.686,0.05224409526928744,0.0,0.0,122.68,2022-12-05,las vegas smm food,0,81.93391402825975,73.0759844669223,0.0,0.0,0.9840071239580156,1.4422153886169575,6.431707048762467,0.0,0.0,81.93391402825975 +0.8240000000000001,0.662,0.884,0.0,0.03504328538426559,0.0,0.0,53.4,2022-12-05,little rock/pine bluff smm food,0,65.6125586189941,57.70357115599228,1.5920133331748196,1.0764669488422491,0.9263709239391754,0.0,4.3141362570455675,0.0,0.0,65.61255861899409 +0.898,0.0,0.608,0.0,0.3647187722586868,0.9910000000000001,0.0,238.22999999999996,2022-12-05,los angeles smm food,0,202.0631265281598,153.9765761946837,1.7349854043579953,0.0,0.6371419929355414,0.0,44.90008461743208,0.8143383187504991,0.0,202.0631265281598 +0.0,0.741,0.0,0.0,0.02115409950117978,0.0,0.623,95.95,2022-12-05,madison wi smm food,0,57.12022149024313,52.419185278171575,0.0,1.20492750618143,0.0,0.0,2.604255469841468,0.0,0.8918532360486545,57.120221490243125 +0.0,0.505,0.732,0.0,0.09982408841607614,0.0,0.0,148.92,2022-12-05,miami/west palm beach smm food,0,197.99929383492736,184.12181433608328,0.0,0.821171917168181,0.76708542570529,0.0,12.289222155970574,0.0,0.0,197.99929383492733 +0.8210000000000001,0.0,0.6910000000000001,0.843,0.04922792179664147,0.846,0.519,122.44,2022-12-05,milwaukee smm food,0,79.73434393630461,68.15317248002567,1.586217168126853,0.0,0.7241202584185183,1.7722850912596138,6.060389599693509,0.6951868997607691,0.7429724390196656,79.7343439363046 +0.964,0.645,0.643,0.0,0.10277301896088005,0.0,0.757,105.55,2022-12-05,minneapolis/st. paul smm food,0,103.07180842461416,85.75072244988117,1.8625010354132598,1.048823537769261,0.6738195747657124,0.0,12.65226140994874,0.0,1.0836804168360055,103.07180842461415 +0.0,0.512,0.0,0.0,0.03351790234949228,0.732,0.72,84.56,2022-12-05,mobile/pensacola smm food,0,74.05756002325873,67.46643487620449,0.0,0.832554498198235,0.0,0.0,4.126348206238194,0.6015092324171194,1.0307132102006922,74.05756002325873 +0.0,0.0,0.577,0.0,0.0746371763573027,0.664,0.0,85.31,2022-12-05,nashville smm food,0,105.81094743442968,95.47216793873541,0.0,0.0,0.6046561347431043,0.0,9.188492035370613,0.5456313255805564,0.0,105.81094743442968 +0.0,0.777,0.9580000000000001,0.761,0.040501870656083655,0.844,0.501,57.22,2022-12-05,new orleans smm food,0,69.81377771385512,59.54961731628727,0.0,1.2634664943359935,1.0039178112372513,1.5998919981596276,4.9861360531576855,0.6935434319126349,0.7172046087646483,69.8137777138551 +0.0,0.0,0.0,0.667,0.37636201914687045,0.787,0.863,290.49,2022-12-05,new york smm food,0,339.7796357222786,290.1617655847399,0.0,0.0,0.0,1.4022706475328144,46.33347058564953,0.6467045982408101,1.2354243061155519,339.7796357222786 +0.9520000000000001,0.0,0.792,0.0,0.042105584337985606,0.0,0.621,141.1,2022-12-05,norfolk/portsmouth/newport news smm food,0,111.05177434257212,102.30993924858487,1.8393163752213937,0.0,0.8299612802712975,0.0,5.183567294696463,0.0,0.888990143798097,111.05177434257212 +0.0,0.498,0.9129999999999999,0.0,0.05338472554894076,0.0,0.0,74.47,2022-12-05,oklahoma city smm food,0,61.947923032102665,53.609244119971564,0.0,0.809789336138127,0.9567609203127455,0.0,6.572128655680233,0.0,0.0,61.947923032102665 +0.807,0.71,0.982,0.0,0.027384414251893478,0.0,0.0,76.68,2022-12-05,omaha smm food,0,67.99024727784399,60.87622985001895,1.559168397903009,1.1545189330483336,1.029068153063654,0.0,3.3712619438100355,0.0,0.0,67.99024727784399 +0.0,0.671,0.0,0.0,0.09692093826604897,0.999,0.779,150.37,2022-12-05,orlando/daytona beach/melborne smm food,0,147.57438935521049,132.61538216686213,0.0,1.0911016958808901,0.0,0.0,11.931818870732284,0.8209121901430358,1.115174431592138,147.57438935521049 +0.884,0.0,0.8310000000000001,0.0,0.02437720707954425,0.0,0.0,57.23,2022-12-05,paducah ky/cape girardeau mo smm food,0,61.13907367777683,55.55925813283435,1.707936634134151,0.0,0.8708305857392022,0.0,3.0010483250691293,0.0,0.0,61.139073677776835 +0.941,0.864,0.0,0.0,0.19558909796919713,0.631,0.0,258.97,2022-12-05,philadelphia smm food,0,227.5579972779412,199.7377476378349,1.818063770045516,1.4049357157095217,0.0,0.0,24.078736048264915,0.518514106086342,0.0,227.55799727794118 +0.0,0.0,0.8190000000000001,0.0,0.12491878361454259,0.0,0.895,165.05,2022-12-05,phoenix/prescott smm food,0,134.50104988743567,116.98296111946722,0.0,0.0,0.8582554148260008,0.0,15.378599571017993,0.0,1.2812337821244715,134.50104988743567 +0.8300000000000001,0.0,0.0,0.0,0.058550537702622536,0.578,0.0,82.71,2022-12-05,pittsburgh smm food,0,113.8388857294063,104.55223234884438,1.603605663270753,0.0,0.0,0.0,7.208085509180378,0.4749622081107855,0.0,113.8388857294063 +0.0,0.0,0.525,0.525,0.07133352651853535,0.534,0.807,76.92,2022-12-05,portland or smm food,0,98.92605683242952,86.8963094792362,0.0,0.0,0.5501637274525646,1.1037362667986919,8.781783720390298,0.438805915451833,1.1552577230999426,98.92605683242952 +0.666,0.0,0.0,0.789,0.033630265894743244,0.52,0.0,102.16,2022-12-05,providence ri/new bedford ma smm food,0,90.76129571703687,83.24830635780522,1.28674864064858,0.0,0.0,1.6587579323888912,4.140181145679284,0.42730164051489355,0.0,90.76129571703687 +0.754,0.964,0.0,0.0,0.07379342241795536,0.0,0.626,160.35,2022-12-05,raleigh/durham/fayetteville smm food,0,138.33525266247764,125.33017277610136,1.4567694820555994,1.5675440161388643,0.0,0.0,9.084618513757318,0.0,0.8961478744244907,138.33525266247764 +0.6950000000000001,0.0,0.0,0.937,0.36755362186022233,0.0,0.5680000000000001,337.02,2022-12-05,rem us east north central smm food,0,355.82855508446914,306.4536727021249,1.3427782361122569,0.0,0.0,1.9699064418864274,45.24907950518729,0.0,0.813118199158324,355.8285550844692 +0.8240000000000001,0.0,0.9510000000000001,0.763,0.12933943406599688,0.53,0.0,147.5,2022-12-05,rem us middle atlantic smm food,0,151.35105505059178,130.80002326169728,1.5920133331748196,0.0,0.9965822948712171,1.6040967077474322,15.922820473345455,0.4355189797555646,0.0,151.35105505059175 +0.541,0.668,0.0,0.968,0.2206354786841575,0.0,0.955,206.66,2022-12-05,rem us mountain smm food,0,206.65334825770782,173.95751153106124,1.0452417636499727,1.0862234468680099,0.0,2.0350794404973973,27.16216552599001,0.0,1.3671265496411957,206.65334825770782 +0.8200000000000001,0.857,0.775,0.0,0.060146435370237984,0.0,0.649,167.43,2022-12-05,rem us new england smm food,0,160.34524328166447,148.221630613054,1.5842851131108644,1.3935531346794676,0.8121464548109287,0.0,7.404554530703274,0.0,0.9290734353059017,160.34524328166444 +0.9460000000000001,0.801,0.605,0.0,0.2201873959504913,0.0,0.0,127.12999999999998,2022-12-05,rem us pacific smm food,0,135.9848615392241,105.11364420201244,1.8277240451254606,1.3024924864390357,0.6339982002072411,0.0,27.107002605439945,0.0,0.0,135.9848615392241 +0.0,0.0,0.643,0.6,0.4013502467880997,0.0,0.0,327.24,2022-12-05,rem us south atlantic smm food,0,335.0252037170934,283.6802303568146,0.0,0.0,0.6738195747657124,1.2614128763413621,49.40974090917173,0.0,0.0,335.0252037170934 +0.0,0.0,0.665,0.0,0.6982504972282092,0.0,0.5670000000000001,536.73,2022-12-05,rem us south central smm food,0,486.9006598302365,399.4313293612464,0.0,0.0,0.6968740547732485,0.0,85.96076976118383,0.0,0.8116866530330452,486.9006598302365 +0.0,0.9980000000000001,0.885,0.0,0.248308357732686,0.0,0.0,175.19,2022-12-05,rem us west north central smm food,0,159.07371819585168,125.95452848252805,0.0,1.622830838284841,0.9274188548486089,0.0,30.568940020190173,0.0,0.0,159.07371819585165 +0.654,0.0,0.0,0.0,0.03237871147177442,0.839,0.53,105.25,2022-12-05,richmond/petersburg smm food,0,92.76591582955885,86.06809383806947,1.2635639804567136,0.0,0.0,0.0,3.9861038023426385,0.6894347622922994,0.7587194463977318,92.76591582955885 +0.931,0.0,0.884,0.964,0.09546065079382685,0.681,0.0,75.39,2022-12-05,sacramento/stockton/modesto smm food,0,88.65051127089194,71.58708164797008,1.7987432198856277,0.0,0.9263709239391754,2.0266700213217885,11.752044655485573,0.5596008022896972,0.0,88.65051127089194 +0.771,0.9829999999999999,0.0,0.514,0.07475387787697035,0.0,0.0,115.42,2022-12-05,salt lake city smm food,0,97.09633246433272,83.72480907215119,1.4896144173274102,1.5984395932204394,0.0,1.080610364065767,9.20285901756791,0.0,0.0,97.09633246433272 +0.868,0.687,0.0,0.704,0.05603102461677311,0.501,0.797,80.19,2022-12-05,san diego smm food,0,91.43905577773245,78.71431295071628,1.6770237538783295,1.117119023949585,0.0,1.4800577749071981,6.897911316476284,0.4116886959576186,1.1409422618471552,91.43905577773245 +0.902,0.0,0.5060000000000001,0.671,0.12807821773475736,0.0,0.613,116.26000000000002,2022-12-05,san francisco/oakland/san jose smm food,0,109.20465121774788,88.87591304741949,1.7427136244219505,0.0,0.5302530401733291,1.4106800667084234,15.767553664228824,0.0,0.877537774795867,109.20465121774788 +0.882,0.612,0.0,0.8320000000000001,0.10947423189259074,0.0,0.0,115.07,2022-12-05,seattle/tacoma smm food,0,106.67039060350879,88.74475650580376,1.7040725241021735,0.9951627986275778,0.0,1.749159188526689,13.4772395864486,0.0,0.0,106.6703906035088 +0.0,0.0,0.679,0.0,0.067914346450259,0.586,0.902,61.05,2022-12-05,st. louis smm food,0,98.54928192169176,87.70409353036166,0.0,0.0,0.7115450875053169,0.0,8.36085261932003,0.48153607950332233,1.2912546050014226,98.54928192169174 +0.588,0.0,0.714,0.0,0.09605505089642526,0.0,0.0,119.82,2022-12-05,tampa/ft. myers smm food,0,186.9646951689287,173.25520362076367,1.1360483494014488,0.0,0.7482226693354878,0.0,11.825220529428112,0.0,0.0,186.9646951689287 +0.0,0.0,0.955,0.0,0.023474846623967687,0.0,0.973,37.4,2022-12-05,tucson/sierra vista smm food,0,68.60587486932363,63.32224664442017,0.0,0.0,1.0007740185089509,0.0,2.8899598264983037,0.0,1.3928943798962132,68.60587486932364 +0.628,0.0,0.504,0.0,0.19133075027915666,0.0,0.681,167.14,2022-12-05,washington dc/hagerstown smm food,0,199.29224286493292,173.02137618365978,1.2133305500410032,0.0,0.528157178354462,0.0,23.55449604156285,0.0,0.9748829113148214,199.29224286493292 +0.634,0.9490000000000002,0.0,0.517,0.017757234487286697,0.0,0.669,45.76,2022-12-05,yakima/pasco/richland/kennewick smm food,0,60.51571135236475,53.51694236690935,1.2249228801369365,1.5431527710744632,0.0,1.0869174284474736,2.186071547985054,0.0,0.9577043578114766,60.515711352364754 +0.622,0.8130000000000001,0.0,0.0,0.027104321461708877,0.634,0.0,75.44,2022-12-12,albany/schenectady/troy smm food,0,88.73837151208005,82.35686844083078,1.2017382199450701,1.322005482490557,0.0,0.0,3.3367800609550966,0.5209793078585433,0.0,88.73837151208005 +0.9510000000000001,0.762,0.9910000000000001,0.908,0.04293427088969085,0.61,0.0,104.59,2022-12-12,albuquerque/santa fe smm food,0,82.60287019751907,70.79212936171284,1.8373843202054048,1.239075249271592,1.0384995312485554,1.9089381528632614,5.2855858885364935,0.5012576936809329,0.0,82.60287019751908 +0.0,0.559,0.66,0.609,0.19036485845231674,0.0,0.0,194.36,2022-12-12,atlanta smm food,0,191.5640659823148,165.2475308400832,0.0,0.9089803994000262,0.6916344002260812,1.2803340694864824,23.435586273119018,0.0,0.0,191.5640659823148 +0.0,0.0,0.6980000000000001,0.0,0.053467536257372425,0.886,0.0,104.58,2022-12-12,baltimore smm food,0,113.32219660303568,105.28036119021601,0.0,0.0,0.7314557747845526,0.0,6.582323381311668,0.7280562567234533,0.0,113.32219660303569 +0.9540000000000001,0.0,0.637,0.0,0.020553660088143126,0.502,0.843,89.79,2022-12-12,baton rouge smm food,0,57.28859429522976,50.62824190344196,1.8431804852533713,0.0,0.6675319893091117,0.0,2.5303361037336414,0.4125104298816857,1.2067933836099771,57.28859429522975 +0.0,0.514,0.988,0.9450000000000001,0.051621129524845225,0.663,0.0,97.23,2022-12-12,birmingham/anniston/tuscaloosa smm food,0,73.03322867155961,62.27551690355495,0.0,0.8358066642068219,1.0353557385202548,1.9867252802376454,6.3550144933834485,0.5448095916564893,0.0,73.03322867155961 +0.884,0.0,0.0,0.592,0.10961227856920017,0.585,0.0,223.39,2022-12-12,boston/manchester smm food,0,200.27177072882495,183.34429136615643,1.707936634134151,0.0,0.0,1.244594037990144,13.494234344964958,0.48071434557925524,0.0,200.27177072882495 +0.638,0.0,0.0,0.803,0.03319995143509762,0.0,0.0,75.69,2022-12-12,buffalo smm food,0,70.97124096322855,63.96319330778341,1.232651100200892,0.0,0.0,1.688190899503523,4.087205655740727,0.0,0.0,70.97124096322855 +0.77,0.0,0.0,0.0,0.09011111164734839,0.0,0.6880000000000001,139.83,2022-12-12,charlotte smm food,0,140.66694075789067,127.1008852661048,1.4876823623114213,0.0,0.0,0.0,11.09346939528267,0.0,0.9849037341917726,140.66694075789067 +0.633,0.532,0.49900000000000005,0.528,0.20351863597126826,0.0,0.864,177.42,2022-12-12,chicago smm food,0,207.1356712192293,177.12285569785104,1.2229908251209476,0.8650761582841037,0.5229175238072947,1.1100433311803988,25.054931830744707,0.0,1.2368558522408306,207.13567121922932 +0.62,0.632,0.0,0.751,0.08420950934824648,0.538,0.0,152.37,2022-12-12,cleveland/akron/canton smm food,0,145.70452483180838,131.09107465023894,1.1978741099130925,1.0276844587134464,0.0,1.578868450220605,10.36693031157419,0.44209285114810143,0.0,145.70452483180838 +0.0,0.891,0.0,0.597,0.07540999558083962,0.712,0.888,97.86,2022-12-12,columbus oh smm food,0,117.76460084197818,103.92073468964487,0.0,1.4488399568254442,0.0,1.2551058119596552,9.283632870364908,0.5850745539357773,1.2712129592475203,117.76460084197818 +0.0,0.0,0.8310000000000001,0.0,0.19425699881474914,0.0,0.909,112.74,2022-12-12,dallas/ft. worth smm food,0,131.3640061359005,105.27715718131851,0.0,0.0,0.8708305857392022,0.0,23.91474294096442,0.0,1.301275427878374,131.36400613590052 +0.0,0.611,0.9700000000000001,0.811,0.027826901233314407,0.54,0.0,73.33,2022-12-12,des moines/ames smm food,0,69.99280909651517,62.408297363785806,0.0,0.9935367156232844,1.0164929821504527,1.7050097378547413,3.425735978104657,0.44373631899623567,0.0,69.99280909651517 +0.0,0.638,0.62,0.523,0.1023338321018365,0.0,0.0,213.68,2022-12-12,detroit smm food,0,175.70780638044687,160.32292305294044,0.0,1.0374409567392069,0.6497171638487429,1.0995315572108875,12.598193649707614,0.0,0.0,175.7078063804469 +0.533,0.91,0.0,0.941,0.04504639739719637,0.0,0.0,136.13,2022-12-12,grand rapids smm food,0,120.04901024198641,110.01556630860257,1.0297853235220618,1.4797355339070193,0.0,1.9783158610620362,5.545607214892722,0.0,0.0,120.04901024198641 +0.866,0.0,0.0,0.0,0.04186889229611623,0.98,0.5,75.98,2022-12-12,greensboro smm food,0,91.91790363314203,83.56924325587181,1.6731596438463516,0.0,0.0,0.0,5.154428425198761,0.8052992455857609,0.7157730626393696,91.91790363314206 +0.0,0.0,0.0,0.8,0.04336135688817133,0.0,0.0,124.65,2022-12-12,harrisburg/lancaster smm food,0,92.04515545627795,85.02510769460987,0.0,0.0,0.0,1.6818838351218162,5.3381639265462635,0.0,0.0,92.04515545627795 +0.0,0.972,0.557,0.0,0.05132553320205438,0.0,0.875,125.18,2022-12-12,hartford/new haven smm food,0,122.34620728688589,112.61073024106035,0.0,1.5805526801732117,0.5836975165544352,0.0,6.3186239894789855,0.0,1.2526028596188967,122.34620728688589 +0.0,0.0,0.0,0.9380000000000001,0.15519133622803752,0.766,0.87,180.2,2022-12-12,houston smm food,0,190.5987608165672,167.64644198801398,0.0,0.0,0.0,1.9720087966803295,19.105416717044985,0.6294481858354009,1.245445128992503,190.5987608165672 +0.0,0.9590000000000001,0.759,1.0,0.07637165692508122,0.877,0.8280000000000001,71.87,2022-12-12,indianapolis smm food,0,104.78638560346143,89.02123497580452,0.0,1.5594136011173974,0.7953795602599933,2.10235479390227,9.4020218292396,0.7206606514068493,1.185320191730796,104.78638560346143 +0.5730000000000001,0.9829999999999999,0.971,0.9530000000000001,0.04117741472616011,0.955,0.974,88.02,2022-12-12,jacksonville smm food,0,99.27486542486135,86.29988999004563,1.1070675241616161,1.5984395932204394,1.017540913059886,2.003544118588864,5.069301462279329,0.7847558974840834,1.394325926021492,99.27486542486133 +0.9590000000000001,0.0,0.515,0.73,0.05651499973346539,0.0,0.0,110.56,2022-12-12,kansas city smm food,0,91.37843759451295,80.49370051161102,1.8528407603333157,0.0,0.53968441835823,1.5347189995486572,6.95749290466172,0.0,0.0,91.37843759451295 +0.863,0.5710000000000001,0.744,0.848,0.03446933714453228,0.7000000000000001,0.0,61.489999999999995,2022-12-12,knoxville smm food,0,79.38002465646633,69.4030183864474,1.667363478798385,0.9284933954515474,0.7796605966184915,1.782796865229125,4.243478187074402,0.5752137468469721,0.0,79.38002465646632 +0.856,0.0,0.742,0.0,0.050107565647938605,0.765,0.0,85.68,2022-12-12,las vegas smm food,0,82.3046962320507,73.0759844669223,1.653839093686463,0.0,0.7775647347996246,0.0,6.16868148473098,0.6286264519113338,0.0,82.3046962320507 +0.9210000000000002,0.0,0.659,0.558,0.034695326955015364,0.687,0.0,56.290000000000006,2022-12-12,little rock/pine bluff smm food,0,66.18252499374444,57.70357115599228,1.7794226697257391,0.0,0.6905864693166478,1.1731139749974668,4.2712995178782105,0.5645312058340998,0.0,66.18252499374444 +0.882,0.0,0.653,0.0,0.3503848519502997,0.0,0.0,225.97999999999996,2022-12-12,los angeles smm food,0,199.50040071849568,153.9765761946837,1.7040725241021735,0.0,0.684298883860047,0.0,43.13545311584976,0.0,0.0,199.50040071849568 +0.0,0.0,0.919,0.941,0.021547356465331385,0.0,0.532,66.44,2022-12-12,madison wi smm food,0,58.77480104021654,52.419185278171575,0.0,0.0,0.9630485057693464,1.9783158610620362,2.6526688565653016,0.0,0.7615825386482893,58.774801040216545 +0.0,0.524,0.53,0.592,0.09188585840317579,0.948,0.0,217.84,2022-12-12,miami/west palm beach smm food,0,198.8648393209441,184.12181433608328,0.0,0.8520674942497561,0.5554033819997319,1.244594037990144,11.31195631060559,0.7790037600156136,0.0,198.8648393209441 +0.0,0.0,0.54,0.0,0.04982327326360923,0.553,0.7020000000000001,88.96,2022-12-12,milwaukee smm food,0,76.31210200602139,68.15317248002567,0.0,0.0,0.5658826910940664,0.0,6.133682594946863,0.45441886000910797,1.004945379945675,76.31210200602139 +0.0,0.0,0.0,0.9490000000000002,0.10407502534834068,0.729,0.0,83.15,2022-12-12,minneapolis/st. paul smm food,0,101.1574510132324,85.75072244988117,0.0,0.0,0.0,1.9951346994132548,12.812549833293053,0.5990440306449181,0.0,101.15745101323239 +0.0,0.601,0.0,0.0,0.033219837421493655,0.555,0.0,66.74,2022-12-12,mobile/pensacola smm food,0,72.98942688499008,67.46643487620449,0.0,0.9772758855803501,0.0,0.0,4.089653795348001,0.4560623278572422,0.0,72.98942688499008 +0.971,0.5680000000000001,0.0,0.5630000000000001,0.0739619337585329,0.783,0.0,96.1,2022-12-12,nashville smm food,0,109.20421565722579,95.47216793873541,1.8760254205251818,0.923615146438667,0.0,1.1836257489669781,9.105363740014994,0.6434176625445417,0.0,109.20421565722577 +0.0,0.992,0.0,0.0,0.04021583616297401,0.592,0.0,53.62,2022-12-12,new orleans smm food,0,66.60008083407381,59.54961731628727,0.0,1.6130743402590804,0.0,0.0,4.9509226944797335,0.48646648304772494,0.0,66.60008083407381 +0.0,0.585,0.0,0.709,0.3624730297143492,0.601,0.0,342.25,2022-12-12,new york smm food,0,337.7210697627281,290.1617655847399,0.0,0.9512585575116552,0.0,1.4905695488767094,44.623613983235586,0.4938620883643289,0.0,337.7210697627282 +0.615,0.0,0.0,0.9129999999999999,0.03916775263231157,0.498,0.761,123.77999999999999,2022-12-12,norfolk/portsmouth/newport news smm food,0,111.73812751108261,102.30993924858487,1.1882138348331481,0.0,0.0,1.9194499268327725,4.821894405309297,0.4092234941854173,1.0894066013371204,111.73812751108262 +0.0,0.6950000000000001,0.0,0.0,0.050861801142281185,0.0,0.654,72.53,2022-12-12,oklahoma city smm food,0,61.937137473306564,53.609244119971564,0.0,1.1301276879839324,0.0,0.0,6.26153449941878,0.0,0.9362311659322954,61.93713747330657 +0.875,0.0,0.0,0.0,0.026972467302267333,0.538,0.0,70.78,2022-12-12,omaha smm food,0,66.32941849585555,60.87622985001895,1.6905481389902515,0.0,0.0,0.0,3.320547655698241,0.44209285114810143,0.0,66.32941849585555 +0.993,0.9440000000000001,0.0,0.533,0.09291201607396969,0.0,0.634,98.36,2022-12-12,orlando/daytona beach/melborne smm food,0,149.53537583619436,132.61538216686213,1.9185306308769368,1.5350223560529959,0.0,1.12055510514991,11.438285333825688,0.0,0.9076002434267206,149.5353758361944 +0.0,0.875,0.0,0.656,0.02433841612403696,0.0,0.0,26.23,2022-12-12,paducah ky/cape girardeau mo smm food,0,61.35749832409075,55.55925813283435,0.0,1.4228226287567494,0.0,1.3791447447998892,2.9962728176997606,0.0,0.0,61.35749832409075 +0.9590000000000001,0.0,0.5650000000000001,0.9420000000000002,0.1924192939773563,0.837,0.0,273.12,2022-12-12,philadelphia smm food,0,228.5393842050644,199.7377476378349,1.8528407603333157,0.0,0.5920809638299029,1.980418215855939,23.68850533276618,0.6877912944441652,0.0,228.5393842050644 +0.0,0.0,0.604,0.581,0.12080428963037912,0.717,0.6900000000000001,157.15,2022-12-12,phoenix/prescott smm food,0,135.28639879316574,116.98296111946722,0.0,0.0,0.6329502692978076,1.221468135257219,14.872069219145065,0.5891832235561129,0.98776682644233,135.28639879316574 +0.0,0.0,0.531,0.0,0.059570160612183225,0.0,0.9269999999999999,100.08,2022-12-12,pittsburgh smm food,0,113.76933696577714,104.55223234884438,0.0,0.0,0.5564513129091654,0.0,7.333610045890202,0.0,1.327043258133391,113.76933696577714 +0.0,0.0,0.9460000000000001,0.768,0.06893551501803537,0.0,0.9969999999999999,75.12,2022-12-12,portland or smm food,0,99.41607952831363,86.8963094792362,0.0,0.0,0.9913426403240497,1.6146084817169435,8.48656744013353,0.0,1.4272514869029027,99.41607952831362 +0.591,0.925,0.503,0.65,0.03168714988522464,0.81,0.79,90.47,2022-12-12,providence ri/new bedford ma smm food,0,93.48540992841463,83.24830635780522,1.1418445144494154,1.5041267789714208,0.5271092474450285,1.3665306160364756,3.9009664962425106,0.6656044784943534,1.130921438970204,93.48540992841463 +0.553,0.0,0.56,0.0,0.07114327341327244,0.0,0.794,107.39,2022-12-12,raleigh/durham/fayetteville smm food,0,136.8804500246137,125.33017277610136,1.068426423841839,0.0,0.5868413092827356,0.0,8.758361891916454,0.0,1.136647623471319,136.8804500246137 +0.628,0.789,0.6940000000000001,0.9560000000000002,0.3635879780981823,0.0,0.627,381.92,2022-12-12,rem us east north central smm food,0,357.3455513204042,306.4536727021249,1.2133305500410032,1.2829794903875145,0.7272640511468188,2.0098511829705705,44.76087392318369,0.0,0.8975794205497695,357.34555132040424 +0.0,0.0,0.545,0.683,0.12795225585671519,0.0,0.534,161.22,2022-12-12,rem us middle atlantic smm food,0,149.32354621304367,130.80002326169728,0.0,0.0,0.5711223456412338,1.4359083242352506,15.752046650571044,0.0,0.7644456308988468,149.32354621304364 +0.622,0.538,0.527,0.9059999999999999,0.22400891789487765,0.5740000000000001,0.994,198.49,2022-12-12,rem us mountain smm food,0,207.9631730865042,173.95751153106124,1.2017382199450701,0.8748326563098642,0.5522595892714315,1.9047334432754566,27.57746552569955,0.4716752724145172,1.4229568485270667,207.96317308650418 +0.513,0.0,0.6880000000000001,0.767,0.06023270805654363,0.546,0.0,216.28,2022-12-12,rem us new england smm food,0,159.4100996076318,148.221630613054,0.9911442232022846,0.0,0.720976465690218,1.6125061269230412,7.415175456221605,0.4486667225406383,0.0,159.4100996076318 +0.6940000000000001,0.81,0.0,0.9440000000000001,0.2129315029963723,0.7020000000000001,0.9129999999999999,128.32,2022-12-12,rem us pacific smm food,0,137.85383781488167,105.11364420201244,1.3408461810962682,1.3171272334776767,0.0,1.9846229254437433,26.213738445776958,0.5768572146951063,1.3070016123794888,137.85383781488167 +0.0,0.0,0.0,0.0,0.3933055677510343,0.669,0.861,245.05,2022-12-12,rem us south atlantic smm food,0,333.88190181974596,283.6802303568146,0.0,0.0,0.0,0.0,48.4193702538655,0.5497399952008919,1.2325612138649944,333.881901819746 +0.0,0.0,0.0,0.557,0.6889028715591572,0.0,0.0,464.62,2022-12-12,rem us south central smm food,0,485.41233591162285,399.4313293612464,0.0,0.0,0.0,1.1710116202035645,84.80999493017286,0.0,0.0,485.41233591162285 +0.679,0.0,0.0,0.626,0.2534647637344925,0.7010000000000001,0.715,165.08,2022-12-12,rem us west north central smm food,0,161.38579779348186,125.95452848252805,1.3118653558564353,0.0,0.0,1.3160741009828212,31.203738893769216,0.5760354807710393,1.0235554795742985,161.38579779348186 +0.0,0.0,0.8200000000000001,0.0,0.0316296862417768,0.765,0.0,104.34,2022-12-12,richmond/petersburg smm food,0,91.4499158526798,86.06809383806947,0.0,0.0,0.8593033457354343,0.0,3.8938922169635592,0.6286264519113338,0.0,91.4499158526798 +0.0,0.592,0.924,0.0,0.09195996968754938,0.866,0.0,73.24,2022-12-12,sacramento/stockton/modesto smm food,0,85.55071258578866,71.58708164797008,0.0,0.9626411385417092,0.9682881603165137,0.0,11.321080060718241,0.7116215782421111,0.0,85.55071258578866 +0.9420000000000002,0.9440000000000001,0.0,0.612,0.07556811233902823,0.0,0.999,140.8,2022-12-12,salt lake city smm food,0,99.09968139851004,83.72480907215119,1.8199958250615054,1.5350223560529959,0.0,1.2866411338681893,9.30309843222271,0.0,1.4301145791534604,99.09968139851006 +0.597,0.524,0.0,0.0,0.05356807076045156,0.902,0.0,87.12,2022-12-12,san diego smm food,0,88.05572135077296,78.71431295071628,1.1534368445453487,0.8520674942497561,0.0,0.0,6.594700061753065,0.7412039995085269,0.0,88.05572135077297 +0.0,0.617,0.0,0.841,0.1247467497547221,0.0,0.0,121.78,2022-12-12,san francisco/oakland/san jose smm food,0,107.00470733443944,88.87591304741949,0.0,1.003293213649045,0.0,1.7680803816718091,15.357420691699094,0.0,0.0,107.00470733443943 +0.0,0.594,0.0,0.0,0.1066210666736377,0.0,0.0,131.18,2022-12-12,seattle/tacoma smm food,0,102.83663969565583,88.74475650580376,0.0,0.9658933045502961,0.0,0.0,13.125989885301763,0.0,0.0,102.83663969565582 +0.8220000000000001,0.972,0.0,0.0,0.06719117485588343,0.842,0.916,124.53,2022-12-12,st. louis smm food,0,101.14781549208635,87.70409353036166,1.588149223142842,1.5805526801732117,0.0,0.0,8.271823843588804,0.6918999640645007,1.3112962507553252,101.14781549208634 +0.5650000000000001,0.0,0.646,0.81,0.09416595014340007,0.529,0.0,132.08,2022-12-12,tampa/ft. myers smm food,0,188.75403833372866,173.25520362076367,1.0916110840337052,0.0,0.6769633674940129,1.702907383060839,11.592655632544975,0.4346972458314975,0.0,188.7540383337287 +0.733,0.604,0.0,0.0,0.022857088672794144,0.0,0.0,52.42,2022-12-12,tucson/sierra vista smm food,0,68.53450550195004,63.32224664442017,1.4161963267198334,0.9821541345932303,0.0,0.0,2.81390839621681,0.0,0.0,68.53450550195004 +0.86,0.0,0.0,0.0,0.18350705341648468,0.855,0.0,207.54,2022-12-12,washington dc/hagerstown smm food,0,197.97685623555742,173.02137618365978,1.6615673137504186,0.0,0.0,0.0,22.591330233069854,0.7025825050773731,0.0,197.97685623555742 +0.0,0.0,0.586,0.0,0.016526941204665992,0.0,0.0,19.93,2022-12-12,yakima/pasco/richland/kennewick smm food,0,56.165641517624124,53.51694236690935,0.0,0.0,0.6140875129280053,0.0,2.034611637786773,0.0,0.0,56.165641517624124 +0.601,0.0,0.87,0.993,0.027023743370699866,0.0,0.0,111.84,2022-12-19,albany/schenectady/troy smm food,0,89.84423189713223,82.35686844083078,1.1611650646093041,0.0,0.911699891207107,2.0876383103449543,3.326860190140085,0.0,0.0,89.84423189713223 +0.0,0.0,0.639,0.676,0.04547544048809384,0.867,0.681,95.17,2022-12-19,albuquerque/santa fe smm food,0,80.1687014651702,70.79212936171284,0.0,0.0,0.6696278511279786,1.4211918406779347,5.5984261881704604,0.7124433121661783,0.9748829113148214,80.16870146517022 +0.871,0.536,0.9700000000000001,0.0,0.19559946042759435,0.0,0.0,194.69,2022-12-19,atlanta smm food,0,192.89843598938046,165.2475308400832,1.682819918926296,0.8715804903012774,1.0164929821504527,0.0,24.08001175791923,0.0,0.0,192.89843598938043 +0.685,0.0,0.539,0.0,0.05440755838659446,0.0,0.903,136.35,2022-12-19,baltimore smm food,0,115.15938815021458,105.28036119021601,1.3234576859523683,0.0,0.564834760184633,0.0,6.698048362734866,0.0,1.2926861511267014,115.15938815021458 +0.0,0.0,0.0,0.0,0.02036692579550873,0.0,0.8150000000000001,27.48,2022-12-19,baton rouge smm food,0,54.30229946754835,50.62824190344196,0.0,0.0,0.0,0.0,2.5073474720042226,0.0,1.1667100921021725,54.30229946754835 +0.686,0.889,0.893,0.91,0.05176997356927787,0.6880000000000001,0.0,67.56,2022-12-19,birmingham/anniston/tuscaloosa smm food,0,74.83413104239824,62.27551690355495,1.3253897409683573,1.4455877908168573,0.9358023021240766,1.913142862451066,6.373338502724779,0.5653529397581669,0.0,74.83413104239825 +0.0,0.0,0.0,0.965,0.11147302619294194,0.623,0.0,230.72,2022-12-19,boston/manchester smm food,0,199.60831269954048,183.34429136615643,0.0,0.0,0.0,2.0287723761156906,13.723308722574545,0.5119402346938051,0.0,199.60831269954048 +0.0,0.0,0.76,0.0,0.033133483189670646,0.0,0.526,94.18,2022-12-19,buffalo smm food,0,69.59163689170963,63.96319330778341,0.0,0.0,0.7964274911694268,0.0,4.079022830860173,0.0,0.7529932618966169,69.59163689170963 +0.726,0.5760000000000001,0.593,0.66,0.0949288727064193,0.0,0.0,90.2,2022-12-19,charlotte smm food,0,143.13573631315083,127.1008852661048,1.4026719416079114,0.9366238104730145,0.6214230292940396,1.3875541639754985,11.686578101695575,0.0,0.0,143.13573631315083 +0.838,0.0,0.0,0.0,0.21756323401954977,0.0,0.0,165.46,2022-12-19,chicago smm food,0,205.52586302190127,177.12285569785104,1.6190621033986636,0.0,0.0,0.0,26.783945220651567,0.0,0.0,205.52586302190127 +0.77,0.634,0.0,0.765,0.08840720817750894,0.0,0.0,159.01,2022-12-19,cleveland/akron/canton smm food,0,146.1016989653721,131.09107465023894,1.4876823623114213,1.0309366247220333,0.0,1.6083014173352368,10.883703910764467,0.0,0.0,146.1016989653721 +0.0,0.0,0.0,0.995,0.07888948844351934,0.76,0.0,114.65,2022-12-19,columbus oh smm food,0,116.34908449809281,103.92073468964487,0.0,0.0,0.0,2.091843019932759,9.711989006224185,0.6245177822909983,0.0,116.34908449809282 +0.0,0.611,0.0,0.0,0.205268880770201,0.0,0.941,102.51,2022-12-19,dallas/ft. worth smm food,0,132.88818114077355,105.27715718131851,0.0,0.9935367156232844,0.0,0.0,25.270402339944493,0.0,1.3470849038872934,132.88818114077358 +0.785,0.716,0.91,0.0,0.027475113871362023,0.0,0.0,100.6,2022-12-19,des moines/ames smm food,0,69.42528097368326,62.408297363785806,1.5166631875512542,1.1642754310740941,0.9536171275844453,0.0,3.3824278636876612,0.0,0.0,69.42528097368326 +0.708,0.6890000000000001,0.0,0.762,0.10528281577478053,0.9910000000000001,0.974,249.08999999999997,2022-12-19,detroit smm food,0,179.58308723617074,160.32292305294044,1.367894951320112,1.1203711899581719,0.0,1.6019943529535299,12.961239444226516,0.8143383187504991,1.394325926021492,179.58308723617077 +0.0,0.0,0.0,0.0,0.045705774450684314,0.705,0.0,135.46,2022-12-19,grand rapids smm food,0,116.22167104732834,110.01556630860257,0.0,0.0,0.0,0.0,5.626782322258467,0.5793224164673075,0.0,116.22167104732834 +0.673,0.809,0.586,0.0,0.0431861995879278,0.5660000000000001,0.893,97.14,2022-12-19,greensboro smm food,0,93.85917756020405,83.56924325587181,1.300273025760502,1.3155011504733831,0.6140875129280053,0.0,5.316600524274452,0.46510140102198033,1.278370689873914,93.85917756020405 +0.0,0.59,0.0,0.0,0.042709525266116787,0.955,0.0,122.24,2022-12-19,harrisburg/lancaster smm food,0,92.02717029269742,85.02510769460987,0.0,0.9593889725331224,0.0,0.0,5.257917728070336,0.7847558974840834,0.0,92.02717029269742 +0.851,0.6990000000000001,0.637,0.0,0.05208913654658986,0.808,0.0,155.2,2022-12-19,hartford/new haven smm food,0,123.13566434843764,112.61073024106035,1.6441788186065187,1.1366320200011062,0.6675319893091117,0.0,6.412630268814339,0.6639610106462193,0.0,123.13566434843764 +0.734,0.0,0.0,0.511,0.16654939126012436,0.581,0.0,182.33,2022-12-19,houston smm food,0,191.11999414191948,167.64644198801398,1.4181283817358223,0.0,0.0,1.07430329968406,20.503693062602633,0.4774274098829868,0.0,191.11999414191948 +0.657,0.6940000000000001,0.711,0.0,0.07892804588231778,0.534,0.0,107.68,2022-12-19,indianapolis smm food,0,102.31971728398331,89.02123497580452,1.2693601455046803,1.128501604979639,0.7450788766071874,0.0,9.716735765635443,0.438805915451833,0.0,102.3197172839833 +0.0,0.603,0.0,0.6980000000000001,0.04325186349802431,0.0,0.0,112.94,2022-12-19,jacksonville smm food,0,94.07254601618874,86.29988999004563,0.0,0.980528051588937,0.0,1.4674436461437848,5.324684328410405,0.0,0.0,94.07254601618875 +0.0,0.0,0.777,0.932,0.05844907531039873,0.642,0.9490000000000002,79.97,2022-12-19,kansas city smm food,0,92.34902254573288,80.49370051161102,0.0,0.0,0.8142423166297956,1.9593946679169159,7.195594597434535,0.5275531792510801,1.3585372728895238,92.34902254573288 +0.0,0.0,0.0,0.555,0.03435220936420563,0.0,0.0,52.77,2022-12-19,knoxville smm food,0,74.79888402550878,69.4030183864474,0.0,0.0,0.0,1.1668069106157601,4.229058728445636,0.0,0.0,74.7988840255088 +0.918,0.0,0.0,0.728,0.05418053566622463,0.647,0.0,88.05,2022-12-19,las vegas smm food,0,83.58188698208309,73.0759844669223,1.7736265046777724,0.0,0.0,1.5305142899608526,6.670099871650741,0.5316618488714157,0.0,83.58188698208309 +0.885,0.0,0.5670000000000001,0.0,0.03472697402898541,0.901,0.0,53.11,2022-12-19,little rock/pine bluff smm food,0,65.0231944870529,57.70357115599228,1.70986868915014,0.0,0.5941768256487698,0.0,4.275195550677261,0.7403822655844599,0.0,65.0231944870529 +0.605,0.769,0.9570000000000001,0.0,0.3653105369584283,0.6950000000000001,0.846,180.44,2022-12-19,los angeles smm food,0,204.15392633933197,153.9765761946837,1.1688932846732596,1.250457830301646,1.0028698803278178,0.0,44.9729360501331,0.5711050772266366,1.2110880219858133,204.15392633933197 +0.521,0.0,0.0,0.522,0.021138882613422495,0.0,0.54,57.75,2022-12-19,madison wi smm food,0,57.89863218886007,52.419185278171575,1.0066006633301954,0.0,0.0,1.0974292024169852,2.6023821372907885,0.0,0.7730349076505192,57.89863218886006 +0.0,0.0,0.664,0.0,0.09949476066646963,0.9390000000000001,0.807,161.03,2022-12-19,miami/west palm beach smm food,0,198.9931853548685,184.12181433608328,0.0,0.0,0.695826123863815,0.0,12.248679017122452,0.7716081546990098,1.1552577230999426,198.9931853548685 +0.68,0.0,0.0,0.851,0.050446696157163996,0.0,0.791,77.74,2022-12-19,milwaukee smm food,0,78.59885823500173,68.15317248002567,1.313797410872424,0.0,0.0,1.789103929610832,6.210431429397312,0.0,1.1323529850954828,78.59885823500173 +0.6890000000000001,0.0,0.542,0.602,0.10519515187252695,0.9520000000000001,0.8130000000000001,84.5,2022-12-19,minneapolis/st. paul smm food,0,103.8120894381074,85.75072244988117,1.3311859060163238,0.0,0.5679785529129334,1.2656175859291665,12.950447247804314,0.7822906957118821,1.163846999851615,103.8120894381074 +0.911,0.0,0.854,0.7010000000000001,0.03375721126114649,0.982,0.88,106.64,2022-12-19,mobile/pensacola smm food,0,77.81773324202463,67.46643487620449,1.7601021195658504,0.0,0.8949329966561717,1.4737507105254914,4.155809235393443,0.8069427134338951,1.2597605902452904,77.81773324202463 +0.9420000000000002,0.597,0.0,0.0,0.0778274989310683,0.0,0.0,115.42,2022-12-19,nashville smm food,0,107.84418408590314,95.47216793873541,1.8199958250615054,0.9707715535631763,0.0,0.0,9.581248768543038,0.0,0.0,107.84418408590312 +0.603,0.614,0.948,0.0,0.04050126524239405,0.8210000000000001,0.858,44.59,2022-12-19,new orleans smm food,0,69.59547160627032,59.54961731628727,1.1650291746412818,0.9984149646361646,0.9934385021429166,0.0,4.986061521414437,0.6746435516590916,1.2282665754891582,69.59547160627032 +0.801,0.0,0.0,0.848,0.3789509200547765,0.0,0.0,345.6,2022-12-19,new york smm food,0,340.14432554653945,290.1617655847399,1.547576067807076,0.0,0.0,1.782796865229125,46.65218702876335,0.0,0.0,340.14432554653945 +0.633,0.0,0.856,0.9969999999999999,0.041886175003647,0.782,0.0,122.13,2022-12-19,norfolk/portsmouth/newport news smm food,0,112.32515866863197,102.30993924858487,1.2229908251209476,0.0,0.8970288584750387,2.096047729520563,5.156556078310072,0.6425959286204745,0.0,112.32515866863197 +0.755,0.6900000000000001,0.755,0.869,0.050342522994256574,0.613,0.979,47.9,2022-12-19,oklahoma city smm food,0,66.9108904325984,53.609244119971564,1.4587015370715883,1.1219972729624652,0.7911878366222596,1.8269463159010728,6.197606797968439,0.5037228954531341,1.4014836566478857,66.9108904325984 +0.595,0.0,0.0,0.879,0.027249974111120654,1.0,0.624,61.81999999999999,2022-12-19,omaha smm food,0,68.94350233614904,60.87622985001895,1.1495727345133708,0.0,0.0,1.8479698638400954,3.354711181535595,0.821733924067103,0.8932847821739333,68.94350233614905 +0.0,0.809,0.0,0.9540000000000001,0.09748190223544766,0.562,0.874,144.72,2022-12-19,orlando/daytona beach/melborne smm food,0,149.6503940325068,132.61538216686213,0.0,1.3155011504733831,0.0,2.005646473382766,12.000878462969194,0.4618144653257119,1.251171313493618,149.6503940325068 +0.561,0.9910000000000001,0.0,0.0,0.02405561874085945,0.0,0.985,83.79,2022-12-19,paducah ky/cape girardeau mo smm food,0,62.62612016314824,55.55925813283435,1.08388286396975,1.611448257254787,0.0,0.0,2.9614579756897847,0.0,1.410072933399558,62.62612016314823 +0.716,0.859,0.596,0.5740000000000001,0.1985872647089611,0.0,0.872,267.57,2022-12-19,philadelphia smm food,0,230.04536773527815,199.7377476378349,1.3833513914480229,1.3968053006880545,0.6245668220223399,1.2067516516999033,24.44783671034186,0.0,1.2483082212430605,230.04536773527815 +0.0,0.0,0.844,0.536,0.12211955581318003,0.8310000000000001,0.0,189.66,2022-12-19,phoenix/prescott smm food,0,134.7111279072325,116.98296111946722,0.0,0.0,0.8844536875618372,1.126862169531617,15.03399003977209,0.6828608908997627,0.0,134.71112790723254 +0.0,0.0,0.0,0.7010000000000001,0.05792816748756478,0.711,0.8270000000000001,90.42,2022-12-19,pittsburgh smm food,0,114.92559079368694,104.55223234884438,0.0,0.0,0.0,1.4737507105254914,7.13146626869982,0.5842528200117102,1.1838886456055173,114.92559079368692 +0.0,0.0,0.975,0.864,0.07211466709145885,0.603,0.0,130.46,2022-12-19,portland or smm food,0,99.10793120066809,86.8963094792362,0.0,0.0,1.0217326366976198,1.8164345419315615,8.877948986590244,0.4955055562124631,0.0,99.10793120066808 +0.0,0.498,0.909,0.659,0.03336378008611686,0.0,0.547,92.85,2022-12-19,providence ri/new bedford ma smm food,0,91.28654683210765,83.24830635780522,0.0,0.809789336138127,0.9525691966750118,1.3854518091815962,4.107374401780226,0.0,0.7830557305274704,91.28654683210765 +0.856,0.9560000000000002,0.931,0.622,0.07359396826014873,0.0,0.9129999999999999,126.25,2022-12-19,raleigh/durham/fayetteville smm food,0,141.1889011476533,125.33017277610136,1.653839093686463,1.5545353521045173,0.9756236766825479,1.307664681807212,9.060063954891715,0.0,1.3070016123794888,141.1889011476533 +0.67,0.0,0.0,0.0,0.36439067757614607,0.923,0.0,456.93,2022-12-19,rem us east north central smm food,0,353.36630325472254,306.4536727021249,1.2944768607125354,0.0,0.0,0.0,44.859693279971225,0.7584604119139361,0.0,353.3663032547226 +0.0,0.0,0.0,0.598,0.1224247621516396,0.806,0.606,187.28,2022-12-19,rem us middle atlantic smm food,0,148.65862954418924,130.80002326169728,0.0,0.0,0.0,1.2572081667535575,15.071563621021403,0.6623175427980851,0.8675169519189159,148.65862954418924 +0.624,0.0,0.553,0.0,0.2256338655352886,0.0,0.778,215.11,2022-12-19,rem us mountain smm food,0,204.63387339347537,173.95751153106124,1.205602329977048,0.0,0.5795057929167015,0.0,27.777510854053528,0.0,1.1137428854668592,204.63387339347537 +0.0,0.0,0.0,0.0,0.0574507234254913,0.895,0.0,179.14,2022-12-19,rem us new england smm food,0,156.02977118580193,148.221630613054,0.0,0.0,0.0,0.0,7.0726887107078635,0.7354518620400572,0.0,156.02977118580193 +0.8180000000000001,0.0,0.0,0.924,0.215845244179353,0.0,0.0,114.15,2022-12-19,rem us pacific smm food,0,135.20908661486231,105.11364420201244,1.5804210030788866,0.0,0.0,1.9425758295656979,26.57244558020528,0.0,0.0,135.20908661486231 +0.0,0.765,0.5730000000000001,0.0,0.40143377657973006,0.8160000000000001,0.0,318.32,2022-12-19,rem us south atlantic smm food,0,335.61520730850464,283.6802303568146,0.0,1.2439534982844722,0.6004644111053705,0.0,49.42002416026147,0.6705348820387561,0.0,335.6152073085047 +0.8230000000000001,0.811,0.0,0.0,0.6893903173024905,0.663,0.765,459.75999999999993,2022-12-19,rem us south central smm food,0,488.8501101163663,399.4313293612464,1.590081278158831,1.31875331648197,0.0,0.0,84.87000378298438,0.5448095916564893,1.0951327858382354,488.8501101163663 +0.0,0.0,0.0,0.872,0.2466692619450106,0.0,0.0,151.98,2022-12-19,rem us west north central smm food,0,158.15493479343903,125.95452848252805,0.0,0.0,0.0,1.8332533802827795,30.367152930628183,0.0,0.0,158.154934793439 +0.0,0.0,0.862,0.858,0.031866495659769685,0.75,0.91,86.4,2022-12-19,richmond/petersburg smm food,0,94.61728364871635,86.06809383806947,0.0,0.0,0.9033164439316393,1.803820413168148,3.923045536493117,0.6163004430503273,1.3027069740036528,94.61728364871635 +0.546,0.5630000000000001,0.737,0.0,0.09515721127491039,0.599,0.0,114.25000000000001,2022-12-19,sacramento/stockton/modesto smm food,0,86.53670070412792,71.58708164797008,1.054902038729917,0.9154847314171999,0.7723250802524573,0.0,11.714688585242065,0.4922186205161947,0.0,86.53670070412791 +0.0,0.0,0.979,0.0,0.07310417005219305,0.0,0.898,117.16,2022-12-19,salt lake city smm food,0,95.03602734600757,83.72480907215119,0.0,0.0,1.0259243603353538,0.0,8.99976549302072,0.0,1.2855284205003077,95.03602734600757 +0.0,0.0,0.0,0.646,0.05328961876491958,0.0,0.0,60.66,2022-12-19,san diego smm food,0,86.63285432271002,78.71431295071628,0.0,0.0,0.0,1.3581211968608666,6.5604201751328866,0.0,0.0,86.63285432271003 +0.652,0.638,1.0,0.0,0.12356270884244844,0.0,0.0,68.61,2022-12-19,san francisco/oakland/san jose smm food,0,107.43263963859619,88.87591304741949,1.259699870424736,1.0374409567392069,1.0479309094334563,0.0,15.211654854579306,0.0,0.0,107.43263963859619 +0.0,0.978,0.0,0.833,0.12022387458401039,0.0,0.871,134.67,2022-12-19,seattle/tacoma smm food,0,108.13381893091267,88.74475650580376,0.0,1.5903091781989724,0.0,1.751261543320591,14.800615028471539,0.0,1.2468766751177818,108.13381893091264 +0.0,0.886,0.9980000000000001,0.0,0.07079694836544598,0.504,0.633,81.95,2022-12-19,st. louis smm food,0,100.22668695116175,87.70409353036166,0.0,1.440709541803977,1.0458350476145895,0.0,8.715726236350266,0.4141538977298199,0.9061686973014419,100.22668695116175 +0.8190000000000001,0.0,0.926,0.794,0.09965289225111595,0.0,0.0,233.33999999999997,2022-12-19,tampa/ft. myers smm food,0,189.74535681159978,173.25520362076367,1.5823530580948755,0.0,0.9703840221353807,1.6692697063584025,12.268146404247435,0.0,0.0,189.74535681159975 +0.0,0.617,0.0,0.89,0.02272466987242169,0.0,0.0,41.52,2022-12-19,tucson/sierra vista smm food,0,68.99424210334368,63.32224664442017,0.0,1.003293213649045,0.0,1.8710957665730206,2.7976064787014567,0.0,0.0,68.9942421033437 +0.0,0.9430000000000001,0.0,0.0,0.18208778704611625,0.0,0.895,202.79,2022-12-19,washington dc/hagerstown smm food,0,198.2526123146307,173.02137618365978,0.0,1.5333962730487025,0.0,0.0,22.416606075797745,0.0,1.2812337821244715,198.2526123146307 +0.0,0.508,0.965,0.755,0.017321541730108806,0.0,0.581,50.39,2022-12-19,yakima/pasco/richland/kennewick smm food,0,59.90568597125325,53.51694236690935,0.0,0.8260501661810613,1.0112533276032853,1.587277869396214,2.1324339423763843,0.0,0.8317282987869474,59.90568597125324 +0.515,0.0,0.0,0.9829999999999999,0.005333956539431129,0.676,0.54,126.41000000000001,2022-12-26,albany/schenectady/troy smm food,0,87.40367548118593,82.35686844083078,0.9950083332342623,0.0,0.0,2.0666147624059312,0.6566569043950784,0.5554921326693617,0.7730349076505192,87.40367548118593 +0.0,0.806,0.587,0.0,0.011233768543765251,0.788,0.751,80.44,2022-12-26,albuquerque/santa fe smm food,0,75.82348076635137,70.79212936171284,0.0,1.3106229014605029,0.6151354438374388,0.0,1.382975587091385,0.6475263321648772,1.075091140084333,75.82348076635138 +0.0,0.597,0.671,0.0,0.04133281330043624,0.845,0.772,300.14,2022-12-26,atlanta smm food,0,173.8094152002486,165.2475308400832,0.0,0.9707715535631763,0.7031616402298493,0.0,5.088432391820509,0.694365165836702,1.1051536087151868,173.80941520024862 +0.909,0.9390000000000001,0.9059999999999999,0.0,0.012381258531183147,0.0,0.762,139.01,2022-12-26,baltimore smm food,0,112.12799637648234,105.28036119021601,1.7562380095338728,1.5268919410315287,0.9494254039467114,0.0,1.5242416842918216,0.0,1.0908381474623992,112.12799637648234 +0.0,0.0,0.0,0.0,0.004204159458207154,0.6990000000000001,0.756,22.67,2022-12-26,baton rouge smm food,0,52.80245174644023,50.62824190344196,0.0,0.0,0.0,0.0,0.5175689593646426,0.5743920129229051,1.0822488707107267,52.802451746440234 +0.0,0.0,0.76,0.744,0.009673296225758184,0.0,0.0,49.11,2022-12-26,birmingham/anniston/tuscaloosa smm food,0,65.82696409867532,62.27551690355495,0.0,0.0,0.7964274911694268,1.564151966663289,1.190867737287641,0.0,0.0,65.8269640986753 +0.757,0.0,0.9500000000000001,0.854,0.02780062627918592,0.886,0.0,335.2,2022-12-26,boston/manchester smm food,0,191.74835992838547,183.34429136615643,1.4625656471035662,0.0,0.9955343639617836,1.7954109939925387,3.4225013004477263,0.7280562567234533,0.0,191.7483599283855 +0.9210000000000002,0.608,0.554,0.0,0.00621334957648543,0.615,0.9770000000000001,110.75,2022-12-26,buffalo smm food,0,69.98073300764034,63.96319330778341,1.7794226697257391,0.988658466610404,0.5805537238261349,0.0,0.7649179119960609,0.5053663633012684,1.3986205643973282,69.98073300764035 +0.659,0.0,0.0,0.0,0.020153361792120076,0.769,0.744,200.84,2022-12-26,charlotte smm food,0,132.5521490936606,127.1008852661048,1.273224255536658,0.0,0.0,0.0,2.4810558672041636,0.6319133876076022,1.0650703172073819,132.5521490936606 +0.81,0.664,0.0,0.0,0.0541527162894186,0.0,0.0,233.52999999999997,2022-12-26,chicago smm food,0,186.43421443764856,177.12285569785104,1.5649645629509756,1.079719114850836,0.0,0.0,6.66667506199573,0.0,0.0,186.43421443764856 +0.876,0.8280000000000001,0.0,0.0,0.01700909143152249,0.811,0.898,202.34,2022-12-26,cleveland/akron/canton smm food,0,138.17587477072215,131.09107465023894,1.6924801940062402,1.3463967275549582,0.0,0.0,2.0939685660032783,0.6664262124184206,1.2855284205003077,138.17587477072215 +0.0,0.9380000000000001,0.0,0.0,0.017434320416175497,0.841,0.936,137.77,2022-12-26,columbus oh smm food,0,109.623323940372,103.92073468964487,0.0,1.5252658580272354,0.0,0.0,2.1463179892985584,0.6910782301404336,1.3399271732609,109.623323940372 +0.589,0.0,0.678,0.0,0.051775381519725557,0.508,0.0,121.13999999999999,2022-12-26,dallas/ft. worth smm food,0,113.91707984468718,105.27715718131851,1.1379804044174378,0.0,0.7104971565958834,0.0,6.374004268929255,0.41744083342608834,0.0,113.91707984468718 +0.0,0.0,0.0,0.0,0.005230871885626836,0.0,0.0,101.67,2022-12-26,des moines/ames smm food,0,63.05226364178425,62.408297363785806,0.0,0.0,0.0,0.0,0.6439662779984515,0.0,0.0,63.05226364178426 +0.513,0.9450000000000001,0.549,0.87,0.022942369221971733,0.0,0.864,271.59,2022-12-26,detroit smm food,0,169.31634148835434,160.32292305294044,0.9911442232022846,1.5366484390572894,0.5753140692789676,1.8290486706949751,2.8244071809395743,0.0,1.2368558522408306,169.31634148835437 +0.0,0.561,0.798,0.876,0.008367625232168288,0.49900000000000005,0.909,214.73,2022-12-26,grand rapids smm food,0,116.34715936392361,110.01556630860257,0.0,0.9122325654086131,0.8362488657278982,1.8416627994583887,1.0301281687382828,0.41004522810948446,1.301275427878374,116.34715936392361 +0.716,0.889,0.5730000000000001,0.0,0.008782665969302087,0.0,0.866,129.76,2022-12-26,greensboro smm food,0,89.31958912300209,83.56924325587181,1.3833513914480229,1.4455877908168573,0.6004644111053705,0.0,1.0812233292686306,0.0,1.239718944491388,89.31958912300207 +0.9470000000000001,0.705,0.583,0.0,0.008651280078816371,0.585,0.888,147.0,2022-12-26,harrisburg/lancaster smm food,0,91.42907190983827,85.02510769460987,1.8296561001414493,1.1463885180268665,0.610943720199705,0.0,1.0650485720335927,0.48071434557925524,1.2712129592475203,91.42907190983826 +0.0,0.604,0.9140000000000001,0.0,0.012038496775358317,0.748,0.743,177.01,2022-12-26,hartford/new haven smm food,0,117.71103367443166,112.61073024106035,0.0,0.9821541345932303,0.9578088512221793,0.0,1.482044701271604,0.6146569752021931,1.0636387710821031,117.71103367443166 +0.0,0.8280000000000001,0.0,0.0,0.0443655528684906,0.737,0.0,231.25,2022-12-26,houston smm food,0,175.06024589036005,167.64644198801398,0.0,1.3463967275549582,0.0,0.0,5.46178927275367,0.6056179020374549,0.0,175.06024589036005 +0.0,0.772,0.65,0.0,0.01713369668868472,0.0,0.0,122.75,2022-12-26,indianapolis smm food,0,93.06703471396474,89.02123497580452,0.0,1.2553360793145263,0.6811550911317467,0.0,2.1093085677139465,0.0,0.0,93.06703471396474 +0.0,0.0,0.686,0.848,0.009303269849753097,0.582,0.0,114.79999999999998,2022-12-26,jacksonville smm food,0,90.42513084297929,86.29988999004563,0.0,0.0,0.7188806038713511,1.782796865229125,1.1453142400261234,0.4782491438070539,0.0,90.42513084297929 +0.0,0.0,0.664,0.61,0.011396449379850536,0.629,0.0,107.86,2022-12-26,kansas city smm food,0,84.39183672502334,80.49370051161102,0.0,0.0,0.695826123863815,1.2824364242803847,1.4030030270299112,0.5168706382382078,0.0,84.39183672502334 +0.0,0.916,0.0,0.605,0.006167608718929202,0.5680000000000001,0.0,110.21,2022-12-26,knoxville smm food,0,73.3904667481965,69.4030183864474,0.0,1.48949203193278,0.0,1.2719246503108734,0.759286810635334,0.46674486887011457,0.0,73.3904667481965 +0.0,0.0,0.0,0.0,0.013517191294820461,0.584,0.9590000000000001,112.29999999999998,2022-12-26,las vegas smm food,0,76.59281479844404,73.0759844669223,0.0,0.0,0.0,0.0,1.6640849857242286,0.4798926116551881,1.372852734142311,76.59281479844404 +0.533,0.549,0.912,0.0,0.005987255980798411,0.0,0.0,33.83,2022-12-26,little rock/pine bluff smm food,0,61.31887284259673,57.70357115599228,1.0297853235220618,0.892719569357092,0.9557129894033122,0.0,0.7370838043219806,0.0,0.0,61.318872842596726 +0.0,0.76,0.0,0.0,0.09112541927182206,0.834,0.897,224.82000000000002,2022-12-26,los angeles smm food,0,168.4001618187016,153.9765761946837,0.0,1.235823083263005,0.0,0.0,11.218339573707903,0.6853260926719639,1.284096874375029,168.4001618187016 +0.833,0.0,0.589,0.0,0.0041883519832179765,0.0,0.562,84.3,2022-12-26,madison wi smm food,0,55.965970254891154,52.419185278171575,1.6094018283187193,0.0,0.6172313056563058,0.0,0.5156229203378974,0.0,0.8045289224066515,55.96597025489115 +0.605,0.9520000000000001,0.63,0.861,0.028861555699911078,0.874,0.0,406.05,2022-12-26,miami/west palm beach smm food,0,193.58036907249686,184.12181433608328,1.1688932846732596,1.5480310200873433,0.6601964729430775,1.8101274775498546,3.55311103152539,0.718195449634648,0.0,193.58036907249684 +0.988,0.0,0.0,0.0,0.010705824331212418,0.0,0.626,98.06,2022-12-26,milwaukee smm food,0,72.27617172722057,68.15317248002567,1.9088703557969924,0.0,0.0,0.0,1.3179810169734187,0.0,0.8961478744244907,72.27617172722057 +0.536,0.0,0.729,0.0,0.02276418608881835,0.871,0.64,144.87,2022-12-26,minneapolis/st. paul smm food,0,91.98463661152616,85.75072244988117,1.0355814885700283,0.0,0.7639416329769897,0.0,2.8024712720571228,0.7157302478624467,0.9161895201783931,91.98463661152614 +0.0,0.0,0.808,0.0,0.006358561138780501,0.549,0.743,63.56,2022-12-26,mobile/pensacola smm food,0,70.61072847729956,67.46643487620449,0.0,0.0,0.8467281748222328,0.0,0.7827947308779081,0.4511319243128396,1.0636387710821031,70.61072847729957 +0.0,0.76,0.0,0.903,0.017274006871170346,0.744,0.0,166.29,2022-12-26,nashville smm food,0,101.34436942408477,95.47216793873541,0.0,1.235823083263005,0.0,1.89842637889375,2.1265819836866884,0.6113700395059246,0.0,101.34436942408477 +0.526,0.981,0.766,0.525,0.008413068325032287,0.737,0.545,72.63,2022-12-26,new orleans smm food,0,66.48905017829813,59.54961731628727,1.0162609384101398,1.5951874272118527,0.8027150766260276,1.1037362667986919,1.03572261264978,0.6056179020374549,0.7801926382769129,66.48905017829813 +0.0,0.0,0.679,0.8220000000000001,0.10432635604611688,0.0,0.0,474.47999999999996,2022-12-26,new york smm food,0,305.4449371627542,290.1617655847399,0.0,0.0,0.7115450875053169,1.7281356405876662,12.843490849921356,0.0,0.0,305.44493716275423 +0.0,0.661,0.9770000000000001,0.0,0.008557889457274476,0.0,0.496,129.82,2022-12-26,norfolk/portsmouth/newport news smm food,0,106.17220685724008,102.30993924858487,0.0,1.0748408658379558,1.023828498516487,0.0,1.0535513661625129,0.0,0.7100468781382546,106.17220685724008 +0.0,0.48500000000000004,0.561,0.9619999999999999,0.009994974758727352,0.613,0.87,60.33,2022-12-26,oklahoma city smm food,0,59.98788614380133,53.609244119971564,0.0,0.7886502570823125,0.587889240192169,2.0224653117339835,1.2304691903756733,0.5037228954531341,1.245445128992503,59.98788614380134 +0.0,0.8220000000000001,0.0,0.873,0.0055271156304041,0.975,0.68,54.99,2022-12-26,omaha smm food,0,66.50330424101631,60.87622985001895,0.0,1.3366402295291977,0.0,1.8353557350766818,0.6804364852365088,0.8011905759654254,0.9734513651895427,66.50330424101631 +0.715,0.0,0.767,0.669,0.023755722745334336,0.0,0.0,303.0,2022-12-26,orlando/daytona beach/melborne smm food,0,139.1315780122529,132.61538216686213,1.381419336432034,0.0,0.803763007535461,1.4064753571206188,2.9245381443026686,0.0,0.0,139.13157801225293 +0.874,0.0,0.839,0.856,0.0038452072105691158,0.593,0.559,70.29,2022-12-26,paducah ky/cape girardeau mo smm food,0,61.68760523898839,55.55925813283435,1.6886160839742625,0.0,0.8792140330146698,1.7996157035803433,0.4733787845821559,0.48728821697179203,0.8002342840308153,61.68760523898839 +0.797,0.0,0.0,0.56,0.0487940403383798,0.9269999999999999,0.0,313.95,2022-12-26,philadelphia smm food,0,209.2236364986657,199.7377476378349,1.5398478477431206,0.0,0.0,1.1773186845852714,6.0069749808921875,0.7617473476102045,0.0,209.22363649866568 +0.0,0.0,0.0,0.548,0.029314730086260607,0.0,0.598,175.73,2022-12-26,phoenix/prescott smm food,0,122.60001690868907,116.98296111946722,0.0,0.0,0.0,1.1520904270584442,3.608900779246724,0.0,0.856064582916686,122.60001690868907 +0.505,0.0,0.628,0.0,0.011452817100966394,0.0,0.547,154.67,2022-12-26,pittsburgh smm food,0,108.37901886221347,104.55223234884438,0.9756877830743736,0.0,0.6581006111242106,0.0,1.4099423886430247,0.0,0.7830557305274704,108.37901886221346 +0.0,0.0,0.0,0.0,0.013531849719337548,0.96,0.55,136.32,2022-12-26,portland or smm food,0,90.13841398178833,86.8963094792362,0.0,0.0,0.0,0.0,1.6658895665444025,0.7888645671044189,0.7873503689033066,90.13841398178832 +0.0,0.0,0.975,0.0,0.007105011507290125,0.0,0.0,149.53,2022-12-26,providence ri/new bedford ma smm food,0,85.14472832269263,83.24830635780522,0.0,0.0,1.0217326366976198,0.0,0.8746893281897886,0.0,0.0,85.14472832269263 +0.0,0.0,0.0,0.0,0.01660954310715165,0.0,0.725,170.98,2022-12-26,raleigh/durham/fayetteville smm food,0,128.41282437450053,125.33017277610136,0.0,0.0,0.0,0.0,2.0447806575720677,0.0,1.0378709408270859,128.41282437450053 +0.633,0.0,0.632,0.745,0.06903802143998919,0.988,0.898,592.1,2022-12-26,rem us east north central smm food,0,320.50179860205367,306.4536727021249,1.2229908251209476,0.0,0.6622923347619444,1.5662543214571913,8.499186881110077,0.8118731169782978,1.2855284205003077,320.50179860205367 +0.0,0.838,0.0,0.791,0.022942241961543104,0.0,0.0,226.64,2022-12-26,rem us middle atlantic smm food,0,136.65003497533482,130.80002326169728,0.0,1.3626575575978925,0.0,1.6629626419766959,2.8243915140629325,0.0,0.0,136.6500349753348 +0.0,0.0,0.0,0.634,0.047378397801381915,0.721,0.902,314.83,2022-12-26,rem us mountain smm food,0,183.00682618398946,173.95751153106124,0.0,0.0,0.0,1.3328929393340394,5.832696949340365,0.5924701592523812,1.2912546050014226,183.00682618398946 +0.6900000000000001,0.0,0.842,0.512,0.010752741421079862,0.0,0.0,237.11,2022-12-26,rem us new england smm food,0,152.83726897717116,148.221630613054,1.3331179610323127,0.0,0.8823578257429702,1.0764056544779623,1.3237569228638832,0.0,0.0,152.83726897717114 +0.0,0.0,0.0,0.88,0.0484526166703628,0.802,0.0,156.77,2022-12-26,rem us pacific smm food,0,113.58768975598335,105.11364420201244,0.0,0.0,0.0,1.8500722186339977,5.964942728235107,0.6590306071018166,0.0,113.58768975598336 +0.869,0.664,0.0,0.0,0.08040065166981598,0.0,0.0,448.92,2022-12-26,rem us south atlantic smm food,0,296.33693175425856,283.6802303568146,1.6789558088943182,1.079719114850836,0.0,0.0,9.898026473698838,0.0,0.0,296.3369317542586 +0.501,0.897,0.0,0.0,0.13246481181286462,0.6970000000000001,0.761,646.64,2022-12-26,rem us south central smm food,0,419.82762245336016,399.4313293612464,0.9679595630104182,1.4585964548512047,0.0,0.0,16.307581927840232,0.5727485450747708,1.0894066013371204,419.82762245336016 +0.968,0.0,0.859,0.664,0.04677700949505218,0.798,0.679,175.5,2022-12-26,rem us west north central smm food,0,137.50731822896242,125.95452848252805,1.8702292554772153,0.0,0.900172651203339,1.3959635831511075,5.758660766132918,0.6557436714055482,0.9720198190642639,137.50731822896245 +0.0,0.0,0.0,0.849,0.00634177388204469,0.0,0.509,123.48999999999998,2022-12-26,richmond/petersburg smm food,0,89.36237810797095,86.06809383806947,0.0,0.0,0.0,1.7848992200230274,0.7807280721115809,0.0,0.7286569777668782,89.36237810797095 +0.773,0.5760000000000001,0.0,0.9580000000000001,0.022372162191732495,0.542,0.0,82.68,2022-12-26,sacramento/stockton/modesto smm food,0,79.23082935192579,71.58708164797008,1.4934785273593878,0.9366238104730145,0.0,2.014055892558375,2.7542096867205563,0.44537978684436985,0.0,79.23082935192579 +0.0,0.918,0.0,0.0,0.013676827764923774,0.0,0.846,121.25000000000001,2022-12-26,salt lake city smm food,0,88.11237892954651,83.72480907215119,0.0,1.4927441979413667,0.0,0.0,1.68373763746814,0.0,1.2110880219858133,88.11237892954651 +0.747,0.596,0.902,0.0,0.012661990094587178,0.0,0.797,110.81,2022-12-26,san diego smm food,0,84.77168166611614,78.71431295071628,1.4432450969436774,0.9691454705588829,0.9452336803089777,0.0,1.5588022057411663,0.0,1.1409422618471552,84.77168166611614 +0.888,0.918,0.995,0.0,0.029499727212267308,0.837,0.909,123.32,2022-12-26,san francisco/oakland/san jose smm food,0,98.74775562727251,88.87591304741949,1.7156648541981065,1.4927441979413667,1.042691254886289,0.0,3.631675550504703,0.6877912944441652,1.301275427878374,98.7477556272725 +0.0,0.0,0.992,0.543,0.02520757149204637,0.834,0.0,164.04,2022-12-26,seattle/tacoma smm food,0,94.7144821920345,88.74475650580376,0.0,0.0,1.0395474621579888,1.1415786530889327,3.1032734783118725,0.6853260926719639,0.0,94.71448219203452 +0.0,0.0,0.0,0.0,0.014033275576747911,0.617,0.515,98.55,2022-12-26,st. louis smm food,0,90.67596911023216,87.70409353036166,0.0,0.0,0.0,0.0,1.7276194942025407,0.5070098311494026,0.7372462545185506,90.67596911023216 +0.0,0.9590000000000001,0.911,0.0,0.022754426573034427,0.583,0.9570000000000001,446.69,2022-12-26,tampa/ft. myers smm food,0,180.41961258993265,173.25520362076367,0.0,1.5594136011173974,0.9546650584938787,0.0,2.8012697899348575,0.479070877731121,1.3699896418917534,180.41961258993268 +0.0,0.993,0.0,0.596,0.004633620160996627,0.841,0.0,79.19,2022-12-26,tucson/sierra vista smm food,0,67.45146809932439,63.32224664442017,0.0,1.6147004232633737,0.0,1.253003457165753,0.5704393443346609,0.6910782301404336,0.0,67.45146809932439 +0.893,0.773,0.0,0.0,0.035237259930412296,0.0,0.7010000000000001,275.04,2022-12-26,washington dc/hagerstown smm food,0,181.34519353665902,173.02137618365978,1.725325129278051,1.2569621623188196,0.0,0.0,4.338016227581983,0.0,1.0035138338203962,181.34519353665902 +0.0,0.803,0.0,0.0,0.0036917644931718165,0.985,0.0,81.1,2022-12-26,yakima/pasco/richland/kennewick smm food,0,56.086583572766415,53.51694236690935,0.0,1.3057446524476226,0.0,0.0,0.4544886382033431,0.8094079152060965,0.0,56.08658357276641 +0.0,0.879,0.9580000000000001,0.666,2.8417377266773707e-06,0.755,0.0,97.46,2023-01-02,albany/schenectady/troy smm food,0,86.811040461128,82.35686844083078,0.0,1.429326960773923,1.0039178112372513,1.400168292738912,0.00034984287646664725,0.6204091126706628,0.0,86.811040461128 +0.0,0.967,0.0,0.0,1.976861027253823e-06,0.641,0.543,58.06000000000001,2023-01-02,albuquerque/santa fe smm food,0,73.66885598717549,70.79212936171284,0.0,1.5724222651517445,0.0,0.0,0.00024336895754201545,0.526731445327013,0.7773295460263554,73.66885598717549 +0.0,0.6,0.0,0.626,2.075704078616514e-05,0.0,0.878,240.36,2023-01-02,atlanta smm food,0,168.79870761569097,165.2475308400832,0.0,0.9756498025760566,0.0,1.3160741009828212,0.002555374054191162,0.0,1.256897497994733,168.798707615691 +0.889,0.93,0.0,0.5680000000000001,2.8417377266773707e-06,0.661,0.65,141.7,2023-01-02,baltimore smm food,0,111.17837376447548,105.28036119021601,1.7175969092140955,1.512257193992888,0.0,1.1941375229364897,0.00034984287646664725,0.543166123808355,0.9305049814311804,111.17837376447548 +0.0,0.0,0.62,0.675,4.942152568134558e-07,0.0,0.528,69.07,2023-01-02,baton rouge smm food,0,53.45296574956129,50.62824190344196,0.0,0.0,0.6497171638487429,1.4190894858840324,6.084223938550386e-05,0.0,0.7558563541471743,53.452965749561294 +0.861,0.9420000000000002,0.974,0.0,5.559921639151377e-06,0.0,0.0,64.03,2023-01-02,birmingham/anniston/tuscaloosa smm food,0,66.49215564334705,62.27551690355495,1.6634993687664075,1.5317701900444092,1.0206847057881865,0.0,0.0006844751930869185,0.0,0.0,66.49215564334705 +0.0,0.861,0.0,0.684,5.065706382337921e-06,0.78,0.73,203.37,2023-01-02,boston/manchester smm food,0,187.86896427706174,183.34429136615643,0.0,1.4000574666966412,0.0,1.438010679029153,0.0006236329537014147,0.6409524607723404,1.0450286714534796,187.86896427706174 +0.0,0.966,0.501,0.842,2.5946300982706425e-06,0.0,0.9829999999999999,90.51,2023-01-02,buffalo smm food,0,69.23671487492851,63.96319330778341,0.0,1.5707961821474512,0.5250133856261616,1.7701827364657114,0.00031942175677389525,0.0,1.4072098411490004,69.23671487492851 +0.911,0.0,0.621,0.0,7.413228852201837e-06,0.0,0.0,196.75,2023-01-02,charlotte smm food,0,129.5126651140196,127.1008852661048,1.7601021195658504,0.0,0.6507650947581763,0.0,0.000912633590782558,0.0,0.0,129.5126651140196 +0.948,0.833,0.0,0.731,1.6432657289047403e-05,0.9619999999999999,0.0,204.27,2023-01-02,chicago smm food,0,182.63832338933958,177.12285569785104,1.831588155157438,1.3545271425764254,0.0,1.5368213543425595,0.0020230044595680036,0.790508034952553,0.0,182.63832338933958 +0.843,0.652,0.0,0.0,4.942152568134558e-06,0.93,0.0,96.65,2023-01-02,cleveland/akron/canton smm food,0,134.5448241192931,131.09107465023894,1.6287223784786078,1.060206118799315,0.0,0.0,0.0006084223938550387,0.7642125493824058,0.0,134.5448241192931 +0.764,0.0,0.776,0.9440000000000001,9.637197507862386e-06,0.912,0.916,101.03,2023-01-02,columbus oh smm food,0,110.25654604619702,103.92073468964487,1.4760900322154882,0.0,0.8131943857203622,1.9846229254437433,0.0011864236680173253,0.7494213387491979,1.3112962507553252,110.256546046197 +0.86,0.844,0.0,0.709,1.6556211103250768e-05,0.0,0.8290000000000001,145.34,2023-01-02,dallas/ft. worth smm food,0,110.99049805244478,105.27715718131851,1.6615673137504186,1.372414055623653,0.0,1.4905695488767094,0.0020382150194143793,0.0,1.1867517378560748,110.99049805244479 +0.0,0.0,0.0,0.0,3.3359529834908265e-06,0.5060000000000001,0.5650000000000001,58.51,2023-01-02,des moines/ames smm food,0,63.6333289752621,62.408297363785806,0.0,0.0,0.0,0.0,0.0004106851158521511,0.4157973655779542,0.8088235607824877,63.6333289752621 +0.0,0.705,0.864,0.781,1.0007858950472478e-05,0.7000000000000001,0.896,178.12,2023-01-02,detroit smm food,0,165.87577410119974,160.32292305294044,0.0,1.1463885180268665,0.9054123057505062,1.641939094037673,0.0012320553475564531,0.5752137468469721,1.2826653282497502,165.87577410119977 +0.874,0.0,0.8240000000000001,0.0,3.3359529834908265e-06,0.737,0.0,107.57,2023-01-02,grand rapids smm food,0,113.1737060491033,110.01556630860257,1.6886160839742625,0.0,0.8634950693731681,0.0,0.0004106851158521511,0.6056179020374549,0.0,113.17370604910332 +0.779,0.736,0.622,0.712,2.100414841457187e-06,0.62,0.0,151.19,2023-01-02,greensboro smm food,0,88.92953445585212,83.56924325587181,1.505070857455321,1.1967970911599628,0.6518130256676098,1.4968766132584164,0.00025857951738839145,0.5094750329216039,0.0,88.92953445585212 +0.0,0.525,0.496,0.514,3.2123991692874624e-06,0.892,0.6940000000000001,96.03,2023-01-02,harrisburg/lancaster smm food,0,89.20606051277598,85.02510769460987,0.0,0.8536935772540496,0.5197737310789944,1.080610364065767,0.00039547455600577515,0.7329866602678559,0.9934930109434451,89.20606051277599 +0.536,0.0,0.864,0.0,1.8533072130504591e-06,0.0,0.579,149.84,2023-01-02,hartford/new haven smm food,0,115.38081740031497,112.61073024106035,1.0355814885700283,0.0,0.9054123057505062,0.0,0.0002281583976956395,0.0,0.82886520653639,115.38081740031497 +0.8300000000000001,0.0,0.0,0.551,1.037852039308257e-05,0.933,0.966,252.2,2023-01-02,houston smm food,0,172.55927413792583,167.64644198801398,1.603605663270753,0.0,0.0,1.158397491440151,0.001277687027095581,0.7666777511546071,1.382873557019262,172.55927413792585 +0.677,0.897,0.835,0.0,4.818598753931193e-06,0.0,0.0,103.22,2023-01-02,indianapolis smm food,0,92.66344819769112,89.02123497580452,1.3080012458244574,1.4585964548512047,0.875022309376936,0.0,0.0005932118340086627,0.0,0.0,92.66344819769112 +0.0,0.999,0.783,0.759,3.0888453550840984e-06,0.0,0.0,145.07,2023-01-02,jacksonville smm food,0,90.34094436598915,86.29988999004563,0.0,1.6244569212891344,0.8205299020863963,1.5956872885718232,0.00038026399615939915,0.0,0.0,90.34094436598915 +0.59,0.0,0.0,0.773,1.729753398847095e-06,0.0,0.0,90.66,2023-01-02,kansas city smm food,0,83.25894617456875,80.49370051161102,1.1399124594334267,0.0,0.0,1.625120255686455,0.00021294783784926353,0.0,0.0,83.25894617456875 +0.659,0.679,0.784,0.885,1.4826457704403671e-06,0.0,0.559,73.55,2023-01-02,knoxville smm food,0,75.26293163824761,69.4030183864474,1.273224255536658,1.1041103599152375,0.8215778329958298,1.860583992603509,0.00018252671815651157,0.0,0.8002342840308153,75.26293163824761 +0.0,0.611,0.0,0.0,8.030997923218657e-06,0.0,0.0,114.01,2023-01-02,las vegas smm food,0,74.0705098689356,73.0759844669223,0.0,0.9935367156232844,0.0,0.0,0.000988686390014438,0.0,0.0,74.0705098689356 +0.0,0.923,0.933,0.0,2.347522469863915e-06,0.0,0.812,98.61,2023-01-02,little rock/pine bluff smm food,0,61.34486976181995,57.70357115599228,0.0,1.5008746129628339,0.9777195385014148,0.0,0.00028900063708114335,0.0,1.1624154537263363,61.34486976181994 +0.96,0.761,0.0,0.894,2.3598778512842513e-05,0.0,0.0,238.95,2023-01-02,los angeles smm food,0,158.9512085789796,153.9765761946837,1.8547728153493044,1.2374491662672986,0.0,1.8795051857486296,0.00290521693065781,0.0,0.0,158.9512085789796 +0.0,0.0,0.707,0.937,2.9652915408807343e-06,0.889,0.852,75.17,2023-01-02,madison wi smm food,0,57.08054268369691,52.419185278171575,0.0,0.0,0.7408871529694536,1.9699064418864274,0.00036505343631302315,0.7305214584956545,1.2196772987374858,57.08054268369691 +0.0,0.0,0.0,0.671,5.930583081761469e-06,0.0,0.9510000000000001,316.83,2023-01-02,miami/west palm beach smm food,0,186.89462487480444,184.12181433608328,0.0,0.0,0.0,1.4106800667084234,0.0007301068726260463,0.0,1.361400365140081,186.8946248748044 +0.0,0.88,0.52,0.0,3.0888453550840984e-06,0.0,0.922,81.91,2023-01-02,milwaukee smm food,0,71.44931538821244,68.15317248002567,0.0,1.4309530437782165,0.5449240729053973,0.0,0.00038026399615939915,0.0,1.3198855275069976,71.44931538821244 +0.534,0.0,0.0,0.5680000000000001,1.1490504720912845e-05,0.915,0.0,63.33,2023-01-02,minneapolis/st. paul smm food,0,88.72987847394282,85.75072244988117,1.0317173785380507,0.0,0.0,1.1941375229364897,0.0014145820657129647,0.7518865405213992,0.0,88.72987847394282 +0.725,0.0,0.0,0.559,4.200829682914374e-06,0.0,0.532,95.29,2023-01-02,mobile/pensacola smm food,0,70.80449079027085,67.46643487620449,1.4007398865919225,0.0,0.0,1.1752163297913691,0.0005171590347767829,0.0,0.7615825386482893,70.80449079027085 +0.584,0.658,0.0,0.836,3.0888453550840984e-06,0.0,0.9630000000000002,137.25,2023-01-02,nashville smm food,0,100.80697847523986,95.47216793873541,1.1283201293374934,1.0699626168250755,0.0,1.7575686077022978,0.00038026399615939915,0.0,1.378578918643426,100.80697847523986 +0.0,0.0,0.761,0.0,2.8417377266773707e-06,0.9520000000000001,0.0,66.02,2023-01-02,new orleans smm food,0,61.12973327695447,59.54961731628727,0.0,0.0,0.7974754220788602,0.0,0.00034984287646664725,0.7822906957118821,0.0,61.129733276954475 +0.989,0.0,0.0,0.527,1.9397948829928137e-05,0.5730000000000001,0.872,333.23,2023-01-02,new york smm food,0,294.90205878956874,290.1617655847399,1.9108024108129813,0.0,0.0,1.1079409763864965,0.0023880578958810268,0.4708535384904501,1.2483082212430605,294.90205878956874 +0.5750000000000001,0.862,0.7020000000000001,0.677,3.0888453550840984e-06,0.753,0.7010000000000001,126.23999999999998,2023-01-02,norfolk/portsmouth/newport news smm food,0,108.60415586901262,102.30993924858487,1.110931634193594,1.4016835497009348,0.7356474984222864,1.423294195471837,0.00038026399615939915,0.6187656448225286,1.0035138338203962,108.6041558690126 +0.0,0.0,0.0,0.0,2.5946300982706425e-06,0.901,0.541,58.900000000000006,2023-01-02,oklahoma city smm food,0,55.124412261088594,53.609244119971564,0.0,0.0,0.0,0.0,0.00031942175677389525,0.7403822655844599,0.7744664537757979,55.124412261088594 +0.0,0.0,0.0,0.898,1.6061995846437312e-06,0.0,0.0,52.73,2023-01-02,omaha smm food,0,62.764342192221186,60.87622985001895,0.0,0.0,0.0,1.8879146049242388,0.00019773727800288758,0.0,0.0,62.76434219222119 +0.9829999999999999,0.846,0.0,0.654,4.324383497117738e-06,0.6990000000000001,0.745,241.57,2023-01-02,orlando/daytona beach/melborne smm food,0,138.9066247502737,132.61538216686213,1.899210080717048,1.37566622163224,0.0,1.3749400352120849,0.0005323695946231589,0.5743920129229051,1.0665018633326606,138.9066247502737 +0.0,0.0,0.0,0.0,1.2355381420336394e-07,0.0,0.0,81.81,2023-01-02,paducah ky/cape girardeau mo smm food,0,55.5592733433942,55.55925813283435,0.0,0.0,0.0,0.0,1.5210559846375966e-05,0.0,0.0,55.559273343394196 +0.0,0.54,0.904,0.0,7.413228852201837e-06,0.661,0.5680000000000001,231.62999999999997,2023-01-02,philadelphia smm food,0,202.92035895883868,199.7377476378349,0.0,0.8780848223184511,0.9473295421278446,0.0,0.000912633590782558,0.543166123808355,0.813118199158324,202.92035895883865 +0.0,0.658,0.0,0.0,9.142982251048932e-06,0.89,0.0,136.24,2023-01-02,phoenix/prescott smm food,0,118.78539251014065,116.98296111946722,0.0,1.0699626168250755,0.0,0.0,0.0011255814286318215,0.7313431924197217,0.0,118.78539251014065 +0.0,0.0,0.908,0.0,4.07727586871101e-06,0.618,0.88,107.72,2023-01-02,pittsburgh smm food,0,107.27184771840366,104.55223234884438,0.0,0.0,0.9515212657655784,0.0,0.0005019484749304069,0.5078315650734696,1.2597605902452904,107.27184771840365 +0.0,0.0,0.534,0.911,8.278105551625384e-06,0.741,0.0,112.44000000000001,2023-01-02,portland or smm food,0,89.98107374736206,86.8963094792362,0.0,0.0,0.5595951056374657,1.9152452172449683,0.0010191075097071896,0.6089048377337233,0.0,89.98107374736206 +0.515,0.0,0.0,0.0,3.953722054507646e-06,0.0,0.0,58.91,2023-01-02,providence ri/new bedford ma smm food,0,84.24380142895457,83.24830635780522,0.9950083332342623,0.0,0.0,0.0,0.0004867379150840309,0.0,0.0,84.24380142895457 +0.784,0.8989999999999999,0.838,0.966,4.07727586871101e-06,0.0,0.783,159.22,2023-01-02,raleigh/durham/fayetteville smm food,0,132.33719592707945,125.33017277610136,1.5147311325352653,1.4618486208597914,0.8781661021052364,2.030874730909593,0.0005019484749304069,0.0,1.1209006160932529,132.33719592707942 +0.0,0.0,0.0,0.0,1.7050426360064222e-05,0.0,0.8,335.66,2023-01-02,rem us east north central smm food,0,307.60100865960663,306.4536727021249,0.0,0.0,0.0,0.0,0.002099057258799883,0.0,1.1452369002229914,307.6010086596067 +0.609,0.0,0.0,0.541,8.77232080843884e-06,0.0,0.0,140.18,2023-01-02,rem us middle atlantic smm food,0,133.11509865968472,130.80002326169728,1.176621504737215,0.0,0.0,1.1373739435011283,0.0010799497490926937,0.0,0.0,133.11509865968472 +0.787,0.0,0.0,0.9339999999999999,1.791530305948777e-05,0.661,0.836,237.93,2023-01-02,rem us mountain smm food,0,179.18378242186833,173.95751153106124,1.5205272975832318,0.0,0.0,1.9635993775047202,0.002205531177724515,0.543166123808355,1.196772560733026,179.1837824218683 +0.647,0.0,0.9969999999999999,0.687,4.07727586871101e-06,0.55,0.0,149.23,2023-01-02,rem us new england smm food,0,152.41323067522666,148.221630613054,1.2500395953447916,0.0,1.044787116705156,1.4443177434108598,0.0005019484749304069,0.4519536582369067,0.0,152.41323067522666 +0.5060000000000001,0.755,0.0,0.704,1.408513481918349e-05,0.0,0.77,155.13,2023-01-02,rem us pacific smm food,0,109.90303900353865,105.11364420201244,0.9776198380903628,1.2276926682415379,0.0,1.4800577749071981,0.0017340038224868603,0.0,1.1022905164646293,109.90303900353865 +0.662,0.0,0.0,0.723,2.3722332327045874e-05,0.0,0.9770000000000001,366.57,2023-01-02,rem us south atlantic smm food,0,287.8807942852784,283.6802303568146,1.2790204205846245,0.0,0.0,1.5200025159913413,0.002920427490504185,0.0,1.3986205643973282,287.8807942852784 +0.981,0.0,0.648,0.0,4.151408157233028e-05,0.0,0.0,609.03,2023-01-02,rem us south central smm food,0,402.01084530935276,399.4313293612464,1.8953459706850704,0.0,0.6790592293128798,0.0,0.005110748108382324,0.0,0.0,402.01084530935276 +0.546,0.0,0.751,0.6920000000000001,1.2478935234539758e-05,0.0,0.78,151.7,2023-01-02,rem us west north central smm food,0,130.36939839588476,125.95452848252805,1.054902038729917,0.0,0.7869961129845258,1.4548295173803711,0.0015362665444839726,0.0,1.1166059777174167,130.36939839588476 +0.549,0.0,0.98,0.0,2.471076284067279e-06,0.0,0.498,94.8,2023-01-02,richmond/petersburg smm food,0,88.86897851467788,86.06809383806947,1.0606982037778836,0.0,1.0269722912447872,0.0,0.00030421119692751935,0.0,0.7129099703888121,88.86897851467788 +0.0,0.787,0.0,0.881,4.69504493972783e-06,0.0,0.0,83.33,2023-01-02,sacramento/stockton/modesto smm food,0,74.71956154705109,71.58708164797008,0.0,1.2797273243789278,0.0,1.8521745734279,0.0005780012741622867,0.0,0.0,74.71956154705107 +0.746,0.0,0.6,0.667,1.3590919562370033e-05,0.0,0.0,89.98,2023-01-02,salt lake city smm food,0,87.19882446885487,83.72480907215119,1.4413130419276887,0.0,0.6287585456600738,1.4022706475328144,0.0016731615831013563,0.0,0.0,87.19882446885487 +0.649,0.809,0.0,0.644,5.807029267558105e-06,0.653,0.8180000000000001,112.05,2023-01-02,san diego smm food,0,84.34594617304609,78.71431295071628,1.2539037053767694,1.3155011504733831,0.0,1.353916487273062,0.0007148963127796703,0.5365922524158183,1.1710047304780087,84.3459461730461 +0.0,0.919,0.0,0.0,1.383802719077676e-05,0.0,0.715,87.66,2023-01-02,san francisco/oakland/san jose smm food,0,91.39554239064225,88.87591304741949,0.0,1.4943702809456603,0.0,0.0,0.0017035827027941082,0.0,1.0235554795742985,91.39554239064223 +0.9470000000000001,0.519,0.535,0.0,1.1119843278302754e-05,0.631,0.875,113.35,2023-01-02,seattle/tacoma smm food,0,93.7514786378118,88.74475650580376,1.8296561001414493,0.8439370792282891,0.5606430365468992,0.0,0.001368950386173837,0.518514106086342,1.2526028596188967,93.75147863781181 +0.9630000000000002,0.51,0.0,0.6930000000000001,4.4479373113211014e-06,0.767,0.736,108.78,2023-01-02,st. louis smm food,0,93.53533216324195,87.70409353036166,1.8605689803972714,0.8293023321896482,0.0,1.4569318721742734,0.0005475801544695347,0.630269919759468,1.053617948205152,93.53533216324195 +0.613,0.0,0.6930000000000001,0.0,9.39008987945566e-06,0.0,0.0,320.81,2023-01-02,tampa/ft. myers smm food,0,175.16692546835054,173.25520362076367,1.1843497248011703,0.0,0.7262161202373854,0.0,0.0011560025483245734,0.0,0.0,175.16692546835054 +0.0,0.687,0.662,0.859,2.2239686556605507e-06,0.0,0.0,72.98,2023-01-02,tucson/sierra vista smm food,0,66.93929248845399,63.32224664442017,0.0,1.117119023949585,0.6937302620449481,1.80592276796205,0.00027379007723476735,0.0,0.0,66.93929248845399 +0.7020000000000001,0.0,0.0,0.724,1.754464161687768e-05,0.9899999999999999,0.0,213.84,2023-01-02,washington dc/hagerstown smm food,0,176.71546015999382,173.02137618365978,1.3563026212241789,0.0,0.0,1.5221048707852436,0.0021598994981853873,0.8135165848264319,0.0,176.71546015999382 +0.0,0.0,0.0,0.667,1.976861027253823e-06,0.0,0.904,71.1,2023-01-02,yakima/pasco/richland/kennewick smm food,0,56.21357408065168,53.51694236690935,0.0,0.0,0.0,1.4022706475328144,0.00024336895754201545,0.0,1.2941176972519801,56.21357408065168 +0.0,0.0,0.525,0.535,1.4826457704403671e-06,0.0,0.0,123.26000000000002,2023-01-09,albany/schenectady/troy smm food,0,84.03197450973921,82.35686844083078,0.0,0.0,0.5501637274525646,1.1247598147377147,0.00018252671815651157,0.0,0.0,84.03197450973921 +0.519,0.552,0.9560000000000002,0.8320000000000001,2.347522469863915e-06,0.505,0.846,36.36,2023-01-09,albuquerque/santa fe smm food,0,77.06979752560288,70.79212936171284,1.0027365532982178,0.8975978183699722,1.0018219494183844,1.749159188526689,0.00028900063708114335,0.414975631653887,1.2110880219858133,77.06979752560288 +0.525,0.0,0.0,0.624,1.4826457704403673e-05,0.679,0.518,176.93,2023-01-09,atlanta smm food,0,168.87505260938988,165.2475308400832,1.0143288833941508,0.0,0.0,1.3118693913950166,0.001825267181565116,0.5579573344415629,0.7415408928943868,168.87505260938985 +0.9840000000000001,0.533,0.0,0.5640000000000001,2.347522469863915e-06,0.0,0.528,113.39000000000001,2023-01-09,baltimore smm food,0,109.99007902578258,105.28036119021601,1.9011421357330371,0.866702241288397,0.0,1.1857281037608804,0.00028900063708114335,0.0,0.7558563541471743,109.99007902578258 +0.0,0.838,0.0,0.0,0.0,0.0,0.781,63.230000000000004,2023-01-09,baton rouge smm food,0,53.10893698488256,50.62824190344196,0.0,1.3626575575978925,0.0,0.0,0.0,0.0,1.1180375238426954,53.10893698488255 +0.52,0.534,0.508,0.527,3.7066144261009183e-06,0.718,0.0,85.94,2023-01-09,birmingham/anniston/tuscaloosa smm food,0,66.37926498881612,62.27551690355495,1.0046686083142067,0.8683283242926905,0.5323489019921959,1.1079409763864965,0.000456316795391279,0.5900049574801799,0.0,66.37926498881612 +0.56,0.0,0.0,0.0,7.413228852201837e-06,0.0,0.5680000000000001,239.04999999999998,2023-01-09,boston/manchester smm food,0,185.2402730078593,183.34429136615643,1.081950808953761,0.0,0.0,0.0,0.000912633590782558,0.0,0.813118199158324,185.2402730078593 +0.0,0.648,0.0,0.0,1.8533072130504591e-06,0.0,0.0,90.0,2023-01-09,buffalo smm food,0,65.01712325296324,63.96319330778341,0.0,1.0537017867821412,0.0,0.0,0.0002281583976956395,0.0,0.0,65.01712325296324 +0.971,0.5660000000000001,0.9070000000000001,0.0,2.9652915408807343e-06,0.0,0.583,101.34,2023-01-09,charlotte smm food,0,131.68270344639,127.1008852661048,1.8760254205251818,0.9203629804300802,0.950473334856145,0.0,0.00036505343631302315,0.0,0.8345913910375049,131.68270344639 +0.0,0.661,0.0,0.0,1.4332242447590219e-05,0.874,0.603,168.4,2023-01-09,chicago smm food,0,179.7808787518089,177.12285569785104,0.0,1.0748408658379558,0.0,0.0,0.0017644249421796122,0.718195449634648,0.8632223135430797,179.7808787518089 +0.0,0.932,0.812,0.0,7.166121223795109e-06,0.0,0.905,115.28,2023-01-09,cleveland/akron/canton smm food,0,134.7539353645487,131.09107465023894,0.0,1.5155093600014748,0.8509198984599666,0.0,0.0008822124710898061,0.0,1.295549243377259,134.75393536454874 +0.0,0.0,0.0,0.0,2.7181839124740066e-06,0.0,0.0,83.89,2023-01-09,columbus oh smm food,0,103.9210693219615,103.92073468964487,0.0,0.0,0.0,0.0,0.00033463231662027125,0.0,0.0,103.9210693219615 +0.0,0.9520000000000001,0.986,0.0,1.0131412764675843e-05,0.9570000000000001,0.605,116.26000000000002,2023-01-09,dallas/ft. worth smm food,0,109.51218011514051,105.27715718131851,0.0,1.5480310200873433,1.0332598767013879,0.0,0.0012472659074028293,0.7863993653322177,0.8660854057936371,109.51218011514051 +0.606,0.6980000000000001,0.862,0.609,1.6061995846437312e-06,0.558,0.0,68.55,2023-01-09,des moines/ames smm food,0,67.35650442079744,62.408297363785806,1.1708253396892483,1.1350059369968126,0.9033164439316393,1.2803340694864824,0.00019773727800288758,0.4585275296294435,0.0,67.35650442079744 +0.762,0.0,0.0,0.658,9.513643693659024e-06,0.0,0.0,206.77,2023-01-09,detroit smm food,0,163.17966964261979,160.32292305294044,1.4722259221835103,0.0,0.0,1.3833494543876939,0.0011712131081709494,0.0,0.0,163.1796696426198 +0.9000000000000001,0.0,0.0,0.707,3.2123991692874624e-06,0.0,0.0,140.13,2023-01-09,grand rapids smm food,0,113.24117613683747,110.01556630860257,1.7388495143899731,0.0,0.0,1.486364839288905,0.00039547455600577515,0.0,0.0,113.24117613683745 +0.0,0.0,0.781,0.0,1.4826457704403671e-06,0.0,0.0,98.09,2023-01-09,greensboro smm food,0,84.38785982285748,83.56924325587181,0.0,0.0,0.8184340402675294,0.0,0.00018252671815651157,0.0,0.0,84.3878598228575 +0.579,0.0,0.0,0.0,1.729753398847095e-06,0.9450000000000001,0.5060000000000001,115.54,2023-01-09,harrisburg/lancaster smm food,0,87.64488139433973,85.02510769460987,1.1186598542575492,0.0,0.0,0.0,0.00021294783784926353,0.7765385582434123,0.7243623393910422,87.64488139433972 +0.0,0.0,0.9390000000000001,0.0,2.471076284067279e-06,0.8250000000000001,0.862,149.13,2023-01-09,hartford/new haven smm food,0,115.50696482356092,112.61073024106035,0.0,0.0,0.9840071239580156,0.0,0.00030421119692751935,0.67793048735536,1.2339927599902731,115.50696482356093 +0.0,0.769,0.541,0.0,7.166121223795109e-06,0.986,0.0,194.78,2023-01-09,houston smm food,0,170.27494230192036,167.64644198801398,0.0,1.250457830301646,0.5669306220035,0.0,0.0008822124710898061,0.8102296491301635,0.0,170.27494230192036 +0.894,0.0,0.988,0.0,3.7066144261009183e-06,0.0,0.0,126.23999999999998,2023-01-09,indianapolis smm food,0,91.78430421541421,89.02123497580452,1.7272571842940398,0.0,1.0353557385202548,0.0,0.000456316795391279,0.0,0.0,91.78430421541421 +0.0,0.0,0.0,0.861,9.884305136269115e-07,1.0,0.754,87.26,2023-01-09,jacksonville smm food,0,90.01125885460152,86.29988999004563,0.0,0.0,0.0,1.8101274775498546,0.00012168447877100773,0.821733924067103,1.0793857784601693,90.01125885460152 +0.729,0.0,0.916,0.91,4.200829682914374e-06,0.515,0.0,89.29,2023-01-09,kansas city smm food,0,85.19892632368835,80.49370051161102,1.408468106655878,0.0,0.9599047130410461,1.913142862451066,0.0005171590347767829,0.42319297089455804,0.0,85.19892632368835 +0.0,0.0,0.0,0.811,7.413228852201836e-07,0.0,0.9540000000000001,56.89,2023-01-09,knoxville smm food,0,72.47381439117711,69.4030183864474,0.0,0.0,0.0,1.7050097378547413,9.126335907825579e-05,0.0,1.3656950035159172,72.47381439117714 +0.0,0.799,0.994,0.0,2.9652915408807343e-06,0.0,0.0,84.49,2023-01-09,las vegas smm food,0,75.41723316476592,73.0759844669223,0.0,1.2992403204304488,1.0416433239768557,0.0,0.00036505343631302315,0.0,0.0,75.41723316476592 +0.0,0.618,0.0,0.767,1.8533072130504591e-06,0.0,0.0,62.45000000000001,2023-01-09,little rock/pine bluff smm food,0,60.32122473796635,57.70357115599228,0.0,1.0049192966533385,0.0,1.6125061269230412,0.0002281583976956395,0.0,0.0,60.321224737966354 +0.0,0.5,0.618,0.0,1.692687254586086e-05,0.0,0.577,186.9,2023-01-09,los angeles smm food,0,156.2653249598451,153.9765761946837,0.0,0.8130415021467139,0.647621302029876,0.0,0.0020838466989535074,0.0,0.8260021142858325,156.2653249598451 +0.0,0.0,0.6920000000000001,0.0,9.884305136269115e-07,0.762,0.924,30.239999999999995,2023-01-09,madison wi smm food,0,55.09338502187499,52.419185278171575,0.0,0.0,0.7251681893279519,0.0,0.00012168447877100773,0.6261612501391325,1.322748619757555,55.09338502187499 +0.0,0.505,0.857,0.781,3.0888453550840984e-06,0.0,0.617,204.17,2023-01-09,miami/west palm beach smm food,0,188.36664635996675,184.12181433608328,0.0,0.821171917168181,0.8980767893844721,1.641939094037673,0.00038026399615939915,0.0,0.8832639592969821,188.36664635996675 +0.871,0.685,0.0,0.0,2.100414841457187e-06,0.9440000000000001,0.0,77.12,2023-01-09,milwaukee smm food,0,71.72583466072969,68.15317248002567,1.682819918926296,1.113866857940998,0.0,0.0,0.00025857951738839145,0.7757168243193453,0.0,71.7258346607297 +0.9980000000000001,0.496,0.0,0.777,1.1490504720912845e-05,0.606,0.0,134.48,2023-01-09,minneapolis/st. paul smm food,0,90.61836554088002,85.75072244988117,1.9281909059568814,0.8065371701295402,0.0,1.633529674862064,0.0014145820657129647,0.4979707579846644,0.0,90.61836554088003 +0.78,0.0,0.0,0.749,3.706614426100918e-07,0.9619999999999999,0.0,67.79,2023-01-09,mobile/pensacola smm food,0,71.33865519594069,67.46643487620449,1.5070029124713098,0.0,0.0,1.5746637406328003,4.5631679539127894e-05,0.790508034952553,0.0,71.33865519594069 +0.0,1.0,0.586,0.5680000000000001,2.7181839124740066e-06,0.974,0.773,125.35999999999999,2023-01-09,nashville smm food,0,100.81376460809177,95.47216793873541,0.0,1.6260830042934278,0.6140875129280053,1.1941375229364897,0.00033463231662027125,0.8003688420413583,1.1065851548404655,100.81376460809177 +0.895,0.0,0.0,0.0,1.2355381420336394e-06,0.0,0.528,78.55,2023-01-09,new orleans smm food,0,62.03481501534293,59.54961731628727,1.7291892393100285,0.0,0.0,0.0,0.00015210559846375968,0.0,0.7558563541471743,62.034815015342936 +0.8240000000000001,0.854,0.8320000000000001,0.0,1.5197119147013767e-05,0.63,0.873,349.31,2023-01-09,new york smm food,0,295.7836353586216,290.1617655847399,1.5920133331748196,1.3886748856665874,0.8718785166486358,0.0,0.001870898861104244,0.5176923721622749,1.2497397673683392,295.78363535862167 +0.616,0.668,0.592,0.0,2.100414841457187e-06,0.549,0.8140000000000001,87.46,2023-01-09,norfolk/portsmouth/newport news smm food,0,106.82335273349375,102.30993924858487,1.190145889849137,1.0862234468680099,0.6203750983846061,0.0,0.00025857951738839145,0.4511319243128396,1.1652785459768937,106.82335273349375 +0.878,0.9470000000000001,0.769,0.878,2.9652915408807343e-06,0.0,0.0,16.88,2023-01-09,oklahoma city smm food,0,59.49758046091249,53.609244119971564,1.696344304038218,1.5399006050658761,0.8058588693543279,1.8458675090461933,0.00036505343631302315,0.0,0.0,59.497580460912495 +0.635,0.9700000000000001,0.0,0.8270000000000001,3.830168240304282e-06,0.614,0.808,69.82,2023-01-09,omaha smm food,0,67.08073813985135,60.87622985001895,1.2268549351529254,1.577300514164625,0.0,1.7386474145571775,0.000471527355237655,0.5045446293772012,1.1566892692252213,67.08073813985133 +0.9339999999999999,0.0,0.0,0.0,4.07727586871101e-06,0.591,0.739,166.7,2023-01-09,orlando/daytona beach/melborne smm food,0,135.9639808359753,132.61538216686213,1.804539384933594,0.0,0.0,0.0,0.0005019484749304069,0.48564474912365785,1.0579125865809882,135.9639808359753 +0.811,0.0,0.889,0.608,6.177690710168197e-07,0.0,0.933,36.75,2023-01-09,paducah ky/cape girardeau mo smm food,0,60.67170563166453,55.55925813283435,1.5668966179669646,0.0,0.9316105784863427,1.2782317146925803,7.605279923187984e-05,0.0,1.3356325348850637,60.67170563166454 +0.789,0.0,0.937,0.853,1.1243397092506118e-05,0.0,0.0,259.06,2023-01-09,philadelphia smm food,0,204.03874310773392,199.7377476378349,1.5243914076152096,0.0,0.9819112621391487,1.7933086391986364,0.0013841609460202129,0.0,0.0,204.03874310773392 +0.0,0.0,0.0,0.588,9.266536065252295e-06,0.992,0.8160000000000001,162.89,2023-01-09,phoenix/prescott smm food,0,120.20358822117225,116.98296111946722,0.0,0.0,0.0,1.236184618814535,0.0011407919884781975,0.8151600526745661,1.1681416382274512,120.20358822117225 +0.0,0.664,0.0,0.9460000000000001,1.729753398847095e-06,0.721,0.0,85.05,2023-01-09,pittsburgh smm food,0,108.213462205817,104.55223234884438,0.0,1.079719114850836,0.0,1.9888276350315477,0.00021294783784926353,0.5924701592523812,0.0,108.213462205817 +0.0,0.519,0.0,0.864,5.930583081761469e-06,0.883,0.553,131.56,2023-01-09,portland or smm food,0,91.07464726949905,86.8963094792362,0.0,0.8439370792282891,0.0,1.8164345419315615,0.0007301068726260463,0.725591054951252,0.7916450072791428,91.07464726949907 +0.636,0.0,0.789,0.0,4.324383497117738e-06,0.6960000000000001,0.981,76.46,2023-01-09,providence ri/new bedford ma smm food,0,87.2807167651609,83.24830635780522,1.2287869901689141,0.0,0.8268174875429971,0.0,0.0005323695946231589,0.5719268111507038,1.4043467488984431,87.2807167651609 +0.0,0.0,0.9969999999999999,0.0,6.177690710168197e-06,0.975,0.505,121.7,2023-01-09,raleigh/durham/fayetteville smm food,0,127.89984179003002,125.33017277610136,0.0,0.0,1.044787116705156,0.0,0.0007605279923187983,0.8011905759654254,0.7229307932657633,127.89984179003002 +0.0,0.505,0.755,0.863,1.6432657289047403e-05,0.504,0.0,368.7,2023-01-09,rem us east north central smm food,0,310.29654154524235,306.4536727021249,0.0,0.821171917168181,0.7911878366222596,1.8143321871376592,0.0020230044595680036,0.4141538977298199,0.0,310.2965415452424 +0.0,0.0,0.561,0.769,7.536782666405199e-06,0.0,0.9280000000000002,158.24,2023-01-09,rem us middle atlantic smm food,0,134.3340259868096,130.80002326169728,0.0,0.0,0.587889240192169,1.6167108365108458,0.0009278441506289338,0.0,1.3284748042586703,134.3340259868096 +0.655,0.0,0.795,0.0,1.420868863338685e-05,0.534,0.729,221.67,2023-01-09,rem us mountain smm food,0,177.54026489469592,173.95751153106124,1.2654960354727025,0.0,0.8331050729995978,0.0,0.0017492143823332358,0.438805915451833,1.0435971253282008,177.54026489469592 +0.806,0.0,0.592,0.971,6.177690710168197e-06,0.52,0.0,163.82,2023-01-09,rem us new england smm food,0,152.86869072771196,148.221630613054,1.5572363428870202,0.0,0.6203750983846061,2.0413865048791044,0.0007605279923187983,0.42730164051489355,0.0,152.86869072771194 +0.0,0.0,0.534,0.964,1.0625628021489299e-05,0.0,0.754,119.77,2023-01-09,rem us pacific smm food,0,108.78060321557865,105.11364420201244,0.0,0.0,0.5595951056374657,2.0266700213217885,0.001308108146788333,0.0,1.0793857784601693,108.78060321557865 +0.9129999999999999,0.722,0.6,0.61,1.9521502644131502e-05,1.0,0.519,301.12,2023-01-09,rem us south atlantic smm food,0,290.0965331169952,283.6802303568146,1.763966229597828,1.1740319290998549,0.6287585456600738,1.2824364242803847,0.0024032684557274025,0.821733924067103,0.7429724390196656,290.09653311699526 +0.55,0.0,0.933,0.606,2.767605438155352e-05,0.9540000000000001,0.591,445.18,2023-01-09,rem us south central smm food,0,404.37909125265185,399.4313293612464,1.0626302587938723,0.0,0.9777195385014148,1.2740270051047757,0.0034071654055882164,0.7839341635600163,0.8460437600397348,404.3790912526518 +0.598,0.0,0.704,0.549,9.142982251048932e-06,0.0,0.0,169.07,2023-01-09,rem us west north central smm food,0,129.0029591056115,125.95452848252805,1.1553688995613376,0.0,0.7377433602411533,1.1541927818523465,0.0011255814286318215,0.0,0.0,129.00295910561152 +0.0,0.712,0.0,0.525,1.4826457704403671e-06,0.0,0.875,79.92,2023-01-09,richmond/petersburg smm food,0,89.58238659026213,86.06809383806947,0.0,1.1577710990569205,0.0,1.1037362667986919,0.00018252671815651157,0.0,1.2526028596188967,89.58238659026213 +0.0,0.0,0.786,0.531,5.559921639151377e-06,0.0,0.0,85.13,2023-01-09,sacramento/stockton/modesto smm food,0,73.52779021353999,71.58708164797008,0.0,0.0,0.8236736948146968,1.1163503955621055,0.0006844751930869185,0.0,0.0,73.52779021353997 +0.0,0.0,0.0,0.905,7.166121223795109e-06,0.0,0.0,78.49,2023-01-09,salt lake city smm food,0,85.62832237310383,83.72480907215119,0.0,0.0,0.0,1.9026310884815545,0.0008822124710898061,0.0,0.0,85.62832237310383 +0.769,0.9759999999999999,0.905,0.0,2.347522469863915e-06,0.765,0.836,111.09,2023-01-09,san diego smm food,0,84.56118575652081,78.71431295071628,1.4857503072954323,1.5870570121903853,0.948377473037278,0.0,0.00028900063708114335,0.6286264519113338,1.196772560733026,84.56118575652081 +0.0,0.0,0.0,0.624,7.413228852201837e-06,0.9580000000000001,0.679,95.85,2023-01-09,san francisco/oakland/san jose smm food,0,91.94793599072585,88.87591304741949,0.0,0.0,0.0,1.3118693913950166,0.000912633590782558,0.7872210992562847,0.9720198190642639,91.94793599072584 +0.553,0.0,0.526,0.911,5.559921639151377e-06,0.8270000000000001,0.805,117.48999999999998,2023-01-09,seattle/tacoma smm food,0,94.11229286649854,88.74475650580376,1.068426423841839,0.0,0.551211658361998,1.9152452172449683,0.0006844751930869185,0.6795739552034943,1.152394630849385,94.11229286649854 +0.513,0.0,0.9430000000000001,0.0,4.69504493972783e-06,0.809,0.924,91.52,2023-01-09,st. louis smm food,0,91.6715459667617,87.70409353036166,0.9911442232022846,0.0,0.9881988475957494,0.0,0.0005780012741622867,0.6647827445702864,1.322748619757555,91.6715459667617 +0.891,0.771,0.854,0.0,7.536782666405199e-06,0.999,0.742,211.11,2023-01-09,tampa/ft. myers smm food,0,179.0093548922266,173.25520362076367,1.721461019246073,1.253709996310233,0.8949329966561717,0.0,0.0009278441506289338,0.8209121901430358,1.0622072249568244,179.00935489222664 +0.0,0.0,0.0,0.0,1.1119843278302754e-06,0.0,0.0,43.71,2023-01-09,tucson/sierra vista smm food,0,63.32238353945879,63.32224664442017,0.0,0.0,0.0,0.0,0.00013689503861738367,0.0,0.0,63.322383539458784 +0.8260000000000001,0.0,0.0,0.9829999999999999,1.2108273791929666e-05,0.0,0.712,222.37,2023-01-09,washington dc/hagerstown smm food,0,177.7046198653359,173.02137618365978,1.5958774432067975,0.0,0.0,2.0666147624059312,0.0014906348649448447,0.0,1.0192608411984623,177.70461986533593 +0.523,0.63,0.503,0.0,8.648766994235475e-07,0.9210000000000002,0.0,77.28,2023-01-09,yakima/pasco/richland/kennewick smm food,0,56.83587209840614,53.51694236690935,1.0104647733621732,1.0244322927048595,0.5271092474450285,0.0,0.00010647391892463176,0.756816944065802,0.0,56.835872098406135 +0.996,0.0,0.6960000000000001,0.0,2.100414841457187e-06,0.0,0.808,117.3,2023-01-16,albany/schenectady/troy smm food,0,86.16750299846397,82.35686844083078,1.9243267959249033,0.0,0.7293599129656857,0.0,0.00025857951738839145,0.0,1.1566892692252213,86.16750299846397 +0.0,0.64,0.0,0.0,1.4826457704403671e-06,0.0,0.8300000000000001,88.34,2023-01-16,albuquerque/santa fe smm food,0,73.02118829516014,70.79212936171284,0.0,1.0406931227477938,0.0,0.0,0.00018252671815651157,0.0,1.1881832839813535,73.02118829516014 +0.981,0.5690000000000001,0.604,0.605,1.3590919562370033e-05,0.68,0.0,217.89,2023-01-16,atlanta smm food,0,170.53344518976863,165.2475308400832,1.8953459706850704,0.9252412294429605,0.6329502692978076,1.2719246503108734,0.0016731615831013563,0.5587790683656301,0.0,170.53344518976863 +0.0,0.0,0.0,0.7010000000000001,2.2239686556605507e-06,0.0,0.523,152.99,2023-01-16,baltimore smm food,0,107.50308431433952,105.28036119021601,0.0,0.0,0.0,1.4737507105254914,0.00027379007723476735,0.0,0.7486986235207806,107.50308431433952 +0.0,0.0,0.541,0.8989999999999999,3.706614426100918e-07,0.923,0.9269999999999999,33.18,2023-01-16,baton rouge smm food,0,55.17073878689045,50.62824190344196,0.0,0.0,0.5669306220035,1.8900169597181407,4.5631679539127894e-05,0.7584604119139361,1.327043258133391,55.17073878689047 +0.0,0.0,0.859,0.0,5.683475453354741e-06,0.645,0.918,47.21,2023-01-16,birmingham/anniston/tuscaloosa smm food,0,65.0205669645404,62.27551690355495,0.0,0.0,0.900172651203339,0.0,0.0006996857529332945,0.5300183810232815,1.3141593430058827,65.0205669645404 +0.738,0.528,0.809,0.0,5.189260196541285e-06,0.0,0.0,235.91,2023-01-16,boston/manchester smm food,0,186.47713474346835,183.34429136615643,1.4258566017997778,0.85857182626693,0.8477761057316663,0.0,0.0006388435135477905,0.0,0.0,186.47713474346835 +0.0,0.671,0.0,0.0,1.2478935234539758e-05,0.0,0.707,71.3,2023-01-16,buffalo smm food,0,66.06793438078086,63.96319330778341,0.0,1.0911016958808901,0.0,0.0,0.0015362665444839726,0.0,1.0121031105720686,66.06793438078086 +0.609,0.719,0.602,0.0,1.6061995846437312e-06,0.8190000000000001,0.526,161.76,2023-01-16,charlotte smm food,0,131.5037059413935,127.1008852661048,1.176621504737215,1.1691536800869746,0.6308544074789407,0.0,0.00019773727800288758,0.6730000838109574,0.7529932618966169,131.5037059413935 +0.0,0.52,0.766,0.0,1.532067296121713e-05,0.678,0.0,234.84,2023-01-16,chicago smm food,0,179.33015564664808,177.12285569785104,0.0,0.8455631622325824,0.8027150766260276,0.0,0.00188610942095062,0.5571356005174959,0.0,179.33015564664808 +0.0,0.859,0.687,0.0,2.7181839124740066e-06,0.8140000000000001,0.904,150.16,2023-01-16,cleveland/akron/canton smm food,0,135.171152229467,131.09107465023894,0.0,1.3968053006880545,0.7199285347807846,0.0,0.00033463231662027125,0.6688914141906219,1.2941176972519801,135.171152229467 +0.0,0.0,0.0,0.964,2.9652915408807343e-06,0.923,0.0,137.3,2023-01-16,columbus oh smm food,0,106.70623017631691,103.92073468964487,0.0,0.0,0.0,2.0266700213217885,0.00036505343631302315,0.7584604119139361,0.0,106.70623017631691 +0.5750000000000001,0.0,0.0,0.66,7.166121223795109e-06,0.0,0.0,133.57,2023-01-16,dallas/ft. worth smm food,0,107.7765251919587,105.27715718131851,1.110931634193594,0.0,0.0,1.3875541639754985,0.0008822124710898061,0.0,0.0,107.7765251919587 +0.746,0.632,0.866,0.9530000000000001,1.3590919562370033e-06,0.0,0.0,90.73,2023-01-16,des moines/ames smm food,0,67.7885144667435,62.408297363785806,1.4413130419276887,1.0276844587134464,0.9075081675693731,2.003544118588864,0.00016731615831013563,0.0,0.0,67.7885144667435 +0.908,0.8210000000000001,0.0,0.0,9.142982251048932e-06,0.0,0.0,162.77,2023-01-16,detroit smm food,0,163.41336873541184,160.32292305294044,1.7543059545178838,1.3350141465249044,0.0,0.0,0.0011255814286318215,0.0,0.0,163.41336873541186 +0.948,0.0,0.0,0.9630000000000002,2.347522469863915e-06,0.0,0.894,127.44,2023-01-16,grand rapids smm food,0,115.15181336692417,110.01556630860257,1.831588155157438,0.0,0.0,2.0245676665278864,0.00028900063708114335,0.0,1.2798022359991927,115.15181336692417 +0.0,0.0,0.0,0.994,1.6061995846437312e-06,0.53,0.771,106.53,2023-01-16,greensboro smm food,0,87.19842270063415,83.56924325587181,0.0,0.0,0.0,2.0897406651388564,0.00019773727800288758,0.4355189797555646,1.103722062589908,87.19842270063414 +0.0,0.64,0.777,0.0,3.45950679769419e-06,0.749,0.765,92.68,2023-01-16,harrisburg/lancaster smm food,0,88.59108052462764,85.02510769460987,0.0,1.0406931227477938,0.8142423166297956,0.0,0.00042589567569852705,0.6154787091262601,1.0951327858382354,88.59108052462766 +0.9400000000000001,0.0,0.925,0.808,2.7181839124740066e-06,0.0,0.75,155.87,2023-01-16,hartford/new haven smm food,0,118.16889494706454,112.61073024106035,1.8161317150295273,0.0,0.9693360912259472,1.6987026734730344,0.00033463231662027125,0.0,1.0736595939590543,118.16889494706453 +0.0,0.0,0.676,0.0,5.807029267558105e-06,0.687,0.0,206.02,2023-01-16,houston smm food,0,168.92008938493785,167.64644198801398,0.0,0.0,0.7084012947770165,0.0,0.0007148963127796703,0.5645312058340998,0.0,168.92008938493788 +0.791,0.515,0.0,0.0,2.5946300982706425e-06,0.0,0.0,102.14,2023-01-16,indianapolis smm food,0,91.3872426624196,89.02123497580452,1.5282555176471873,0.8374327472111154,0.0,0.0,0.00031942175677389525,0.0,0.0,91.3872426624196 +0.665,0.908,0.0,0.0,2.100414841457187e-06,0.519,0.554,69.35,2023-01-16,jacksonville smm food,0,90.28100498308928,86.29988999004563,1.284816585632591,1.4764833678984324,0.0,0.0,0.00025857951738839145,0.42647990659082646,0.7930765534044215,90.28100498308929 +0.0,0.908,0.875,0.0,4.324383497117738e-06,0.9969999999999999,0.781,74.76,2023-01-16,kansas city smm food,0,84.82496204099596,80.49370051161102,0.0,1.4764833678984324,0.9169395457542743,0.0,0.0005323695946231589,0.8192687222949016,1.1180375238426954,84.82496204099596 +0.0,0.5640000000000001,0.752,0.0,9.884305136269115e-07,0.784,0.0,45.98,2023-01-16,knoxville smm food,0,71.75253432571023,69.4030183864474,0.0,0.9171108144214933,0.7880440438939592,0.0,0.00012168447877100773,0.6442393964686087,0.0,71.75253432571023 +0.0,0.0,0.0,0.0,2.100414841457187e-06,0.905,0.555,118.05,2023-01-16,las vegas smm food,0,74.6144203472501,73.0759844669223,0.0,0.0,0.0,0.0,0.00025857951738839145,0.7436692012807282,0.7945080995297003,74.61442034725012 +0.0,0.0,0.0,0.49900000000000005,2.100414841457187e-06,0.0,0.0,60.620000000000005,2023-01-16,little rock/pine bluff smm food,0,58.7529047776669,57.70357115599228,0.0,0.0,0.0,1.049075042157233,0.00025857951738839145,0.0,0.0,58.7529047776669 +0.0,0.873,0.0,0.8280000000000001,1.3467365748166669e-05,0.739,0.0,211.42,2023-01-16,los angeles smm food,0,157.74581574769178,153.9765761946837,0.0,1.4195704627481625,0.0,1.7407497693510798,0.0016579510232549804,0.6072613698855891,0.0,157.74581574769178 +0.873,0.71,0.941,0.812,4.942152568134558e-07,0.988,0.647,63.34000000000001,2023-01-16,madison wi smm food,0,59.69174762087673,52.419185278171575,1.6866840289582736,1.1545189330483336,0.9861029857768824,1.7071120926486436,6.084223938550386e-05,0.8118731169782978,0.9262103430553442,59.69174762087674 +0.9980000000000001,0.0,0.0,0.9269999999999999,4.818598753931193e-06,0.0,0.761,185.07,2023-01-16,miami/west palm beach smm food,0,189.0888879491587,184.12181433608328,1.9281909059568814,0.0,0.0,1.9488828939474043,0.0005932118340086627,0.0,1.0894066013371204,189.0888879491587 +0.0,0.9440000000000001,0.879,0.737,3.953722054507646e-06,0.0,0.833,95.21,2023-01-16,milwaukee smm food,0,73.35172624884892,68.15317248002567,0.0,1.5350223560529959,0.9211312693920082,1.5494354831059731,0.0004867379150840309,0.0,1.1924779223571897,73.35172624884892 +0.672,0.0,0.0,0.543,6.301244524371561e-06,0.534,0.857,72.35,2023-01-16,minneapolis/st. paul smm food,0,89.85705875708248,85.75072244988117,1.2983409707445133,0.0,0.0,1.1415786530889327,0.0007757385521651744,0.438805915451833,1.2268350293638794,89.85705875708248 +0.603,0.6950000000000001,0.7000000000000001,0.0,2.471076284067279e-07,0.863,0.5630000000000001,98.12,2023-01-16,mobile/pensacola smm food,0,72.01029064155465,67.46643487620449,1.1650291746412818,1.1301276879839324,0.7335516366034195,0.0,3.042111969275193e-05,0.7091563764699099,0.8059604685319303,72.01029064155466 +0.895,0.0,0.0,0.748,3.7066144261009183e-06,0.674,0.0,154.67,2023-01-16,nashville smm food,0,99.32822354550096,95.47216793873541,1.7291892393100285,0.0,0.0,1.572561385838898,0.000456316795391279,0.5538486648212274,0.0,99.32822354550096 +0.658,0.0,0.558,0.623,1.4826457704403671e-06,0.0,0.837,61.08,2023-01-16,new orleans smm food,0,63.91380863444938,59.54961731628727,1.271292200520669,0.0,0.5847454474638687,1.3097670366011143,0.00018252671815651157,0.0,1.1982041068583047,63.91380863444938 +0.718,0.0,0.775,0.886,1.5567780589623855e-05,0.0,0.0,339.0,2023-01-16,new york smm food,0,294.22573041896885,290.1617655847399,1.3872155014800005,0.0,0.8121464548109287,1.8626863473974113,0.0019165305406433717,0.0,0.0,294.2257304189689 +0.0,0.0,0.0,0.0,1.976861027253823e-06,0.651,0.794,93.21,2023-01-16,norfolk/portsmouth/newport news smm food,0,103.98177902558142,102.30993924858487,0.0,0.0,0.0,0.0,0.00024336895754201545,0.534948784567684,1.136647623471319,103.98177902558142 +0.0,0.0,0.0,0.937,3.830168240304282e-06,0.6880000000000001,0.6910000000000001,75.53,2023-01-16,oklahoma city smm food,0,57.134173401539,53.609244119971564,0.0,0.0,0.0,1.9699064418864274,0.000471527355237655,0.5653529397581669,0.9891983725676088,57.134173401539 +0.0,0.0,0.0,0.0,2.5946300982706425e-06,0.0,0.0,52.68,2023-01-16,omaha smm food,0,60.87654927177572,60.87622985001895,0.0,0.0,0.0,0.0,0.00031942175677389525,0.0,0.0,60.87654927177572 +0.538,0.0,0.0,0.5060000000000001,6.054136895964833e-06,0.96,0.0,151.36,2023-01-16,orlando/daytona beach/melborne smm food,0,135.50822917571557,132.61538216686213,1.0394455986020061,0.0,0.0,1.063791525714549,0.0007453174324724224,0.7888645671044189,0.0,135.50822917571557 +0.0,0.554,0.0,0.0,7.413228852201836e-07,0.0,0.5630000000000001,38.33,2023-01-16,paducah ky/cape girardeau mo smm food,0,57.26615984910391,55.55925813283435,0.0,0.9008499843785591,0.0,0.0,9.126335907825579e-05,0.0,0.8059604685319303,57.26615984910392 +0.611,0.0,0.754,0.521,7.413228852201837e-06,0.0,0.0,270.89,2023-01-16,philadelphia smm food,0,202.80461263953077,199.7377476378349,1.1804856147691927,0.0,0.7901399057128261,1.0953268476230829,0.000912633590782558,0.0,0.0,202.80461263953077 +0.0,0.0,0.891,0.0,6.424798338574925e-06,0.0,0.796,194.85,2023-01-16,phoenix/prescott smm food,0,119.05696922460632,116.98296111946722,0.0,0.0,0.9337064403052097,0.0,0.0007909491120115503,0.0,1.1395107157218765,119.05696922460632 +0.9759999999999999,0.6,0.0,0.0,2.2239686556605507e-06,0.5730000000000001,0.578,89.49,2023-01-16,pittsburgh smm food,0,108.71212883600435,104.55223234884438,1.885685695605126,0.9756498025760566,0.0,0.0,0.00027379007723476735,0.4708535384904501,0.8274336604111112,108.71212883600437 +0.678,0.517,0.785,0.0,9.142982251048932e-06,0.0,0.0,148.32,2023-01-16,portland or smm food,0,89.87067903863024,86.8963094792362,1.3099333008404463,0.8406849132197022,0.8226257639052633,0.0,0.0011255814286318215,0.0,0.0,89.87067903863024 +0.704,0.783,0.0,0.891,7.413228852201836e-07,0.5680000000000001,0.0,114.99999999999999,2023-01-16,providence ri/new bedford ma smm food,0,88.22173033501926,83.24830635780522,1.3601667312561565,1.273222992361754,0.0,1.8731981213669229,9.126335907825579e-05,0.46674486887011457,0.0,88.22173033501925 +0.995,0.0,0.681,0.0,2.7181839124740066e-06,0.0,0.0,178.12,2023-01-16,raleigh/durham/fayetteville smm food,0,127.96654309865109,125.33017277610136,1.9223947409089144,0.0,0.7136409493241839,0.0,0.00033463231662027125,0.0,0.0,127.96654309865109 +0.0,0.766,0.556,0.0,1.2478935234539758e-05,0.0,0.609,373.38,2023-01-16,rem us east north central smm food,0,309.1552497258979,306.4536727021249,0.0,1.2455795812887658,0.5826495856450018,0.0,0.0015362665444839726,0.0,0.8718115902947521,309.1552497258979 +0.0,0.968,0.0,0.545,6.424798338574925e-06,0.798,0.0,120.93,2023-01-16,rem us middle atlantic smm food,0,134.17638959304762,130.80002326169728,0.0,1.5740483481560381,0.0,1.1457833626767373,0.0007909491120115503,0.6557436714055482,0.0,134.17638959304762 +0.0,0.0,0.767,0.544,6.91901359538838e-06,0.0,0.8210000000000001,216.43,2023-01-16,rem us mountain smm food,0,177.08110670668478,173.95751153106124,0.0,0.0,0.803763007535461,1.143681007882835,0.0008517913513970541,0.0,1.175299368853845,177.08110670668478 +0.685,0.0,0.532,0.0,3.3359529834908265e-06,0.0,0.812,155.89,2023-01-16,rem us new england smm food,0,151.26541368166716,148.221630613054,1.3234576859523683,0.0,0.5574992438185988,0.0,0.0004106851158521511,0.0,1.1624154537263363,151.26541368166716 +0.621,0.637,0.0,0.0,6.301244524371561e-06,0.0,0.0,143.33,2023-01-16,rem us pacific smm food,0,107.3500409792286,105.11364420201244,1.1998061649290812,1.0358148737349135,0.0,0.0,0.0007757385521651744,0.0,0.0,107.3500409792286 +0.533,0.0,0.557,0.625,1.284959667714985e-05,0.0,0.0,337.32,2023-01-16,rem us south atlantic smm food,0,286.609266841304,283.6802303568146,1.0297853235220618,0.0,0.5836975165544352,1.3139717461889189,0.0015818982240231006,0.0,0.0,286.609266841304 +0.0,0.656,0.0,0.8320000000000001,4.5591357441041295e-05,0.662,0.7000000000000001,467.27,2023-01-16,rem us south central smm food,0,403.79888184260045,399.4313293612464,0.0,1.0667104508164886,0.0,1.749159188526689,0.005612696583312732,0.5439878577324222,1.0020822876951174,403.79888184260045 +0.0,0.0,0.589,0.846,9.884305136269115e-06,0.782,0.525,156.5,2023-01-16,rem us west north central smm food,0,129.7457264330052,125.95452848252805,0.0,0.0,0.6172313056563058,1.7785921556413204,0.0012168447877100774,0.6425959286204745,0.7515617157713381,129.7457264330052 +0.0,0.847,0.669,0.0,9.884305136269115e-07,0.0,0.0,135.3,2023-01-16,richmond/petersburg smm food,0,88.14657360559575,86.06809383806947,0.0,1.3772923046365333,0.7010657784109824,0.0,0.00012168447877100773,0.0,0.0,88.14657360559576 +0.5630000000000001,0.0,0.0,0.521,5.3128140107446495e-06,0.513,0.774,67.31,2023-01-16,sacramento/stockton/modesto smm food,0,75.30037572768046,71.58708164797008,1.0877469740017276,0.0,0.0,1.0953268476230829,0.0006540540733941666,0.42154950304642386,1.1080167009657442,75.30037572768045 +0.0,0.0,0.0,0.9210000000000002,6.054136895964833e-06,0.0,0.0,102.51,2023-01-16,salt lake city smm food,0,85.66182315476766,83.72480907215119,0.0,0.0,0.0,1.9362687651839912,0.0007453174324724224,0.0,0.0,85.66182315476765 +0.0,0.0,0.0,0.0,4.942152568134558e-06,0.0,0.608,116.92000000000002,2023-01-16,san diego smm food,0,79.5853014172796,78.71431295071628,0.0,0.0,0.0,0.0,0.0006084223938550387,0.0,0.8703800441694733,79.58530141727961 +0.621,0.0,0.0,0.777,6.424798338574925e-06,0.894,0.0,122.93,2023-01-16,san francisco/oakland/san jose smm food,0,92.44466996443865,88.87591304741949,1.1998061649290812,0.0,0.0,1.633529674862064,0.0007909491120115503,0.73463012811599,0.0,92.44466996443863 +0.0,0.0,0.0,0.653,1.0007858950472478e-05,0.848,0.782,74.61,2023-01-16,seattle/tacoma smm food,0,91.93512567914638,88.74475650580376,0.0,0.0,0.0,1.3728376804181825,0.0012320553475564531,0.6968303676089033,1.1194690699679741,91.93512567914638 +0.878,0.0,0.0,0.0,4.4479373113211014e-06,0.0,0.728,106.22,2023-01-16,st. louis smm food,0,90.44315099375727,87.70409353036166,1.696344304038218,0.0,0.0,0.0,0.0005475801544695347,0.0,1.042165579202922,90.44315099375727 +0.649,0.0,0.85,0.0,2.8417377266773707e-06,0.0,0.0,157.72,2023-01-16,tampa/ft. myers smm food,0,175.40019844203533,173.25520362076367,1.2539037053767694,0.0,0.8907412730184379,0.0,0.00034984287646664725,0.0,0.0,175.40019844203533 +0.725,0.0,0.0,0.0,4.942152568134558e-07,0.521,0.0,52.95,2023-01-16,tucson/sierra vista smm food,0,65.15117074769043,63.32224664442017,1.4007398865919225,0.0,0.0,0.0,6.084223938550386e-05,0.4281233744389607,0.0,65.15117074769044 +0.0,0.6970000000000001,0.635,0.7000000000000001,1.0502074207285935e-05,0.0,0.9689999999999999,212.89,2023-01-16,washington dc/hagerstown smm food,0,177.68030161385616,173.02137618365978,0.0,1.1333798539925193,0.6654361274902448,1.4716483557315894,0.0012928975869419572,0.0,1.387168195395098,177.6803016138562 +0.757,0.0,0.511,0.0,2.471076284067279e-06,0.0,0.9910000000000001,75.6,2023-01-16,yakima/pasco/richland/kennewick smm food,0,56.93396713008157,53.51694236690935,1.4625656471035662,0.0,0.5354926947204962,0.0,0.00030421119692751935,0.0,1.4186622101512307,56.93396713008157 +0.941,0.671,0.582,0.6950000000000001,4.942152568134558e-07,0.0,0.554,64.07,2023-01-23,albany/schenectady/troy smm food,0,88.13020367345335,82.35686844083078,1.818063770045516,1.0911016958808901,0.6098957892902716,1.4611365817620778,6.084223938550386e-05,0.0,0.7930765534044215,88.13020367345334 +0.91,0.0,0.8190000000000001,0.0,1.729753398847095e-06,0.513,0.601,38.34,2023-01-23,albuquerque/santa fe smm food,0,74.69067651326549,70.79212936171284,1.7581700645498615,0.0,0.8582554148260008,0.0,0.00021294783784926353,0.42154950304642386,0.8603592212925222,74.6906765132655 +0.835,0.555,0.618,0.0,6.91901359538838e-06,0.0,0.967,211.49,2023-01-23,atlanta smm food,0,169.79605104234253,165.2475308400832,1.613265938350697,0.9024760673828525,0.647621302029876,0.0,0.0008517913513970541,0.0,1.3843051031445408,169.79605104234255 +0.0,0.0,0.789,0.0,1.1119843278302754e-06,0.5710000000000001,0.719,176.28,2023-01-23,baltimore smm food,0,107.60580730751536,105.28036119021601,0.0,0.0,0.8268174875429971,0.0,0.00013689503861738367,0.46921007064231585,1.0292816640754134,107.60580730751536 +0.0,0.0,0.0,0.525,1.2355381420336394e-07,0.968,0.781,37.65,2023-01-23,baton rouge smm food,0,53.64546934314015,50.62824190344196,0.0,0.0,0.0,1.1037362667986919,1.5210559846375966e-05,0.7954384384969557,1.1180375238426954,53.64546934314015 +0.633,0.0,0.0,0.64,1.2355381420336394e-06,0.0,0.854,88.94,2023-01-23,birmingham/anniston/tuscaloosa smm food,0,66.06670729335985,62.27551690355495,1.2229908251209476,0.0,0.0,1.345507068097453,0.00015210559846375968,0.0,1.2225403909880432,66.06670729335985 +0.64,0.0,0.519,0.995,5.436367824948013e-06,0.5660000000000001,0.865,248.2,2023-01-23,boston/manchester smm food,0,188.92058380233937,183.34429136615643,1.2365152102328696,0.0,0.5438761419959639,2.091843019932759,0.0006692646332405425,0.46510140102198033,1.2382873983661093,188.92058380233934 +0.965,0.0,0.931,0.607,4.818598753931193e-06,0.63,0.6920000000000001,76.95,2023-01-23,buffalo smm food,0,69.58829493748306,63.96319330778341,1.8644330904292485,0.0,0.9756236766825479,1.276129359898678,0.0005932118340086627,0.5176923721622749,0.9906299186928875,69.58829493748306 +0.0,0.982,0.649,0.5660000000000001,4.07727586871101e-06,0.673,0.0,164.27,2023-01-23,charlotte smm food,0,131.12126762926403,127.1008852661048,0.0,1.596813510216146,0.6801071602223132,1.189932813348685,0.0005019484749304069,0.5530269308971604,0.0,131.12126762926403 +0.0,0.0,0.671,0.808,5.436367824948013e-06,0.0,0.9350000000000002,211.74,2023-01-23,chicago smm food,0,180.86388490332277,177.12285569785104,0.0,0.0,0.7031616402298493,1.6987026734730344,0.0006692646332405425,0.0,1.3384956271356214,180.86388490332277 +0.615,0.796,0.0,0.78,5.807029267558105e-06,0.0,0.0,112.77,2023-01-23,cleveland/akron/canton smm food,0,135.2142021920462,131.09107465023894,1.1882138348331481,1.2943620714175685,0.0,1.6398367392437707,0.0007148963127796703,0.0,0.0,135.2142021920462 +0.595,0.0,0.0,0.527,5.3128140107446495e-06,0.0,0.555,98.31,2023-01-23,columbus oh smm food,0,106.97341055414785,103.92073468964487,1.1495727345133708,0.0,0.0,1.1079409763864965,0.0006540540733941666,0.0,0.7945080995297003,106.97341055414783 +0.0,0.0,0.5060000000000001,0.79,1.5197119147013767e-05,0.858,0.0,119.55000000000001,2023-01-23,dallas/ft. worth smm food,0,108.17518911438532,105.27715718131851,0.0,0.0,0.5302530401733291,1.6608602871827935,0.001870898861104244,0.7050477068495744,0.0,108.17518911438532 +0.0,0.0,0.0,0.6940000000000001,6.177690710168197e-07,0.639,0.0,95.17,2023-01-23,des moines/ames smm food,0,64.39249562103208,62.408297363785806,0.0,0.0,0.0,1.4590342269681758,7.605279923187984e-05,0.5250879774788788,0.0,64.3924956210321 +0.0,0.687,0.657,0.0,7.783890294811928e-06,0.584,0.0,237.04000000000002,2023-01-23,detroit smm food,0,162.60938356131328,160.32292305294044,0.0,1.117119023949585,0.6884906074977809,0.0,0.0009582652703216859,0.4798926116551881,0.0,162.6093835613133 +0.8310000000000001,0.0,0.8270000000000001,0.67,2.471076284067279e-06,0.872,0.0,119.13,2023-01-23,grand rapids smm food,0,114.61317679388874,110.01556630860257,1.6055377182867419,0.0,0.8666388621014685,1.408577711914521,0.00030421119692751935,0.7165519817865138,0.0,114.61317679388874 +0.0,0.748,0.554,0.581,2.471076284067279e-07,0.8240000000000001,0.0,88.43,2023-01-23,greensboro smm food,0,87.26471437671765,83.56924325587181,0.0,1.216310087211484,0.5805537238261349,1.221468135257219,3.042111969275193e-05,0.677108753431293,0.0,87.26471437671763 +0.0,0.8250000000000001,0.87,0.0,1.2355381420336394e-06,0.0,0.846,117.83000000000001,2023-01-23,harrisburg/lancaster smm food,0,88.48956619194334,85.02510769460987,0.0,1.341518478542078,0.911699891207107,0.0,0.00015210559846375968,0.0,1.2110880219858133,88.48956619194334 +0.541,0.8210000000000001,0.0,0.0,8.648766994235475e-07,0.0,0.0,120.51000000000002,2023-01-23,hartford/new haven smm food,0,114.99109262515415,112.61073024106035,1.0452417636499727,1.3350141465249044,0.0,0.0,0.00010647391892463176,0.0,0.0,114.99109262515415 +0.713,0.771,0.61,0.7020000000000001,4.818598753931193e-06,0.6890000000000001,0.9540000000000001,234.47,2023-01-23,houston smm food,0,174.3252610198302,167.64644198801398,1.3775552264000563,1.253709996310233,0.6392378547544083,1.4758530653193938,0.0005932118340086627,0.5661746736822341,1.3656950035159172,174.32526101983024 +0.756,0.0,0.926,0.524,2.471076284067279e-06,0.0,0.718,118.23999999999998,2023-01-23,indianapolis smm food,0,93.58204083117933,89.02123497580452,1.4606335920875773,0.0,0.9703840221353807,1.1016339120047896,0.00030421119692751935,0.0,1.0278501179501347,93.58204083117933 +0.556,0.0,0.639,0.0,9.884305136269115e-07,0.6910000000000001,0.61,100.56,2023-01-23,jacksonville smm food,0,89.48492339249258,86.29988999004563,1.0742225888898056,0.0,0.6696278511279786,0.0,0.00012168447877100773,0.5678181415303682,0.8732431364200308,89.48492339249258 +0.9510000000000001,0.786,0.0,0.0,3.2123991692874624e-06,0.686,0.0,56.220000000000006,2023-01-23,kansas city smm food,0,84.17329101965711,80.49370051161102,1.8373843202054048,1.2781012413746342,0.0,0.0,0.00039547455600577515,0.5637094719100327,0.0,84.1732910196571 +0.9350000000000002,0.0,0.868,0.9059999999999999,1.3590919562370033e-06,0.0,0.0,90.89,2023-01-23,knoxville smm food,0,74.02399461521898,69.4030183864474,1.8064714399495831,0.0,0.9096040293882401,1.9047334432754566,0.00016731615831013563,0.0,0.0,74.023994615219 +0.0,0.623,0.0,0.0,1.976861027253823e-06,0.0,0.0,65.02,2023-01-23,las vegas smm food,0,74.08927754755464,73.0759844669223,0.0,1.0130497116748054,0.0,0.0,0.00024336895754201545,0.0,0.0,74.08927754755466 +0.0,0.0,0.918,0.587,3.706614426100918e-07,0.651,0.606,102.2,2023-01-23,little rock/pine bluff smm food,0,61.30216536303897,57.70357115599228,0.0,0.0,0.962000574859913,1.2340822640206326,4.5631679539127894e-05,0.534948784567684,0.8675169519189159,61.30216536303897 +0.0,0.8260000000000001,0.0,0.625,1.7050426360064222e-05,0.869,0.0,200.32,2023-01-23,los angeles smm food,0,157.3498783396921,153.9765761946837,0.0,1.3431445615463715,0.0,1.3139717461889189,0.002099057258799883,0.7140867800143125,0.0,157.3498783396921 +0.0,0.0,0.0,0.627,2.2239686556605507e-06,0.0,0.0,58.75,2023-01-23,madison wi smm food,0,53.73763552402553,52.419185278171575,0.0,0.0,0.0,1.3181764557767235,0.00027379007723476735,0.0,0.0,53.737635524025535 +0.529,0.669,0.649,0.0,4.942152568134558e-07,0.0,0.0,207.66,2023-01-23,miami/west palm beach smm food,0,186.91188897187538,184.12181433608328,1.0220571034581063,1.0878495298723032,0.6801071602223132,0.0,6.084223938550386e-05,0.0,0.0,186.91188897187538 +0.676,0.0,0.514,0.586,1.4826457704403671e-06,0.594,0.0,79.79,2023-01-23,milwaukee smm food,0,71.71815054512368,68.15317248002567,1.3060691908084685,0.0,0.5386364874487966,1.2319799092267303,0.00018252671815651157,0.4881099508958592,0.0,71.71815054512368 +0.0,0.67,0.0,0.513,8.15455173742202e-06,0.0,0.0,66.41,2023-01-23,minneapolis/st. paul smm food,0,87.91970996897949,85.75072244988117,0.0,1.0894756128765968,0.0,1.0785080092718646,0.0010038969498608137,0.0,0.0,87.91970996897949 +0.0,0.0,0.0,0.0,7.413228852201836e-07,0.728,0.0,101.15,2023-01-23,mobile/pensacola smm food,0,68.06474843628442,67.46643487620449,0.0,0.0,0.0,0.0,9.126335907825579e-05,0.5982222967208509,0.0,68.06474843628442 +0.0,0.0,0.0,0.796,5.065706382337921e-06,0.0,0.0,125.89,2023-01-23,nashville smm food,0,97.14626598763532,95.47216793873541,0.0,0.0,0.0,1.6734744159462072,0.0006236329537014147,0.0,0.0,97.14626598763532 +0.0,0.9400000000000001,0.0,0.6940000000000001,2.100414841457187e-06,0.8130000000000001,0.773,100.42,2023-01-23,new orleans smm food,0,64.31208298191567,59.54961731628727,0.0,1.5285180240358223,0.0,1.4590342269681758,0.00025857951738839145,0.6680696802665548,1.1065851548404655,64.31208298191568 +0.783,0.619,0.0,0.0,1.4455796261793581e-05,0.8240000000000001,0.554,309.13,2023-01-23,new york smm food,0,294.15307498425454,290.1617655847399,1.5127990775192766,1.0065453796576318,0.0,0.0,0.0017796355020259882,0.677108753431293,0.7930765534044215,294.15307498425454 +0.0,0.0,0.6920000000000001,0.0,1.8533072130504591e-06,0.0,0.762,113.45000000000002,2023-01-23,norfolk/portsmouth/newport news smm food,0,104.12617374377291,102.30993924858487,0.0,0.0,0.7251681893279519,0.0,0.0002281583976956395,0.0,1.0908381474623992,104.12617374377291 +0.731,0.894,0.936,0.674,2.471076284067279e-06,0.0,0.0,28.58,2023-01-23,oklahoma city smm food,0,58.87344921601452,53.609244119971564,1.4123322166878558,1.4537182058383245,0.9808633312297153,1.4169871310901303,0.00030421119692751935,0.0,0.0,58.87344921601452 +0.0,0.668,0.514,0.523,1.729753398847095e-06,0.0,0.0,47.17,2023-01-23,omaha smm food,0,63.60083428938449,60.87622985001895,0.0,1.0862234468680099,0.5386364874487966,1.0995315572108875,0.00021294783784926353,0.0,0.0,63.600834289384494 +0.9570000000000001,0.768,0.973,0.774,2.7181839124740066e-06,0.843,0.0,145.5,2023-01-23,orlando/daytona beach/melborne smm food,0,139.05310628012512,132.61538216686213,1.848976650301338,1.2488317472973525,1.019636774878753,1.627222610480357,0.00033463231662027125,0.6927216979885678,0.0,139.05310628012512 +0.844,0.764,0.885,0.843,1.3590919562370033e-06,0.0,0.0,65.11,2023-01-23,paducah ky/cape girardeau mo smm food,0,61.13211124387566,55.55925813283435,1.6306544334945967,1.2423274152801789,0.9274188548486089,1.7722850912596138,0.00016731615831013563,0.0,0.0,61.13211124387566 +0.0,0.0,0.0,0.0,7.660336480608565e-06,0.0,0.784,204.1,2023-01-23,philadelphia smm food,0,200.86102285476392,199.7377476378349,0.0,0.0,0.0,0.0,0.00094305471047531,0.0,1.1223321622185316,200.86102285476392 +0.0,0.0,0.686,0.0,6.795459781185017e-06,0.0,0.76,185.11,2023-01-23,phoenix/prescott smm food,0,118.79065335934196,116.98296111946722,0.0,0.0,0.7188806038713511,0.0,0.0008365807915506782,0.0,1.0879750552118417,118.79065335934196 +0.0,0.0,0.0,0.0,3.7066144261009183e-06,0.0,0.0,81.2,2023-01-23,pittsburgh smm food,0,104.55268866563978,104.55223234884438,0.0,0.0,0.0,0.0,0.000456316795391279,0.0,0.0,104.55268866563978 +0.923,0.0,0.848,0.0,4.4479373113211014e-06,0.651,0.0,75.63,2023-01-23,portland or smm food,0,90.10373803491564,86.8963094792362,1.7832867797577168,0.0,0.888645411199571,0.0,0.0005475801544695347,0.534948784567684,0.0,90.10373803491564 +0.781,0.0,0.0,0.0,1.3590919562370033e-06,0.764,0.522,92.42,2023-01-23,providence ri/new bedford ma smm food,0,86.13248043683359,83.24830635780522,1.5089349674872987,0.0,0.0,0.0,0.00016731615831013563,0.6278047179872667,0.7472670773955019,86.1324804368336 +0.0,0.0,0.909,0.0,1.3590919562370033e-06,0.0,0.0,137.52,2023-01-23,raleigh/durham/fayetteville smm food,0,126.28290928893469,125.33017277610136,0.0,0.0,0.9525691966750118,0.0,0.00016731615831013563,0.0,0.0,126.28290928893469 +0.803,0.0,0.711,0.8200000000000001,1.1366950906709483e-05,0.757,0.0,405.57,2023-01-23,rem us east north central smm food,0,311.0975746395956,306.4536727021249,1.5514401778390536,0.0,0.7450788766071874,1.7239309309998616,0.001399371505866589,0.622052580518797,0.0,311.0975746395957 +0.603,0.875,0.777,0.0,5.559921639151377e-06,0.0,0.0,131.44,2023-01-23,rem us middle atlantic smm food,0,134.2028018569182,130.80002326169728,1.1650291746412818,1.4228226287567494,0.8142423166297956,0.0,0.0006844751930869185,0.0,0.0,134.2028018569182 +0.0,0.0,0.0,0.0,9.142982251048932e-06,0.66,0.771,189.31,2023-01-23,rem us mountain smm food,0,175.60470356496407,173.95751153106124,0.0,0.0,0.0,0.0,0.0011255814286318215,0.542344389884288,1.103722062589908,175.60470356496407 +0.0,0.0,0.0,0.616,4.4479373113211014e-06,0.64,0.766,193.77,2023-01-23,rem us new england smm food,0,151.13970278961875,148.221630613054,0.0,0.0,0.0,1.2950505530437983,0.0005475801544695347,0.525909711402946,1.096564331963514,151.13970278961872 +0.578,0.0,0.885,0.0,6.054136895964833e-06,0.639,0.517,130.58,2023-01-23,rem us pacific smm food,0,108.42373349778306,105.11364420201244,1.1167277992415603,0.0,0.9274188548486089,0.0,0.0007453174324724224,0.5250879774788788,0.7401093467691081,108.42373349778306 +0.0,0.0,0.714,0.525,1.5073565332810399e-05,0.0,0.0,366.73,2023-01-23,rem us south atlantic smm food,0,285.53404498125,283.6802303568146,0.0,0.0,0.7482226693354878,1.1037362667986919,0.0018556883012578677,0.0,0.0,285.53404498125 +0.0,0.686,0.651,0.0,3.644837518999236e-05,0.0,0.638,447.58,2023-01-23,rem us south central smm food,0,402.1468388673154,399.4313293612464,0.0,1.1154929409452916,0.6822030220411801,0.0,0.00448711515468091,0.0,0.9133264279278356,402.1468388673154 +0.839,0.924,0.967,0.961,1.1861166163522937e-05,0.672,0.773,114.16999999999999,2023-01-23,rem us west north central smm food,0,133.77198604883085,125.95452848252805,1.6209941584146523,1.5025006959671274,1.0133491894221522,2.0203629569400814,0.0014602137452520926,0.5522051969730932,1.1065851548404655,133.77198604883088 +0.0,0.501,0.605,0.6970000000000001,1.8533072130504591e-06,0.925,0.0,88.28,2023-01-23,richmond/petersburg smm food,0,89.74243295293738,86.06809383806947,0.0,0.8146675851510073,0.6339982002072411,1.4653412913498824,0.0002281583976956395,0.7601038797620703,0.0,89.74243295293736 +0.0,0.0,0.531,0.789,4.4479373113211014e-06,0.792,0.859,77.47,2023-01-23,sacramento/stockton/modesto smm food,0,75.68334986289818,71.58708164797008,0.0,0.0,0.5564513129091654,1.6587579323888912,0.0005475801544695347,0.6508132678611456,1.229698121614437,75.68334986289818 +0.0,0.521,0.9580000000000001,0.985,6.301244524371561e-06,0.529,0.0,74.81,2023-01-23,salt lake city smm food,0,88.08220858500272,83.72480907215119,0.0,0.8471892452368759,1.0039178112372513,2.0708194719937363,0.0007757385521651744,0.4346972458314975,0.0,88.08220858500272 +0.586,0.634,0.0,0.0,1.3590919562370033e-06,0.779,0.0,81.54,2023-01-23,san diego smm food,0,81.51773185781434,78.71431295071628,1.1321842393694712,1.0309366247220333,0.0,0.0,0.00016731615831013563,0.6401307268482732,0.0,81.51773185781437 +0.0,0.0,0.852,0.9350000000000002,4.07727586871101e-06,0.789,0.771,112.15,2023-01-23,san francisco/oakland/san jose smm food,0,93.48702399170921,88.87591304741949,0.0,0.0,0.8928371348373048,1.965701732298623,0.0005019484749304069,0.6483480660889442,1.103722062589908,93.4870239917092 +0.548,0.0,0.55,0.0,8.648766994235476e-06,0.541,0.0,103.51,2023-01-23,seattle/tacoma smm food,0,90.82550744686361,88.74475650580376,1.0587661487618947,0.0,0.576362000188401,0.0,0.0010647391892463177,0.44455805292030276,0.0,90.82550744686361 +0.0,0.0,0.995,0.0,1.976861027253823e-06,0.0,0.0,63.77000000000001,2023-01-23,st. louis smm food,0,88.7470281542055,87.70409353036166,0.0,0.0,1.042691254886289,0.0,0.00024336895754201545,0.0,0.0,88.7470281542055 +0.0,0.667,0.0,0.0,3.45950679769419e-06,0.0,0.85,150.15,2023-01-23,tampa/ft. myers smm food,0,175.55704108678998,173.25520362076367,0.0,1.0845973638637163,0.0,0.0,0.00042589567569852705,0.0,1.2168142064869283,175.55704108679 +0.0,0.9840000000000001,0.79,0.0,1.1119843278302754e-06,0.896,0.8270000000000001,60.92999999999999,2023-01-23,tucson/sierra vista smm food,0,67.67047687570559,63.32224664442017,0.0,1.6000656762247332,0.8278654184524306,0.0,0.00013689503861738367,0.7362735959641243,1.1838886456055173,67.67047687570559 +0.9460000000000001,0.578,0.0,0.9430000000000001,7.783890294811928e-06,0.645,0.9380000000000001,235.51,2023-01-23,washington dc/hagerstown smm food,0,179.64526368772175,173.02137618365978,1.8277240451254606,0.9398759764816011,0.0,1.982520570649841,0.0009582652703216859,0.5300183810232815,1.3427902655114574,179.64526368772175 +0.87,0.538,0.542,0.6,6.177690710168197e-07,0.806,0.0,49.75,2023-01-23,yakima/pasco/richland/kennewick smm food,0,58.56444791198115,53.51694236690935,1.680887863910307,0.8748326563098642,0.5679785529129334,1.2614128763413621,7.605279923187984e-05,0.6623175427980851,0.0,58.564447911981134 +0.0,0.0,0.901,0.0,4.942152568134558e-07,0.0,0.0,86.47,2023-01-30,albany/schenectady/troy smm food,0,83.30111503246971,82.35686844083078,0.0,0.0,0.9441857493995441,0.0,6.084223938550386e-05,0.0,0.0,83.30111503246971 +0.0,0.0,0.0,0.0,3.706614426100918e-07,0.716,0.0,79.41,2023-01-30,albuquerque/santa fe smm food,0,71.38053648302443,70.79212936171284,0.0,0.0,0.0,0.0,4.5631679539127894e-05,0.5883614896320457,0.0,71.38053648302443 +0.0,0.0,0.0,0.718,9.019428436845567e-06,0.0,0.6890000000000001,157.22,2023-01-30,atlanta smm food,0,167.74446723329083,165.2475308400832,0.0,0.0,0.0,1.50949074202183,0.0011103708687854456,0.0,0.9863352803170513,167.74446723329086 +0.0,0.0,0.58,0.0,4.942152568134558e-07,0.915,0.877,102.01,2023-01-30,baltimore smm food,0,107.89557445231766,105.28036119021601,0.0,0.0,0.6077999274714047,0.0,6.084223938550386e-05,0.7518865405213992,1.2554659518694542,107.89557445231766 +0.0,0.0,0.0,0.533,4.942152568134558e-07,0.8210000000000001,0.707,66.53,2023-01-30,baton rouge smm food,0,53.4356045130624,50.62824190344196,0.0,0.0,0.0,1.12055510514991,6.084223938550386e-05,0.6746435516590916,1.0121031105720686,53.435604513062415 +0.0,0.67,0.808,0.0,2.471076284067279e-06,0.926,0.0,62.5,2023-01-30,birmingham/anniston/tuscaloosa smm food,0,64.97295051613685,62.27551690355495,0.0,1.0894756128765968,0.8467281748222328,0.0,0.00030421119692751935,0.7609256136861374,0.0,64.97295051613685 +0.0,0.0,0.9580000000000001,0.5740000000000001,4.07727586871101e-06,0.0,0.656,155.65,2023-01-30,boston/manchester smm food,0,186.49455703575137,183.34429136615643,0.0,0.0,1.0039178112372513,1.2067516516999033,0.0005019484749304069,0.0,0.939094258182853,186.49455703575137 +0.0,0.895,0.848,0.0,2.5946300982706425e-06,0.972,0.599,54.45,2023-01-30,buffalo smm food,0,67.96372393281756,63.96319330778341,0.0,1.4553442888426178,0.888645411199571,0.0,0.00031942175677389525,0.7987253741932241,0.8574961290419647,67.96372393281756 +0.743,0.76,0.0,0.0,3.0888453550840984e-06,0.7020000000000001,0.0,137.25,2023-01-30,charlotte smm food,0,130.3494627049388,127.1008852661048,1.435516876879722,1.235823083263005,0.0,0.0,0.00038026399615939915,0.5768572146951063,0.0,130.3494627049388 +0.0,0.526,0.0,0.0,9.513643693659024e-06,0.704,0.0,169.49,2023-01-30,chicago smm food,0,178.55784725376077,177.12285569785104,0.0,0.855319660258343,0.0,0.0,0.0011712131081709494,0.5785006825432405,0.0,178.5578472537608 +0.0,0.0,0.0,0.924,3.830168240304282e-06,0.922,0.586,140.33,2023-01-30,cleveland/akron/canton smm food,0,134.63064671456308,131.09107465023894,0.0,0.0,0.0,1.9425758295656979,0.000471527355237655,0.757638677989869,0.8388860294133411,134.63064671456308 +0.0,0.0,0.715,0.798,2.8417377266773707e-06,0.0,0.0,122.81,2023-01-30,columbus oh smm food,0,106.34803425830027,103.92073468964487,0.0,0.0,0.7492706002449212,1.6776791255340118,0.00034984287646664725,0.0,0.0,106.34803425830027 +0.9980000000000001,0.503,0.6920000000000001,0.0,9.019428436845567e-06,0.0,0.652,112.20999999999998,2023-01-30,dallas/ft. worth smm food,0,109.68291447231347,105.27715718131851,1.9281909059568814,0.8179197511595941,0.7251681893279519,0.0,0.0011103708687854456,0.0,0.9333680736817379,109.68291447231347 +0.863,0.0,0.68,0.971,2.347522469863915e-06,0.6950000000000001,0.0,82.9,2023-01-30,des moines/ames smm food,0,67.40103444374175,62.408297363785806,1.667363478798385,0.0,0.7125930184147504,2.0413865048791044,0.00028900063708114335,0.5711050772266366,0.0,67.40103444374176 +0.993,0.522,0.0,0.0,3.7066144261009183e-06,0.0,0.0,224.62,2023-01-30,detroit smm food,0,163.09072532885392,160.32292305294044,1.9185306308769368,0.8488153282411693,0.0,0.0,0.000456316795391279,0.0,0.0,163.09072532885395 +0.0,0.839,0.0,0.553,3.0888453550840984e-06,0.0,0.0,90.19,2023-01-30,grand rapids smm food,0,112.54283241422887,110.01556630860257,0.0,1.3642836406021859,0.0,1.1626022010279555,0.00038026399615939915,0.0,0.0,112.54283241422887 +0.532,0.0,0.61,0.585,1.2355381420336394e-06,0.0,0.0,110.87,2023-01-30,greensboro smm food,0,86.46636403916358,83.56924325587181,1.0278532685060728,0.0,0.6392378547544083,1.229877554432828,0.00015210559846375968,0.0,0.0,86.46636403916358 +0.0,0.589,0.623,0.0,1.729753398847095e-06,0.704,0.0,96.54,2023-01-30,harrisburg/lancaster smm food,0,87.21444517109684,85.02510769460987,0.0,0.9577628895288289,0.6528609565770433,0.0,0.00021294783784926353,0.5785006825432405,0.0,87.21444517109683 +0.0,0.771,0.0,0.6930000000000001,4.942152568134558e-07,0.881,0.0,132.03,2023-01-30,hartford/new haven smm food,0,116.04538053888737,112.61073024106035,0.0,1.253709996310233,0.0,1.4569318721742734,6.084223938550386e-05,0.7239475871031178,0.0,116.04538053888736 +0.626,0.926,0.8,0.744,4.324383497117738e-06,0.847,0.0,204.5,2023-01-30,houston smm food,0,173.46069898748823,167.64644198801398,1.2094664400090256,1.5057528619757141,0.8383447275467651,1.564151966663289,0.0005323695946231589,0.6960086336848362,0.0,173.46069898748823 +0.0,0.919,0.0,0.9689999999999999,2.100414841457187e-06,0.665,0.0,138.23,2023-01-30,indianapolis smm food,0,93.0994986910635,89.02123497580452,0.0,1.4943702809456603,0.0,2.0371817952912994,0.00025857951738839145,0.5464530595046235,0.0,93.09949869106349 +0.868,0.593,0.0,0.514,8.648766994235475e-07,0.0,0.719,106.29,2023-01-30,jacksonville smm food,0,91.05117946753006,86.29988999004563,1.6770237538783295,0.9642672215460026,0.0,1.080610364065767,0.00010647391892463176,0.0,1.0292816640754134,91.05117946753006 +0.0,0.0,0.9490000000000002,0.9560000000000002,5.189260196541285e-06,0.96,0.0,93.14,2023-01-30,kansas city smm food,0,84.28754153825192,80.49370051161102,0.0,0.0,0.9944864330523503,2.0098511829705705,0.0006388435135477905,0.7888645671044189,0.0,84.28754153825192 +0.0,0.0,0.0,0.0,1.8533072130504591e-06,0.0,0.537,78.64,2023-01-30,knoxville smm food,0,70.17198681411978,69.4030183864474,0.0,0.0,0.0,0.0,0.0002281583976956395,0.0,0.768740269274683,70.17198681411978 +0.524,0.0,0.872,0.0,1.4826457704403671e-06,0.544,0.0,108.28,2023-01-30,las vegas smm food,0,75.44938282973709,73.0759844669223,1.0123968283781621,0.0,0.9137957530259739,0.0,0.00018252671815651157,0.44702325469250404,0.0,75.4493828297371 +0.533,0.577,0.0,0.532,7.413228852201836e-07,0.989,0.0,41.24,2023-01-30,little rock/pine bluff smm food,0,61.6028452376091,57.70357115599228,1.0297853235220618,0.9382498934773078,0.0,1.1184527503560078,9.126335907825579e-05,0.8126948509023648,0.0,61.6028452376091 +0.6980000000000001,0.734,0.0,0.0,1.3220258119759942e-05,0.878,0.5710000000000001,181.47,2023-01-30,los angeles smm food,0,158.05921827376392,153.9765761946837,1.3485744011602236,1.193544925151376,0.0,0.0,0.0016275299035622285,0.7214823853309165,0.8174128375341602,158.05921827376395 +0.902,0.812,0.744,0.0,8.648766994235475e-07,0.674,0.9689999999999999,79.77,2023-01-30,madison wi smm food,0,58.203062232833524,52.419185278171575,1.7427136244219505,1.3203793994862634,0.7796605966184915,0.0,0.00010647391892463176,0.5538486648212274,1.387168195395098,58.20306223283353 +0.905,0.0,0.0,0.0,2.100414841457187e-06,0.0,0.507,185.56,2023-01-30,miami/west palm beach smm food,0,186.5963765905869,184.12181433608328,1.7485097894699173,0.0,0.0,0.0,0.00025857951738839145,0.0,0.7257938855163207,186.5963765905869 +0.0,0.0,0.779,0.0,2.347522469863915e-06,0.0,0.0,98.77,2023-01-30,milwaukee smm food,0,68.96979965911142,68.15317248002567,0.0,0.0,0.8163381784486625,0.0,0.00028900063708114335,0.0,0.0,68.96979965911142 +0.0,0.0,0.0,0.9619999999999999,9.39008987945566e-06,0.602,0.0,88.21,2023-01-30,minneapolis/st. paul smm food,0,88.26902758645187,85.75072244988117,0.0,0.0,0.0,2.0224653117339835,0.0011560025483245734,0.49468382228839597,0.0,88.26902758645187 +0.615,0.0,0.586,0.534,7.413228852201836e-07,0.0,0.739,75.76,2023-01-30,mobile/pensacola smm food,0,71.44939753384952,67.46643487620449,1.1882138348331481,0.0,0.6140875129280053,1.1226574599438124,9.126335907825579e-05,0.0,1.0579125865809882,71.44939753384952 +0.978,0.546,0.786,0.744,3.0888453550840984e-06,0.0,0.0,87.54,2023-01-30,nashville smm food,0,100.63776499019086,95.47216793873541,1.8895498056371038,0.8878413203442116,0.8236736948146968,1.564151966663289,0.00038026399615939915,0.0,0.0,100.63776499019087 +0.0,0.578,0.505,0.924,7.413228852201836e-07,0.606,0.531,85.46,2023-01-30,new orleans smm food,0,64.21948724546522,59.54961731628727,0.0,0.9398759764816011,0.5292051092638954,1.9425758295656979,9.126335907825579e-05,0.4979707579846644,0.7601509925230105,64.21948724546522 +0.0,0.873,0.49900000000000005,0.0,1.4826457704403673e-05,0.731,0.872,378.86,2023-01-30,new york smm food,0,293.955074558213,290.1617655847399,0.0,1.4195704627481625,0.5229175238072947,0.0,0.001825267181565116,0.6006874984930523,1.2483082212430605,293.955074558213 +0.719,0.0,0.644,0.771,1.729753398847095e-06,0.0,0.0,107.06,2023-01-30,norfolk/portsmouth/newport news smm food,0,105.9950828046925,102.30993924858487,1.3891475564959894,0.0,0.6748675056751459,1.6209155460986504,0.00021294783784926353,0.0,0.0,105.9950828046925 +0.0,0.0,0.0,0.0,2.8417377266773707e-06,0.0,0.627,94.96,2023-01-30,oklahoma city smm food,0,54.5071733833978,53.609244119971564,0.0,0.0,0.0,0.0,0.00034984287646664725,0.0,0.8975794205497695,54.5071733833978 +0.638,0.561,0.9420000000000002,0.5700000000000001,6.177690710168197e-07,0.0,0.766,35.15,2023-01-30,omaha smm food,0,66.30324704960182,60.87622985001895,1.232651100200892,0.9122325654086131,0.987150916686316,1.198342232524294,7.605279923187984e-05,0.0,1.096564331963514,66.30324704960181 +0.537,0.0,0.955,0.798,2.7181839124740066e-06,0.0,0.0,139.16,2023-01-30,orlando/daytona beach/melborne smm food,0,136.33168348680772,132.61538216686213,1.0375135435860172,0.0,1.0007740185089509,1.6776791255340118,0.00033463231662027125,0.0,0.0,136.33168348680775 +0.788,0.0,0.6930000000000001,0.774,8.648766994235475e-07,0.0,0.682,15.379999999999999,2023-01-30,paducah ky/cape girardeau mo smm food,0,60.411577147510336,55.55925813283435,1.5224593525992207,0.0,0.7262161202373854,1.627222610480357,0.00010647391892463176,0.0,0.9763144574401001,60.41157714751034 +0.6910000000000001,0.595,0.0,0.0,8.15455173742202e-06,0.0,0.0,179.52,2023-01-30,philadelphia smm food,0,202.04132093838766,199.7377476378349,1.3350500160483014,0.9675193875545894,0.0,0.0,0.0010038969498608137,0.0,0.0,202.04132093838766 +0.0,0.727,0.686,0.0,5.436367824948013e-06,0.912,0.0,146.22,2023-01-30,phoenix/prescott smm food,0,119.63409467084233,116.98296111946722,0.0,1.182162344121322,0.7188806038713511,0.0,0.0006692646332405425,0.7494213387491979,0.0,119.63409467084233 +0.708,0.845,0.613,0.0,3.2123991692874624e-06,0.843,0.796,63.53999999999999,2023-01-30,pittsburgh smm food,0,109.7691769745416,104.55223234884438,1.367894951320112,1.3740401386279464,0.6423816474827088,0.0,0.00039547455600577515,0.6927216979885678,1.1395107157218765,109.76917697454161 +0.854,0.0,0.742,0.0,3.953722054507646e-06,0.0,0.0,107.67,2023-01-30,portland or smm food,0,89.32433593560539,86.8963094792362,1.6499749836544852,0.0,0.7775647347996246,0.0,0.0004867379150840309,0.0,0.0,89.32433593560539 +0.0,0.8180000000000001,0.0,0.0,9.884305136269115e-07,0.8310000000000001,0.0,114.99000000000001,2023-01-30,providence ri/new bedford ma smm food,0,85.26142483069577,83.24830635780522,0.0,1.330135897512024,0.0,0.0,0.00012168447877100773,0.6828608908997627,0.0,85.26142483069577 +0.67,0.878,0.0,0.0,2.2239686556605507e-06,0.846,0.0,157.32,2023-01-30,raleigh/durham/fayetteville smm food,0,128.74781120442154,125.33017277610136,1.2944768607125354,1.4277008777696296,0.0,0.0,0.00027379007723476735,0.6951868997607691,0.0,128.74781120442154 +0.0,0.981,0.0,0.0,9.513643693659024e-06,0.0,0.0,383.88,2023-01-30,rem us east north central smm food,0,308.05003134244487,306.4536727021249,0.0,1.5951874272118527,0.0,0.0,0.0011712131081709494,0.0,0.0,308.0500313424449 +0.6880000000000001,0.8290000000000001,0.594,0.0,4.4479373113211014e-06,0.516,0.625,157.52,2023-01-30,rem us middle atlantic smm food,0,135.41904949673264,130.80002326169728,1.3292538510003349,1.3480228105592518,0.622470960203473,0.0,0.0005475801544695347,0.42401470481862513,0.894716328299212,135.41904949673264 +0.0,0.9520000000000001,0.722,0.6970000000000001,8.895874622642203e-06,0.0,0.611,230.88,2023-01-30,rem us mountain smm food,0,178.60325980196367,173.95751153106124,0.0,1.5480310200873433,0.7566061166109554,1.4653412913498824,0.0010951603089390694,0.0,0.8746746825453096,178.60325980196367 +0.631,0.0,0.925,0.581,3.3359529834908265e-06,0.0,0.0,145.69,2023-01-30,rem us new england smm food,0,151.63197223974203,148.221630613054,1.21912671508897,0.0,0.9693360912259472,1.221468135257219,0.0004106851158521511,0.0,0.0,151.631972239742 +0.884,0.5760000000000001,0.0,0.0,1.0749181835692662e-05,0.781,0.0,105.88,2023-01-30,rem us pacific smm food,0,108.40130216002264,105.11364420201244,1.707936634134151,0.9366238104730145,0.0,0.0,0.001323318706634709,0.6417741946964075,0.0,108.40130216002265 +0.0,0.0,0.903,0.0,1.3714473376573398e-05,0.598,0.764,287.15,2023-01-30,rem us south atlantic smm food,0,286.21329846648104,283.6802303568146,0.0,0.0,0.9462816112184111,0.0,0.0016883721429477323,0.49139688659212755,1.0937012397129566,286.21329846648104 +0.0,0.0,0.941,0.0,2.8788038709383798e-05,0.538,0.787,440.95,2023-01-30,rem us south central smm food,0,401.98969605920996,399.4313293612464,0.0,0.0,0.9861029857768824,0.0,0.0035440604442056,0.44209285114810143,1.1266268005943678,401.98969605920996 +0.0,0.0,0.0,0.672,1.1490504720912845e-05,0.874,0.783,120.87,2023-01-30,rem us west north central smm food,0,129.207821551824,125.95452848252805,0.0,0.0,0.0,1.4127824215023257,0.0014145820657129647,0.718195449634648,1.1209006160932529,129.207821551824 +0.59,0.0,0.835,0.662,2.471076284067279e-06,0.0,0.0,73.58,2023-01-30,richmond/petersburg smm food,0,89.47509169164007,86.06809383806947,1.1399124594334267,0.0,0.875022309376936,1.3917588735633029,0.00030421119692751935,0.0,0.0,89.47509169164006 +0.923,0.0,0.0,0.0,4.69504493972783e-06,0.584,0.786,74.58,2023-01-30,sacramento/stockton/modesto smm food,0,74.97603429512625,71.58708164797008,1.7832867797577168,0.0,0.0,0.0,0.0005780012741622867,0.4798926116551881,1.125195254469089,74.97603429512624 +0.872,0.9700000000000001,0.622,0.0,9.637197507862386e-06,0.0,0.0,72.2,2023-01-30,salt lake city smm food,0,87.63986100959372,83.72480907215119,1.684751973942285,1.577300514164625,0.6518130256676098,0.0,0.0011864236680173253,0.0,0.0,87.63986100959373 +0.722,0.715,0.0,0.0,2.8417377266773707e-06,0.868,0.0,118.95,2023-01-30,san diego smm food,0,81.98552090929675,78.71431295071628,1.394943721543956,1.1626493480698008,0.0,0.0,0.00034984287646664725,0.7132650460902454,0.0,81.98552090929675 +0.0,0.0,0.68,0.0,3.830168240304282e-06,0.8260000000000001,0.602,118.88,2023-01-30,san francisco/oakland/san jose smm food,0,91.12952058188671,88.87591304741949,0.0,0.0,0.7125930184147504,0.0,0.000471527355237655,0.6787522212794271,0.8617907674178009,91.12952058188671 +0.0,0.68,0.0,0.9910000000000001,6.5483521527782885e-06,0.0,0.911,117.18,2023-01-30,seattle/tacoma smm food,0,93.23887122928122,88.74475650580376,0.0,1.1057364429195309,0.0,2.08343360075715,0.0008061596718579261,0.0,1.3041385201289315,93.23887122928123 +0.0,0.964,0.729,0.981,4.69504493972783e-06,0.5760000000000001,0.0,90.77,2023-01-30,st. louis smm food,0,92.57188597383245,87.70409353036166,0.0,1.5675440161388643,0.7639416329769897,2.062410052818127,0.0005780012741622867,0.47331874026265136,0.0,92.57188597383245 +0.0,0.707,0.716,0.744,3.45950679769419e-06,0.982,0.0,175.02,2023-01-30,tampa/ft. myers smm food,0,177.52668341172634,173.25520362076367,0.0,1.1496406840354534,0.7503185311543548,1.564151966663289,0.00042589567569852705,0.8069427134338951,0.0,177.52668341172637 +0.5720000000000001,0.875,0.0,0.0,4.942152568134558e-07,0.996,0.0,72.61,2023-01-30,tucson/sierra vista smm food,0,66.66871257293278,63.32224664442017,1.1051354691456274,1.4228226287567494,0.0,0.0,6.084223938550386e-05,0.8184469883708346,0.0,66.66871257293276 +0.671,0.0,0.981,0.0,1.223182760613303e-05,0.641,0.588,213.45,2023-01-30,washington dc/hagerstown smm food,0,176.7157917339582,173.02137618365978,1.2964089157285243,0.0,1.0280202221542207,0.0,0.0015058454247912207,0.526731445327013,0.8417491216638986,176.71579173395824 +0.5670000000000001,0.764,0.0,0.8240000000000001,1.2355381420336394e-06,0.774,0.0,69.89,2023-01-30,yakima/pasco/richland/kennewick smm food,0,58.22325948925709,53.51694236690935,1.095475194065683,1.2423274152801789,0.0,1.7323403501754708,0.00015210559846375968,0.6360220572279377,0.0,58.22325948925708 +0.801,0.884,0.933,0.0,0.00023837608035697617,0.679,0.538,109.46,2023-02-06,albany/schenectady/troy smm food,0,87.6770967622046,82.35686844083078,1.547576067807076,1.4374573757953901,0.9777195385014148,0.0,0.029346189428408546,0.5579573344415629,0.7701718153999617,87.6770967622046 +0.851,0.9339999999999999,0.0,0.545,0.0005834285238971368,0.0,0.541,70.44,2023-02-06,albuquerque/santa fe smm food,0,75.94714469901014,70.79212936171284,1.6441788186065187,1.5187615260100615,0.0,1.1457833626767373,0.0718251762281781,0.0,0.7744664537757979,75.94714469901014 +0.557,0.687,0.6920000000000001,0.505,0.001053711406899401,0.757,0.0,199.03,2023-02-06,atlanta smm food,0,169.9794355788774,165.2475308400832,1.0761546439057945,1.117119023949585,0.7251681893279519,1.0616891709206464,0.12972113017143896,0.622052580518797,0.0,169.9794355788774 +0.0,0.781,0.0,0.0,0.00042105410127107586,0.627,0.0,131.79,2023-02-06,baltimore smm food,0,107.11739464543732,105.28036119021601,0.0,1.269970826353167,0.0,0.0,0.051835458478070806,0.5152271703900736,0.0,107.11739464543733 +0.0,0.848,0.8,0.9339999999999999,0.00035827640827434666,0.25,0.89,82.19,2023-02-06,baton rouge smm food,0,56.33272090166926,50.62824190344196,0.0,1.3789183876408266,0.8383447275467651,1.9635993775047202,0.04410697302012718,0.20543348101677575,1.2740760514980778,56.332720901669255 +0.0,0.641,0.0,0.664,0.0009162849704372832,0.0,0.679,57.36999999999999,2023-02-06,birmingham/anniston/tuscaloosa smm food,0,65.79862224018791,62.27551690355495,0.0,1.0423192057520871,0.0,1.3959635831511075,0.11280272866551187,0.0,0.9720198190642639,65.79862224018792 +0.0,0.737,0.6900000000000001,0.9840000000000001,0.000779648042847925,0.0,0.864,211.75,2023-02-06,boston/manchester smm food,0,188.66734135990743,183.34429136615643,0.0,1.1984231741642564,0.7230723275090849,2.068717117199834,0.09598152263700316,0.0,1.2368558522408306,188.66734135990743 +0.604,0.7010000000000001,0.0,0.978,0.00041686068481701366,0.548,0.717,63.72,2023-02-06,buffalo smm food,0,69.85418968617732,63.96319330778341,1.1669612296572707,1.1398841860096929,0.0,2.0561029884364204,0.0513192120768848,0.45031019038877246,1.026418571824856,69.8541896861773 +0.79,0.0,0.508,0.9570000000000001,0.0007905850264812069,0.0,0.7020000000000001,97.7,2023-02-06,charlotte smm food,0,132.27378450983292,127.1008852661048,1.5263234626311986,0.0,0.5323489019921959,2.0119535377644726,0.09732796139460437,0.0,1.004945379945675,132.27378450983295 +0.8240000000000001,0.0,0.0,0.85,0.0013154786953613578,0.0,0.915,184.21,2023-02-06,chicago smm food,0,181.97368229326278,177.12285569785104,1.5920133331748196,0.0,0.0,1.7870015748169297,0.16194698278996336,0.0,1.3098647046300465,181.97368229326278 +0.0,0.0,0.0,0.711,0.0006661280338960163,0.551,0.0,165.39,2023-02-06,cleveland/akron/canton smm food,0,133.12063051322016,131.09107465023894,0.0,0.0,0.0,1.494774258464514,0.08200621235575138,0.4527753921609738,0.0,133.12063051322016 +0.0,0.0,0.0,0.0,0.0005288893992314879,0.657,0.0,115.88999999999999,2023-02-06,columbus oh smm food,0,104.52572480865774,103.92073468964487,0.0,0.0,0.0,0.0,0.06511093090079083,0.5398791881120867,0.0,104.52572480865776 +0.631,0.745,0.0,0.0,0.0014023320845937546,0.0,0.0,173.46,2023-02-06,dallas/ft. worth smm food,0,107.88035513254566,105.27715718131851,1.21912671508897,1.2114318381986038,0.0,0.0,0.17263939793957184,0.0,0.0,107.88035513254566 +0.0,0.52,0.896,0.0,0.00029150916261699075,0.0,0.873,85.28,2023-02-06,des moines/ames smm food,0,65.47843372682385,62.408297363785806,0.0,0.8455631622325824,0.9389460948523769,0.0,0.035887338584744057,0.0,1.2497397673683392,65.47843372682385 +0.0,0.52,0.978,0.762,0.000813690825275378,0.0,0.2485,150.08,2023-02-06,detroit smm food,0,164.25126869787567,160.32292305294044,0.0,0.8455631622325824,1.0248764294259203,1.6019943529535299,0.10017248819147515,0.0,0.3557392121317667,164.2512686978757 +0.0,0.586,0.752,0.0,0.00048080349028168057,0.643,0.996,86.79,2023-02-06,grand rapids smm food,0,113.76988098007942,110.01556630860257,0.0,0.9528846405159487,0.7880440438939592,0.0,0.05919113311417975,0.5283749131751473,1.4258199407776242,113.76988098007944 +0.0,0.0,0.711,0.0,0.0005749984471540412,0.87,0.0,107.89,2023-02-06,greensboro smm food,0,85.10001800614722,83.56924325587181,0.0,0.0,0.7450788766071874,0.0,0.07078735972985986,0.7149085139383796,0.0,85.10001800614724 +0.0,0.0,0.0,0.0,0.00041252641701475967,0.0,0.965,65.04,2023-02-06,harrisburg/lancaster smm food,0,86.45733533114132,85.02510769460987,0.0,0.0,0.0,0.0,0.050785625637473936,0.0,1.3814420108939833,86.45733533114132 +0.5060000000000001,0.0,0.595,0.881,0.0004333118751781916,0.577,0.0,90.49,2023-02-06,hartford/new haven smm food,0,116.59152851599866,112.61073024106035,0.9776198380903628,0.0,0.6235188911129065,1.8521745734279,0.05334449812042977,0.4741404741867184,0.0,116.59152851599868 +0.931,0.0,0.0,0.0,0.0012704890449954868,0.0,0.0,230.82,2023-02-06,houston smm food,0,169.6015935695327,167.64644198801398,1.7987432198856277,0.0,0.0,0.0,0.15640836163310248,0.0,0.0,169.6015935695327 +0.0,0.8,0.0,0.525,0.0007895867116624437,0.5060000000000001,0.985,98.29,2023-02-06,indianapolis smm food,0,93.34891300508652,89.02123497580452,0.0,1.3008664034347424,0.0,1.1037362667986919,0.09720506007104565,0.4157973655779542,1.410072933399558,93.34891300508652 +0.0,0.776,0.0,0.0,0.00041647890353112526,0.6890000000000001,0.845,42.79,2023-02-06,jacksonville smm food,0,89.38883376236706,86.29988999004563,0.0,1.2618404113316999,0.0,0.0,0.051272211446959495,0.5661746736822341,1.2096564758605346,89.38883376236706 +0.0,0.0,0.0,0.597,0.000522033398081343,0.0,0.0,56.83,2023-02-06,kansas city smm food,0,81.81307322050559,80.49370051161102,0.0,0.0,0.0,1.2551058119596552,0.0642668969349154,0.0,0.0,81.8130732205056 +0.552,0.0,0.595,0.9570000000000001,0.0005512439908353025,0.9350000000000002,0.9460000000000001,91.2,2023-02-06,knoxville smm food,0,75.29541201516085,69.4030183864474,1.0664943688258501,0.0,0.6235188911129065,2.0119535377644726,0.06786297749379562,0.7683212190027414,1.3542426345136873,75.29541201516085 +0.0,0.0,0.894,0.789,0.000260813453016307,0.6930000000000001,0.0,94.15,2023-02-06,las vegas smm food,0,76.27316266881971,73.0759844669223,0.0,0.0,0.93685023303351,1.6587579323888912,0.03210842709651041,0.5694616093785024,0.0,76.27316266881972 +0.6940000000000001,0.888,0.0,0.771,0.0007260837577763407,0.798,0.0,74.91,2023-02-06,little rock/pine bluff smm food,0,62.85442555103211,57.70357115599228,1.3408461810962682,1.443961707812564,0.0,1.6209155460986504,0.08938728862680378,0.6557436714055482,0.0,62.854425551032115 +0.0,0.0,0.0,0.0,0.0014677007010743285,0.0,0.735,180.34,2023-02-06,los angeles smm food,0,155.20944944560108,153.9765761946837,0.0,0.0,0.0,0.0,0.18068684883749397,0.0,1.0521864020798732,155.20944944560108 +0.874,0.635,0.736,0.9590000000000001,0.0001989908310033698,0.0,0.664,89.39,2023-02-06,madison wi smm food,0,58.902843613018725,52.419185278171575,1.6886160839742625,1.0325627077263266,0.7712771493430238,2.016158247352277,0.024497519266179275,0.0,0.9505466271850829,58.90284361301873 +0.0,0.0,0.638,0.0,0.0003684745400986923,0.8310000000000001,0.96,148.34,2023-02-06,miami/west palm beach smm food,0,186.89290188009903,184.12181433608328,0.0,0.0,0.6685799202185452,0.0,0.04536245262984705,0.6828608908997627,1.3742842802675894,186.89290188009903 +0.675,0.0,0.854,0.0,0.0005101771740703883,0.651,0.0,61.71,2023-02-06,milwaukee smm food,0,70.94999868865408,68.15317248002567,1.3041371357924798,0.0,0.8949329966561717,0.0,0.06280729161205717,0.534948784567684,0.0,70.94999868865406 +0.0,0.0,0.917,0.868,0.0006741281433656841,0.603,0.0,61.61,2023-02-06,minneapolis/st. paul smm food,0,89.11501570725709,85.75072244988117,0.0,0.0,0.9609526439504795,1.8248439611071705,0.08299109610580423,0.4955055562124631,0.0,89.11501570725709 +0.662,0.876,0.0,0.0,0.0005758608527771808,0.0,0.0,51.77,2023-02-06,mobile/pensacola smm food,0,70.24079753798775,67.46643487620449,1.2790204205846245,1.4244487117610427,0.0,0.0,0.07089352943758757,0.0,0.0,70.24079753798775 +0.611,0.855,0.0,0.9210000000000002,0.0008606425102107982,0.787,0.0,139.52,2023-02-06,nashville smm food,0,100.73188053863899,95.47216793873541,1.1804856147691927,1.3903009686708807,0.0,1.9362687651839912,0.10595265303869644,0.6467045982408101,0.0,100.73188053863898 +0.519,0.0,0.972,0.0,0.0006771057902879852,0.0,0.807,77.35,2023-02-06,new orleans smm food,0,62.809558107252855,59.54961731628727,1.0027365532982178,0.0,1.0185888439693196,0.0,0.0833576705981019,0.0,1.1552577230999426,62.80955810725285 +0.49900000000000005,0.0,0.0,0.8140000000000001,0.002087561538165611,0.887,0.852,322.84,2023-02-06,new york smm food,0,295.04273029218734,290.1617655847399,0.9640954529784407,0.0,0.0,1.711316802236448,0.25699716284757296,0.7288779906475203,1.2196772987374858,295.04273029218734 +0.557,0.0,0.0,0.546,0.0004813063543054883,0.659,0.0,135.95,2023-02-06,norfolk/portsmouth/newport news smm food,0,105.13475530601428,102.30993924858487,1.0761546439057945,0.0,0.0,1.1478857174706396,0.059253040092754505,0.5415226559602209,0.0,105.13475530601428 +0.585,0.6960000000000001,0.0,0.88,0.0006154993874499039,0.0,0.0,29.480000000000004,2023-02-06,oklahoma city smm food,0,57.79709567519477,53.609244119971564,1.1302521843534823,1.131753770988226,0.0,1.8500722186339977,0.07577338124750191,0.0,0.0,57.79709567519477 +0.0,0.588,0.895,0.0,0.00023866396074407004,0.0,0.0,25.49,2023-02-06,omaha smm food,0,62.79964645051928,60.87622985001895,0.0,0.9561368065245355,0.9378981639429435,0.0,0.029381630032850607,0.0,0.0,62.79964645051928 +0.0,0.796,0.0,0.0,0.0004990832770930682,0.62,0.664,103.69,2023-02-06,orlando/daytona beach/melborne smm food,0,135.43120743382983,132.61538216686213,0.0,1.2943620714175685,0.0,0.0,0.061441535443451066,0.5094750329216039,0.9505466271850829,135.43120743382983 +0.794,0.0,0.0,0.7010000000000001,0.000539951172217115,0.0,0.974,52.35,2023-02-06,paducah ky/cape girardeau mo smm food,0,60.02785918440032,55.55925813283435,1.534051682695154,0.0,0.0,1.4737507105254914,0.06647273232383687,0.0,1.394325926021492,60.02785918440033 +0.776,0.8270000000000001,0.0,0.6920000000000001,0.0012073382194798636,0.0,0.0,209.92,2023-02-06,philadelphia smm food,0,204.18525643245772,199.7377476378349,1.4992746924073543,1.3447706445506649,0.0,1.4548295173803711,0.1486339402844228,0.0,0.0,204.18525643245772 +0.0,0.0,0.517,0.0,0.0005710051878789885,0.8290000000000001,0.861,162.07,2023-02-06,phoenix/prescott smm food,0,119.50881579099656,116.98296111946722,0.0,0.0,0.5417802801770969,0.0,0.070295754435625,0.6812174230516285,1.2325612138649944,119.50881579099656 +0.842,0.937,0.508,0.752,0.0005736615948843608,0.0,0.0,97.75,2023-02-06,pittsburgh smm food,0,109.88660493580896,104.55223234884438,1.626790323462619,1.523639775022942,0.5323489019921959,1.5809708050145073,0.07062278147232208,0.0,0.0,109.88660493580898 +0.85,0.0,0.747,0.9350000000000002,0.00043304376340137026,0.6970000000000001,0.0,84.26,2023-02-06,portland or smm food,0,91.91312240075248,86.8963094792362,1.64224676359053,0.0,0.7828043893467919,1.965701732298623,0.053311491205563125,0.5727485450747708,0.0,91.91312240075247 +0.981,0.0,0.9969999999999999,0.0,0.0003163768388017018,0.583,0.796,124.4,2023-02-06,providence ri/new bedford ma smm food,0,87.84596980661347,83.24830635780522,1.8953459706850704,0.0,1.044787116705156,0.0,0.03894876796502415,0.479070877731121,1.1395107157218765,87.84596980661347 +0.0,0.684,0.841,0.648,0.0009623112373043204,0.0,0.0,116.19,2023-02-06,raleigh/durham/fayetteville smm food,0,128.80451831873978,125.33017277610136,0.0,1.1122407749367047,0.8813098948335367,1.3623259064486712,0.11846896641948386,0.0,0.0,128.80451831873975 +0.721,0.0,0.0,0.0,0.004750173416087229,0.548,0.0,357.0,2023-02-06,rem us east north central smm food,0,308.8817826329017,306.4536727021249,1.393011666527967,0.0,0.0,0.0,0.5847880738601412,0.45031019038877246,0.0,308.8817826329018 +0.915,0.993,0.0,0.88,0.0014746481320469837,0.0,0.0,140.0,2023-02-06,rem us middle atlantic smm food,0,136.21416838184211,130.80002326169728,1.7678303396298058,1.6147004232633737,0.0,1.8500722186339977,0.1815421386176557,0.0,0.0,136.21416838184211 +0.0,0.915,0.0,0.8240000000000001,0.0020322946815343043,0.0,0.5750000000000001,209.85,2023-02-06,rem us mountain smm food,0,178.2510501795232,173.95751153106124,0.0,1.4878659489284864,0.0,1.7323403501754708,0.2501933273226905,0.0,0.8231390220352751,178.25105017952316 +0.6920000000000001,0.0,0.549,0.0,0.000678458704553512,0.771,0.746,179.32,2023-02-06,rem us new england smm food,0,151.91894124453938,148.221630613054,1.3369820710642903,0.0,0.5753140692789676,0.0,0.0835242262284197,0.6335568554557365,1.0679334094579394,151.91894124453935 +0.916,0.0,0.0,0.521,0.0023501195710384695,0.9280000000000002,0.0,121.10999999999999,2023-02-06,rem us pacific smm food,0,109.0306228888647,105.11364420201244,1.7697623946457948,0.0,0.0,1.0953268476230829,0.2893203630491142,0.7625690815342717,0.0,109.0306228888647 +0.509,0.0,0.549,0.0,0.006713861135670689,0.863,0.762,270.34,2023-02-06,rem us south atlantic smm food,0,287.8654902346755,283.6802303568146,0.9834160031383291,0.0,0.5753140692789676,0.0,0.826535281511336,0.7091563764699099,1.0908381474623992,287.8654902346755 +0.961,0.0,0.0,0.527,0.013317711190712844,0.0,0.0,517.11,2023-02-06,rem us south central smm food,0,404.0355024406393,399.4313293612464,1.8567048703652933,0.0,0.0,1.1079409763864965,1.6395272326410575,0.0,0.0,404.0355024406393 +0.8210000000000001,0.687,0.88,0.9829999999999999,0.003819037277182701,0.0,0.0,155.22,2023-02-06,rem us west north central smm food,0,132.11681567321295,125.95452848252805,1.586217168126853,1.117119023949585,0.9221792003014416,2.0666147624059312,0.4701570359010949,0.0,0.0,132.11681567321295 +0.673,0.514,0.0,0.0,0.00038170344698544643,0.837,0.0,107.82,2023-02-06,richmond/petersburg smm food,0,88.93895586975356,86.06809383806947,1.300273025760502,0.8358066642068219,0.0,0.0,0.046991047272598514,0.6877912944441652,0.0,88.93895586975356 +0.885,0.9450000000000001,0.0,0.0,0.0005509388129142202,0.732,0.656,57.8,2023-02-06,sacramento/stockton/modesto smm food,0,76.44202767418847,71.58708164797008,1.70986868915014,1.5366484390572894,0.0,0.0,0.06782540741097508,0.6015092324171194,0.939094258182853,76.44202767418845 +0.0,0.0,0.0,0.0,0.0004396897230673692,0.0,0.9070000000000001,74.65,2023-02-06,salt lake city smm food,0,85.0773510749987,83.72480907215119,0.0,0.0,0.0,0.0,0.05412966721969969,0.0,1.2984123356278165,85.0773510749987 +0.796,0.838,0.8190000000000001,0.0,0.00027970730228428546,0.77,0.89,111.63,2023-02-06,san diego smm food,0,84.41438731480525,78.71431295071628,1.5379157927271316,1.3626575575978925,0.8582554148260008,0.0,0.034434425908218234,0.6327351215316693,1.2740760514980778,84.41438731480527 +0.8320000000000001,0.0,0.0,0.973,0.0006107746895947673,0.0,0.868,129.43,2023-02-06,san francisco/oakland/san jose smm food,0,93.84674780137004,88.87591304741949,1.6074697733027306,0.0,0.0,2.045591214466909,0.07519172943897649,0.0,1.2425820367419456,93.84674780137004 +0.719,0.679,0.9470000000000001,0.0,0.0005351263957724736,0.0,0.781,93.71,2023-02-06,seattle/tacoma smm food,0,93.41432127725301,88.74475650580376,1.3891475564959894,1.1041103599152375,0.9923905712334832,0.0,0.06587875996183587,0.0,1.1180375238426954,93.41432127725301 +0.0,0.616,0.0,0.852,0.0006610771539713829,0.551,0.0,106.33,2023-02-06,st. louis smm food,0,91.03112674224136,87.70409353036166,0.0,1.0016671306447515,0.0,1.791206284404734,0.08138440466923154,0.4527753921609738,0.0,91.03112674224136 +0.0,0.785,0.755,0.0,0.00058693003899166,0.0,0.0,147.58,2023-02-06,tampa/ft. myers smm food,0,175.39512285925048,173.25520362076367,0.0,1.2764751583703409,0.7911878366222596,0.0,0.07225624349422438,0.0,0.0,175.39512285925048 +0.885,0.0,0.8300000000000001,0.967,0.00015698871186493624,0.5750000000000001,0.0,86.37,2023-02-06,tucson/sierra vista smm food,0,68.42669876988856,63.32224664442017,1.70986868915014,0.0,0.8697826548297688,2.0329770857034952,0.019326689446403766,0.47249700633858427,0.0,68.42669876988856 +0.0,0.0,0.0,0.0,0.0009089607003313077,0.721,0.676,167.3,2023-02-06,washington dc/hagerstown smm food,0,174.6934725702784,173.02137618365978,0.0,0.0,0.0,0.0,0.1119010466778187,0.5924701592523812,0.9677251806884277,174.6934725702784 +0.964,0.659,0.0,0.931,0.00022690657978447783,0.651,0.9280000000000002,73.69,2023-02-06,yakima/pasco/richland/kennewick smm food,0,60.299682197259216,53.51694236690935,1.8625010354132598,1.0715886998293689,0.0,1.9572923131230138,0.027934193157869457,0.534948784567684,1.3284748042586703,60.299682197259216 +0.0,0.896,0.0,0.811,0.0017879015304256242,0.0,0.0,97.08,2023-02-13,albany/schenectady/troy smm food,0,85.7389549341622,82.35686844083078,0.0,1.4569703718469114,0.0,1.7050097378547413,0.22010638362976342,0.0,0.0,85.7389549341622 +0.0,0.723,0.0,0.551,0.0030615201935348824,0.0,0.0,72.15,2023-02-13,albuquerque/santa fe smm food,0,73.50308489400092,70.79212936171284,0.0,1.1756580121041482,0.0,1.158397491440151,0.37690002874377465,0.0,0.0,73.5030848940009 +0.0,0.0,0.0,0.0,0.008492389873750845,0.763,0.9400000000000001,267.16,2023-02-13,atlanta smm food,0,168.26565497397957,165.2475308400832,0.0,0.0,0.0,0.0,1.0454877920711534,0.6269829840631996,1.345653357762015,168.26565497397957 +0.842,0.706,0.0,0.0,0.0037828261253159794,0.0,0.8300000000000001,98.11,2023-02-13,baltimore smm food,0,109.70904852371247,105.28036119021601,1.626790323462619,1.14801460103116,0.0,0.0,0.4656991250213191,0.0,1.1881832839813535,109.70904852371247 +0.71,0.748,0.0,0.0,0.0020433243305282385,0.0,0.0,52.24,2023-02-13,baton rouge smm food,0,53.46786222600571,50.62824190344196,1.3717590613520896,1.216310087211484,0.0,0.0,0.25155117400017646,0.0,0.0,53.467862226005714 +0.531,0.0,0.0,0.0,0.00404496654629683,0.617,0.0,64.43,2023-02-13,birmingham/anniston/tuscaloosa smm food,0,64.306418861725,62.27551690355495,1.0259212134900841,0.0,0.0,0.0,0.4979709135305796,0.5070098311494026,0.0,64.30641886172502 +0.0,0.0,0.0,0.9899999999999999,0.007069206847472132,0.0,0.6980000000000001,189.92,2023-02-13,boston/manchester smm food,0,187.29512326761613,183.34429136615643,0.0,0.0,0.0,2.081331245963247,0.8702814600519072,0.0,0.9992191954445601,187.29512326761613 +0.654,0.0,0.0,0.731,0.002456946669874982,0.6940000000000001,0.0,73.32,2023-02-13,buffalo smm food,0,67.63633370318874,63.96319330778341,1.2635639804567136,0.0,0.0,1.5368213543425595,0.30247171730348776,0.5702833433025696,0.0,67.63633370318874 +0.71,0.503,0.0,0.0,0.0056145929663982234,0.726,0.801,136.26,2023-02-13,charlotte smm food,0,131.7250170675508,127.1008852661048,1.3717590613520896,0.8179197511595941,0.0,0.0,0.6912057137133414,0.5965788288727167,1.1466684463482701,131.72501706755082 +0.0,0.0,0.9430000000000001,0.847,0.011878838065568446,0.885,0.686,170.35,2023-02-13,chicago smm food,0,183.06341353224954,177.12285569785104,0.0,0.0,0.9881988475957494,1.7806945104352228,1.46238931162692,0.7272345227993862,0.9820406419412151,183.06341353224954 +0.0,0.0,0.0,0.75,0.004693206458972484,0.512,0.0,168.66,2023-02-13,cleveland/akron/canton smm food,0,133.66634345581977,131.09107465023894,0.0,0.0,0.0,1.5767660954267027,0.5777749410317727,0.42072776912235677,0.0,133.66634345581977 +0.605,0.0,0.676,0.0,0.0035505684298383533,0.0,0.0,135.04,2023-02-13,columbus oh smm food,0,106.23513543161165,103.92073468964487,1.1688932846732596,0.0,0.7084012947770165,0.0,0.437106162516503,0.0,0.0,106.23513543161165 +0.0,0.802,0.76,0.0,0.01226684028600198,0.857,0.528,169.9,2023-02-13,dallas/ft. worth smm food,0,110.34794136224444,105.27715718131851,0.0,1.304118569443329,0.7964274911694268,0.0,1.5101557932404868,0.7042259729255073,0.7558563541471743,110.34794136224444 +0.613,0.0,0.0,0.804,0.001956841602738452,0.0,0.661,37.92,2023-02-13,des moines/ames smm food,0,66.47009672222376,62.408297363785806,1.1843497248011703,0.0,0.0,1.6902932542974254,0.24090439053010718,0.0,0.9462519888092467,66.47009672222376 +0.0,0.919,0.0,0.621,0.007042478450845518,0.0,0.971,194.16,2023-02-13,detroit smm food,0,165.3798779081854,160.32292305294044,0.0,1.4943702809456603,0.0,1.3055623270133099,0.8669909596403407,0.0,1.3900312876456558,165.3798779081854 +0.0,0.0,0.0,0.856,0.003333044526704479,0.761,0.5710000000000001,126.08,2023-02-13,grand rapids smm food,0,113.6682614252055,110.01556630860257,0.0,0.0,0.0,1.7996157035803433,0.4103270592733674,0.6253395162150653,0.8174128375341602,113.66826142520551 +0.0,0.0,0.982,0.0,0.0032953062496942037,0.644,0.874,93.98,2023-02-13,greensboro smm food,0,86.78436051540217,83.56924325587181,0.0,0.0,1.029068153063654,0.0,0.4056811458738903,0.5291966470992143,1.251171313493618,86.78436051540218 +0.611,0.0,0.606,0.709,0.002979424861687457,0.75,0.0,96.57,2023-02-13,harrisburg/lancaster smm food,0,89.31430280467661,85.02510769460987,1.1804856147691927,0.0,0.6350461311166745,1.4905695488767094,0.3667933722538501,0.6163004430503273,0.0,89.31430280467663 +0.546,0.497,0.0,0.537,0.003381938477599176,0.64,0.0,118.4,2023-02-13,hartford/new haven smm food,0,116.54501610277394,112.61073024106035,1.054902038729917,0.8081632531338336,0.0,1.128964524325519,0.41634633412137373,0.525909711402946,0.0,116.54501610277394 +0.9829999999999999,0.0,0.0,0.504,0.011276042481294931,0.61,0.507,242.85,2023-02-13,houston smm food,0,173.22047034419782,167.64644198801398,1.899210080717048,0.0,0.0,1.059586816126744,1.3881798801428225,0.5012576936809329,0.7257938855163207,173.22047034419785 +0.961,0.0,0.61,0.902,0.005084743554030376,0.516,0.9199999999999999,128.74,2023-02-13,indianapolis smm food,0,95.7805154618617,89.02123497580452,1.8567048703652933,0.0,0.6392378547544083,1.8963240240998478,0.6259765967625442,0.42401470481862513,1.31702243525644,95.78051546186168 +0.0,0.5660000000000001,0.877,0.0,0.002688958493262343,0.56,0.0,130.34,2023-02-13,jacksonville smm food,0,88.93049378632064,86.29988999004563,0.0,0.9203629804300802,0.9190354075731412,0.0,0.3310344107942095,0.4601709974775777,0.0,88.93049378632064 +0.685,0.0,0.503,0.0,0.004238926265985839,0.0,0.5670000000000001,92.33,2023-02-13,kansas city smm food,0,83.67780315684128,80.49370051161102,1.3234576859523683,0.0,0.5271092474450285,0.0,0.5218490587998144,0.0,0.8116866530330452,83.67780315684128 +0.0,0.0,0.0,0.0,0.002491030225061122,0.731,0.0,65.24,2023-02-13,knoxville smm food,0,70.31037358728315,69.4030183864474,0.0,0.0,0.0,0.0,0.30666770234270907,0.6006874984930523,0.0,70.31037358728317 +0.9619999999999999,0.522,0.0,0.747,0.0028036559700636097,0.0,0.755,84.06,2023-02-13,las vegas smm food,0,78.77986775388598,73.0759844669223,1.8586369253812818,0.8488153282411693,0.0,1.5704590310449957,0.3451546777107972,0.0,1.080817324585448,78.779867753886 +0.8320000000000001,0.9400000000000001,0.5660000000000001,0.0,0.0031958874375573247,0.0,0.717,44.88,2023-02-13,little rock/pine bluff smm food,0,62.85254823668292,57.70357115599228,1.6074697733027306,1.5285180240358223,0.5931288947393364,0.0,0.3934418167879054,0.0,1.026418571824856,62.85254823668293 +0.0,0.0,0.0,0.0,0.018482009810170626,0.783,0.874,188.47,2023-02-13,los angeles smm food,0,158.14646292750496,153.9765761946837,0.0,0.0,0.0,0.0,2.2752977567830848,0.6434176625445417,1.251171313493618,158.14646292750496 +0.0,0.0,0.747,0.647,0.001268738287448225,0.0,0.67,26.61,2023-02-13,madison wi smm food,0,55.677541951109966,52.419185278171575,0.0,0.0,0.7828043893467919,1.360223551654769,0.15619282800007933,0.0,0.9591359039367553,55.67754195110997 +0.0,0.0,0.999,0.0,0.004462180595022466,0.0,0.0,367.26,2023-02-13,miami/west palm beach smm food,0,185.71803094241594,184.12181433608328,0.0,0.0,1.0468829785240228,0.0,0.549333627808625,0.0,0.0,185.71803094241594 +0.0,0.0,0.833,0.762,0.0031285048939052366,0.0,0.685,63.190000000000005,2023-02-13,milwaukee smm food,0,71.9938488101177,68.15317248002567,0.0,0.0,0.8729264475580691,1.6019943529535299,0.38514643376448743,0.0,0.9806090958159364,71.9938488101177 +0.0,0.0,0.0,0.77,0.0050694512984464256,0.71,0.786,103.74,2023-02-13,minneapolis/st. paul smm food,0,89.70225596751301,85.75072244988117,0.0,0.0,0.0,1.618813191304748,0.6240939857703582,0.583431086087643,1.125195254469089,89.70225596751301 +0.0,0.745,0.0,0.0,0.002695130006281801,0.0,0.0,109.16,2023-02-13,mobile/pensacola smm food,0,69.00966089266163,67.46643487620449,0.0,1.2114318381986038,0.0,0.0,0.33179417825853597,0.0,0.0,69.00966089266163 +0.0,0.0,0.0,0.0,0.005241905241235197,0.712,0.0,130.33,2023-02-13,nashville smm food,0,96.70256707366393,95.47216793873541,0.0,0.0,0.0,0.0,0.6453245809927329,0.5850745539357773,0.0,96.70256707366391 +0.662,0.0,0.0,0.0,0.003482009653875049,0.0,0.719,65.8,2023-02-13,new orleans smm food,0,62.28658537591065,59.54961731628727,1.2790204205846245,0.0,0.0,0.0,0.4286659749633475,0.0,1.0292816640754134,62.286585375910654 +0.9520000000000001,0.707,0.0,0.766,0.021650043275853945,0.49499999999999994,0.0,326.46,2023-02-13,new york smm food,0,297.8331952134983,290.1617655847399,1.8393163752213937,1.1496406840354534,0.0,1.610403772129139,2.665310504959223,0.4067582924132159,0.0,297.8331952134983 +0.0,0.8130000000000001,0.0,0.0,0.0029427269077927742,0.0,0.0,102.47,2023-02-13,norfolk/portsmouth/newport news smm food,0,103.9942202628437,102.30993924858487,0.0,1.322005482490557,0.0,0.0,0.36227553176827954,0.0,0.0,103.99422026284371 +0.886,0.0,0.578,0.502,0.0036320422860003356,0.0,0.0,49.06,2023-02-13,oklahoma city smm food,0,57.429267346219575,53.609244119971564,1.711800744166129,0.0,0.6057040656525378,1.0553821065389397,0.4471363098904003,0.0,0.0,57.42926734621957 +0.0,0.0,0.787,0.924,0.0018278575984008501,0.25,0.994,63.44,2023-02-13,omaha smm food,0,65.4969429614311,60.87622985001895,0.0,0.0,0.8247216257241302,1.9425758295656979,0.22502532657848298,0.20543348101677575,1.4229568485270667,65.4969429614311 +0.0,0.941,0.0,0.929,0.004673561402514149,0.557,0.534,290.5,2023-02-13,orlando/daytona beach/melborne smm food,0,137.8961217660579,132.61538216686213,0.0,1.5301441070401154,0.0,1.9530876035352092,0.5753564620161989,0.4577057957053764,0.7644456308988468,137.8961217660579 +0.0,0.0,0.727,0.0,0.0021132706158250468,0.966,0.0,25.7,2023-02-13,paducah ky/cape girardeau mo smm food,0,57.3750610507817,55.55925813283435,0.0,0.0,0.7618457711581228,0.0,0.2601621761404068,0.7937949706488214,0.0,57.3750610507817 +0.0,0.546,0.0,0.6970000000000001,0.011459129465334044,0.0,0.734,259.15,2023-02-13,philadelphia smm food,0,204.55240460162918,199.7377476378349,0.0,0.8878413203442116,0.0,1.4653412913498824,1.4107194961455762,0.0,1.0507548559545945,204.55240460162918 +0.593,0.0,0.9619999999999999,0.0,0.006424888532859293,0.0,0.9630000000000002,188.29,2023-02-13,phoenix/prescott smm food,0,121.30631841318726,116.98296111946722,1.1457086244813932,0.0,1.008109534874985,0.0,0.7909602157202381,0.0,1.378578918643426,121.30631841318726 +0.592,0.0,0.549,0.0,0.003780046164496404,0.809,0.5060000000000001,126.9,2023-02-13,pittsburgh smm food,0,108.12582495897486,104.55223234884438,1.1437765694654043,0.0,0.5753140692789676,0.0,0.46535688742477566,0.6647827445702864,0.7243623393910422,108.12582495897486 +0.0,0.0,0.592,0.0,0.003245455992277572,0.521,0.8220000000000001,102.01,2023-02-13,portland or smm food,0,89.52108300833154,86.8963094792362,0.0,0.0,0.6203750983846061,0.0,0.39954414129267296,0.4281233744389607,1.1767309149791236,89.52108300833156 +0.0,0.0,0.841,0.0,0.002400423270953227,0.539,0.8290000000000001,80.98,2023-02-13,providence ri/new bedford ma smm food,0,86.05479576595197,83.24830635780522,0.0,0.0,0.8813098948335367,0.0,0.29551319038496765,0.4429145850721685,1.1867517378560748,86.05479576595197 +0.9829999999999999,0.9829999999999999,0.0,0.85,0.005316326645682451,0.0,0.871,157.62,2023-02-13,raleigh/durham/fayetteville smm food,0,132.51618720958416,125.33017277610136,1.899210080717048,1.5984395932204394,0.0,1.7870015748169297,0.654486509610599,0.0,1.2468766751177818,132.51618720958416 +0.0,0.982,0.0,0.583,0.026729753247493673,0.55,0.622,332.49,2023-02-13,rem us east north central smm food,0,313.9092018288599,306.4536727021249,0.0,1.596813510216146,0.0,1.2256728448450234,3.290667423513626,0.4519536582369067,0.8904216899233758,313.90920182886 +0.0,0.971,0.0,0.0,0.008781267340125305,0.0,0.0,174.41,2023-02-13,rem us middle atlantic smm food,0,133.46000100459736,130.80002326169728,0.0,1.5789265971689184,0.0,0.0,1.0810511457311698,0.0,0.0,133.46000100459736 +0.772,0.0,0.0,0.666,0.013136867943939666,0.0,0.999,205.3,2023-02-13,rem us mountain smm food,0,179.89660471570213,173.95751153106124,1.491546472343399,0.0,0.0,1.400168292738912,1.617263840405114,0.0,1.4301145791534604,179.89660471570213 +0.514,0.865,0.0,0.9500000000000001,0.0039525557065015655,0.685,0.0,129.19,2023-02-13,rem us new england smm food,0,153.66798780957834,148.221630613054,0.9930762782182734,1.406561798713815,0.0,1.997237054207157,0.48659432739908104,0.5628877379859656,0.0,153.6679878095783 +0.0,0.0,0.881,0.0,0.01526939071509388,0.0,0.0,160.11,2023-02-13,rem us pacific smm food,0,107.91666745920409,105.11364420201244,0.0,0.0,0.9232271312108751,0.0,1.8797961259807832,0.0,0.0,107.91666745920409 +0.6970000000000001,0.9520000000000001,0.0,0.0,0.03086938054854241,0.705,0.6880000000000001,342.45,2023-02-13,rem us south atlantic smm food,0,291.9394217811757,283.6802303568146,1.3466423461442347,1.5480310200873433,0.0,0.0,3.8002919074705064,0.5793224164673075,0.9849037341917726,291.9394217811758 +0.5660000000000001,0.0,0.0,0.0,0.0598943732338817,0.625,0.0,526.01,2023-02-13,rem us south central smm food,0,408.41197967039875,399.4313293612464,1.0935431390496941,0.0,0.0,0.0,7.373523467560683,0.5135837025419394,0.0,408.41197967039875 +0.0,0.841,0.0,0.0,0.02049372166179679,0.0,0.622,171.39,2023-02-13,rem us west north central smm food,0,130.73544313600317,125.95452848252805,0.0,1.3675358066107728,0.0,0.0,2.5229571569409672,0.0,0.8904216899233758,130.73544313600317 +0.0,0.898,0.811,0.0,0.002280461166128755,0.78,0.0,75.69,2023-02-13,richmond/petersburg smm food,0,89.29988560576118,86.06809383806947,0.0,1.4602225378554983,0.8498719675505332,0.0,0.28074480151332587,0.6409524607723404,0.0,89.29988560576118 +0.0,0.543,0.0,0.852,0.005135080613474968,0.804,0.0,60.32,2023-02-13,sacramento/stockton/modesto smm food,0,75.55409860960566,71.58708164797008,0.0,0.8829630713313313,0.0,1.791206284404734,0.6321735309495562,0.6606740749499509,0.0,75.55409860960566 +0.648,0.0,0.712,0.0,0.0034880674973854398,0.0,0.8170000000000001,85.33,2023-02-13,salt lake city smm food,0,87.32189246309393,83.72480907215119,1.2519716503607805,0.0,0.7461268075166209,0.0,0.42941174871261534,0.0,1.16957318435273,87.32189246309393 +0.9590000000000001,0.893,0.0,0.0,0.003366317568869445,0.0,0.0,97.56,2023-02-13,san diego smm food,0,82.43366909692361,78.71431295071628,1.8528407603333157,1.452092122834031,0.0,0.0,0.41442326303999644,0.0,0.0,82.43366909692362 +0.0,0.773,0.0,0.809,0.005674826686360506,0.591,0.638,125.02,2023-02-13,san francisco/oakland/san jose smm food,0,93.93127242880081,88.87591304741949,0.0,1.2569621623188196,0.0,1.7008050282669367,0.6986210137440482,0.48564474912365785,0.9133264279278356,93.93127242880078 +0.716,0.8260000000000001,0.96,0.894,0.004308196711918955,0.678,0.0,98.12,2023-02-13,seattle/tacoma smm food,0,95.44428377729807,88.74475650580376,1.3833513914480229,1.3431445615463715,1.006013673056118,1.8795051857486296,0.5303768591776851,0.5571356005174959,0.0,95.44428377729808 +0.862,0.0,0.931,0.0,0.004693543760885259,0.6960000000000001,0.0,46.85,2023-02-13,st. louis smm food,0,91.49489190783746,87.70409353036166,1.6654314237823962,0.0,0.9756236766825479,0.0,0.5778164658601532,0.5719268111507038,0.0,91.49489190783746 +0.0,0.667,0.975,0.8190000000000001,0.004918919508911757,0.0,0.0,362.35,2023-02-13,tampa/ft. myers smm food,0,177.68892439771247,173.25520362076367,0.0,1.0845973638637163,1.0217326366976198,1.7218285762059595,0.6055622001815262,0.0,0.0,177.6889243977125 +0.0,0.0,0.0,0.0,0.0013788358557467008,0.8300000000000001,0.0,55.14,2023-02-13,tucson/sierra vista smm food,0,64.17403260716944,63.32224664442017,0.0,0.0,0.0,0.0,0.1697468057735865,0.6820391569756955,0.0,64.17403260716945 +0.9570000000000001,0.782,0.725,0.0,0.007276595631226904,0.0,0.0,205.36,2023-02-13,washington dc/hagerstown smm food,0,177.79751249372868,173.02137618365978,1.848976650301338,1.2715969093574606,0.7597499093392558,0.0,0.8958128410708447,0.0,0.0,177.79751249372868 +0.5640000000000001,0.902,0.873,0.507,0.0012515704849646678,0.663,0.772,75.59,2023-02-13,yakima/pasco/richland/kennewick smm food,0,59.858128351324694,53.51694236690935,1.0896790290177165,1.4667268698726719,0.9148436839354074,1.065893880508451,0.1540793207094254,0.5448095916564893,1.1051536087151868,59.858128351324694 +0.888,0.0,0.644,0.505,0.0,0.0,0.6880000000000001,55.27,2023-02-20,albany/schenectady/troy smm food,0,86.79399370581645,82.35686844083078,1.7156648541981065,0.0,0.6748675056751459,1.0616891709206464,0.0,0.0,0.9849037341917726,86.79399370581645 +0.0,0.0,0.0,0.886,1.1119843278302754e-06,0.0,0.896,77.66,2023-02-20,albuquerque/santa fe smm food,0,73.93761793239862,70.79212936171284,0.0,0.0,0.0,1.8626863473974113,0.00013689503861738367,0.0,1.2826653282497502,73.93761793239862 +0.9770000000000001,0.775,0.0,0.0,4.942152568134558e-06,0.524,0.682,181.08,2023-02-20,atlanta smm food,0,169.8028743750768,165.2475308400832,1.8876177506211151,1.2602143283274065,0.0,0.0,0.0006084223938550387,0.430588576211162,0.9763144574401001,169.80287437507684 +0.549,0.736,0.0,0.974,1.2355381420336394e-07,0.0,0.9400000000000001,69.74,2023-02-20,baltimore smm food,0,110.93121862273654,105.28036119021601,1.0606982037778836,1.1967970911599628,0.0,2.047693569260811,1.5210559846375966e-05,0.0,1.345653357762015,110.93121862273654 +0.759,0.0,0.8,0.0,1.2355381420336394e-07,0.0,0.0,87.27,2023-02-20,baton rouge smm food,0,52.93303159868411,50.62824190344196,1.4664297571355438,0.0,0.8383447275467651,0.0,1.5210559846375966e-05,0.0,0.0,52.93303159868412 +0.0,0.792,0.603,0.0,1.3590919562370033e-06,0.0,0.879,62.1,2023-02-20,birmingham/anniston/tuscaloosa smm food,0,65.45377334162205,62.27551690355495,0.0,1.287857739400395,0.6319023383883742,0.0,0.00016731615831013563,0.0,1.2583290441200117,65.45377334162204 +0.666,0.0,0.657,0.892,2.347522469863915e-06,0.634,0.537,197.59,2023-02-20,boston/manchester smm food,0,188.48483966823392,183.34429136615643,1.28674864064858,0.0,0.6884906074977809,1.875300476160825,0.00028900063708114335,0.5209793078585433,0.768740269274683,188.48483966823392 +0.0,0.715,0.582,0.0,1.6061995846437312e-06,0.607,0.5060000000000001,67.84,2023-02-20,buffalo smm food,0,66.95909101372126,63.96319330778341,0.0,1.1626493480698008,0.6098957892902716,0.0,0.00019773727800288758,0.4987924919087315,0.7243623393910422,66.95909101372126 +0.0,0.652,0.0,0.0,2.9652915408807343e-06,0.0,0.0,128.26,2023-02-20,charlotte smm food,0,128.16145643834042,127.1008852661048,0.0,1.060206118799315,0.0,0.0,0.00036505343631302315,0.0,0.0,128.16145643834042 +0.8250000000000001,0.6890000000000001,0.0,0.0,7.289675037998472e-06,0.708,0.0,194.01,2023-02-20,chicago smm food,0,180.41985731727044,177.12285569785104,1.5939453881908086,1.1203711899581719,0.0,0.0,0.000897423030936182,0.5817876182395089,0.0,180.41985731727047 +0.0,0.0,0.769,0.652,4.200829682914374e-06,0.713,0.894,148.17,2023-02-20,cleveland/akron/canton smm food,0,135.13388452811134,131.09107465023894,0.0,0.0,0.8058588693543279,1.3707353256242802,0.0005171590347767829,0.5858962878598444,1.2798022359991927,135.13388452811137 +0.0,0.749,0.72,0.0,6.177690710168197e-07,0.743,0.8270000000000001,101.92,2023-02-20,columbus oh smm food,0,107.68769411863934,103.92073468964487,0.0,1.2179361702157774,0.7545102547920886,0.0,7.605279923187984e-05,0.6105483055818575,1.1838886456055173,107.68769411863934 +0.722,0.747,0.0,0.0,5.930583081761469e-06,0.0,0.0,126.76000000000002,2023-02-20,dallas/ft. worth smm food,0,107.88751501394228,105.27715718131851,1.394943721543956,1.2146840042071905,0.0,0.0,0.0007301068726260463,0.0,0.0,107.88751501394229 +0.965,0.98,0.0,0.679,1.1119843278302754e-06,0.9059999999999999,0.0,79.29,2023-02-20,des moines/ames smm food,0,68.03841853372566,62.408297363785806,1.8644330904292485,1.5935613442075591,0.0,1.4274989050596416,0.00013689503861738367,0.7444909352047953,0.0,68.03841853372566 +0.903,0.84,0.52,0.81,5.189260196541285e-06,0.961,0.644,188.85,2023-02-20,detroit smm food,0,167.3935507611726,160.32292305294044,1.7446456794379395,1.3659097236064792,0.5449240729053973,1.702907383060839,0.0006388435135477905,0.7896863010284859,0.921915704679508,167.39355076117263 +0.0,0.635,0.682,0.498,1.4826457704403671e-06,0.756,0.54,138.94,2023-02-20,grand rapids smm food,0,114.20423886488926,110.01556630860257,0.0,1.0325627077263266,0.7146888802336173,1.0469726873633305,0.00018252671815651157,0.6212308465947298,0.7730349076505192,114.20423886488925 +0.0,0.0,0.918,0.0,3.706614426100918e-07,0.0,0.784,81.14,2023-02-20,greensboro smm food,0,85.65362162462978,83.56924325587181,0.0,0.0,0.962000574859913,0.0,4.5631679539127894e-05,0.0,1.1223321622185316,85.65362162462979 +0.516,0.0,0.0,0.679,1.2355381420336394e-06,0.0,0.0,62.760000000000005,2023-02-20,harrisburg/lancaster smm food,0,87.44969909351822,85.02510769460987,0.9969403882502511,0.0,0.0,1.4274989050596416,0.00015210559846375968,0.0,0.0,87.44969909351823 +0.708,0.912,0.6930000000000001,0.9590000000000001,4.07727586871101e-06,0.0,0.807,95.66,2023-02-20,hartford/new haven smm food,0,119.35974693146062,112.61073024106035,1.367894951320112,1.4829876999156062,0.7262161202373854,2.016158247352277,0.0005019484749304069,0.0,1.1552577230999426,119.3597469314606 +0.0,0.0,0.834,0.623,3.953722054507646e-06,0.975,0.869,228.51,2023-02-20,houston smm food,0,171.87587429983031,167.64644198801398,0.0,0.0,0.8739743784675026,1.3097670366011143,0.0004867379150840309,0.8011905759654254,1.2440135828672243,171.87587429983031 +0.0,0.5690000000000001,0.725,0.735,1.2355381420336394e-06,0.0,0.685,107.47,2023-02-20,indianapolis smm food,0,93.23221808951931,89.02123497580452,0.0,0.9252412294429605,0.7597499093392558,1.5452307735181685,0.00015210559846375968,0.0,0.9806090958159364,93.23221808951931 +0.0,0.9840000000000001,0.975,0.0,9.884305136269115e-07,0.0,0.0,93.95,2023-02-20,jacksonville smm food,0,88.92180998744675,86.29988999004563,0.0,1.6000656762247332,1.0217326366976198,0.0,0.00012168447877100773,0.0,0.0,88.92180998744675 +0.641,0.85,0.805,0.728,9.884305136269115e-07,0.0,0.925,52.56,2023-02-20,kansas city smm food,0,86.81271885292568,80.49370051161102,1.2384472652488585,1.3821705536494135,0.8435843820939324,1.5305142899608526,0.00012168447877100773,0.0,1.3241801658828338,86.81271885292568 +0.8989999999999999,0.0,0.878,0.724,6.177690710168197e-07,0.8190000000000001,0.8150000000000001,55.25,2023-02-20,knoxville smm food,0,75.42191028380157,69.4030183864474,1.7369174593739838,0.0,0.9200833384825747,1.5221048707852436,7.605279923187984e-05,0.6730000838109574,1.1667100921021725,75.42191028380157 +0.8310000000000001,0.732,0.0,0.0,1.3590919562370033e-06,0.0,0.9400000000000001,103.84,2023-02-20,las vegas smm food,0,77.21763561827217,73.0759844669223,1.6055377182867419,1.1902927591427892,0.0,0.0,0.00016731615831013563,0.0,1.345653357762015,77.21763561827217 +0.517,0.709,0.657,0.0,2.471076284067279e-07,0.872,0.918,79.23,2023-02-20,little rock/pine bluff smm food,0,62.57456880271242,57.70357115599228,0.99887244326624,1.1528928500440403,0.6884906074977809,0.0,3.042111969275193e-05,0.7165519817865138,1.3141593430058827,62.57456880271243 +0.5760000000000001,0.0,0.0,0.834,1.0625628021489299e-05,0.796,0.0,175.65,2023-02-20,los angeles smm food,0,157.498212093712,153.9765761946837,1.1128636892095827,0.0,0.0,1.7533638981144932,0.001308108146788333,0.654100203557414,0.0,157.49821209371197 +0.728,0.0,0.0,0.686,1.2355381420336394e-06,0.0,0.526,16.72,2023-02-20,madison wi smm food,0,56.0210820859235,52.419185278171575,1.406536051639889,0.0,0.0,1.4422153886169575,0.00015210559846375968,0.0,0.7529932618966169,56.0210820859235 +0.9540000000000001,0.0,0.955,0.791,2.471076284067279e-06,0.0,0.0,180.1,2023-02-20,miami/west palm beach smm food,0,188.62903569301923,184.12181433608328,1.8431804852533713,0.0,1.0007740185089509,1.6629626419766959,0.00030421119692751935,0.0,0.0,188.62903569301923 +0.0,0.767,0.0,0.763,2.5946300982706425e-06,0.676,0.501,112.41000000000001,2023-02-20,milwaukee smm food,0,72.27749101525694,68.15317248002567,0.0,1.2472056642930591,0.0,1.6040967077474322,0.00031942175677389525,0.5554921326693617,0.7172046087646483,72.27749101525694 +0.738,0.5650000000000001,0.9199999999999999,0.0,4.324383497117738e-06,0.0,0.838,45.9,2023-02-20,minneapolis/st. paul smm food,0,90.25958040836372,85.75072244988117,1.4258566017997778,0.9187368974257868,0.9640964366787798,0.0,0.0005323695946231589,0.0,1.1996356529835834,90.25958040836372 +0.0,0.713,0.0,0.0,2.471076284067279e-07,0.741,0.993,65.2,2023-02-20,mobile/pensacola smm food,0,70.6562926195209,67.46643487620449,0.0,1.159397182061214,0.0,0.0,3.042111969275193e-05,0.6089048377337233,1.421525302401788,70.65629261952091 +0.0,0.0,0.556,0.0,3.0888453550840984e-06,0.833,0.0,112.75,2023-02-20,nashville smm food,0,96.73970214712448,95.47216793873541,0.0,0.0,0.5826495856450018,0.0,0.00038026399615939915,0.6845043587478967,0.0,96.73970214712446 +0.0,0.0,0.626,0.0,3.706614426100918e-07,0.0,0.0,100.27,2023-02-20,new orleans smm food,0,60.20566769727215,59.54961731628727,0.0,0.0,0.6560047493053437,0.0,4.5631679539127894e-05,0.0,0.0,60.20566769727215 +0.0,0.502,0.0,0.541,1.383802719077676e-05,0.778,0.0,295.63,2023-02-20,new york smm food,0,292.7564457720233,290.1617655847399,0.0,0.8162936681553008,0.0,1.1373739435011283,0.0017035827027941082,0.6393089929242062,0.0,292.7564457720233 +0.0,0.502,0.0,0.0,2.100414841457187e-06,0.0,0.843,93.88,2023-02-20,norfolk/portsmouth/newport news smm food,0,104.33328487986753,102.30993924858487,0.0,0.8162936681553008,0.0,0.0,0.00025857951738839145,0.0,1.2067933836099771,104.33328487986753 +0.9759999999999999,0.66,0.706,0.841,3.2123991692874624e-06,0.605,0.801,63.33,2023-02-20,oklahoma city smm food,0,60.720277147107055,53.609244119971564,1.885685695605126,1.0732147828336625,0.7398392220600202,1.7680803816718091,0.00039547455600577515,0.4971490240605973,1.1466684463482701,60.720277147107055 +0.0,0.847,0.882,0.889,1.3590919562370033e-06,0.0,0.0,64.32,2023-02-20,omaha smm food,0,65.0469579447132,60.87622985001895,0.0,1.3772923046365333,0.9242750621203085,1.8689934117791183,0.00016731615831013563,0.0,0.0,65.04695794471323 +0.81,0.54,0.988,0.0,1.4826457704403671e-06,0.974,0.96,109.9,2023-02-20,orlando/daytona beach/melborne smm food,0,138.26862293967892,132.61538216686213,1.5649645629509756,0.8780848223184511,1.0353557385202548,0.0,0.00018252671815651157,0.8003688420413583,1.3742842802675894,138.26862293967892 +0.716,0.53,0.527,0.0,1.2355381420336394e-07,0.0,0.0,51.82,2023-02-20,paducah ky/cape girardeau mo smm food,0,58.35670831638917,55.55925813283435,1.3833513914480229,0.8618239922755168,0.5522595892714315,0.0,1.5210559846375966e-05,0.0,0.0,58.35670831638917 +0.784,0.0,0.0,0.0,5.189260196541285e-06,0.606,0.0,233.49999999999997,2023-02-20,philadelphia smm food,0,201.75108837186838,199.7377476378349,1.5147311325352653,0.0,0.0,0.0,0.0006388435135477905,0.4979707579846644,0.0,201.75108837186838 +0.0,0.0,0.0,0.85,5.436367824948013e-06,0.811,0.0,154.02,2023-02-20,phoenix/prescott smm food,0,119.4370581713358,116.98296111946722,0.0,0.0,0.0,1.7870015748169297,0.0006692646332405425,0.6664262124184206,0.0,119.4370581713358 +0.0,0.0,0.779,0.64,3.3359529834908265e-06,0.893,0.0,98.02,2023-02-20,pittsburgh smm food,0,107.44829667469827,104.55223234884438,0.0,0.0,0.8163381784486625,1.345507068097453,0.0004106851158521511,0.733808394191923,0.0,107.44829667469827 +0.802,0.657,0.0,0.0,3.45950679769419e-06,0.743,0.966,103.96,2023-02-20,portland or smm food,0,91.50800189415686,86.8963094792362,1.5495081228230647,1.0683365338207822,0.0,0.0,0.00042589567569852705,0.6105483055818575,1.382873557019262,91.50800189415686 +0.0,0.0,0.0,0.517,3.706614426100918e-07,0.0,0.0,80.48,2023-02-20,providence ri/new bedford ma smm food,0,84.33526941793224,83.24830635780522,0.0,0.0,0.0,1.0869174284474736,4.5631679539127894e-05,0.0,0.0,84.33526941793224 +0.587,0.714,0.0,0.0,1.1119843278302754e-06,0.0,0.0,116.08000000000001,2023-02-20,raleigh/durham/fayetteville smm food,0,127.62544923059095,125.33017277610136,1.1341162943854601,1.1610232650655075,0.0,0.0,0.00013689503861738367,0.0,0.0,127.62544923059095 +0.0,0.623,0.808,0.603,8.648766994235476e-06,0.0,0.546,360.73,2023-02-20,rem us east north central smm food,0,310.3638594529364,306.4536727021249,0.0,1.0130497116748054,0.8467281748222328,1.2677199407230688,0.0010647391892463177,0.0,0.7816241844021916,310.3638594529364 +0.655,0.0,0.0,0.0,3.5830606118975546e-06,0.0,0.623,115.9,2023-02-20,rem us middle atlantic smm food,0,132.95781363945417,130.80002326169728,1.2654960354727025,0.0,0.0,0.0,0.00044110623554490306,0.0,0.8918532360486545,132.95781363945417 +0.992,0.0,0.9510000000000001,0.5740000000000001,9.513643693659024e-06,0.834,0.0,191.23,2023-02-20,rem us mountain smm food,0,178.76394135927345,173.95751153106124,1.9165985758609478,0.0,0.9965822948712171,1.2067516516999033,0.0011712131081709494,0.6853260926719639,0.0,178.76394135927345 +0.0,0.0,0.9829999999999999,0.0,3.0888453550840984e-06,0.0,0.0,141.82,2023-02-20,rem us new england smm food,0,149.25212696102327,148.221630613054,0.0,0.0,1.0301160839730874,0.0,0.00038026399615939915,0.0,0.0,149.25212696102324 +0.0,0.0,0.925,0.929,6.054136895964833e-06,0.978,0.0,123.34,2023-02-20,rem us pacific smm food,0,108.8404689919437,105.11364420201244,0.0,0.0,0.9693360912259472,1.9530876035352092,0.0007453174324724224,0.8036557777376268,0.0,108.8404689919437 +0.0,0.0,0.0,0.0,9.39008987945566e-06,0.0,0.0,287.35,2023-02-20,rem us south atlantic smm food,0,283.68138635936293,283.6802303568146,0.0,0.0,0.0,0.0,0.0011560025483245734,0.0,0.0,283.68138635936293 +0.0,0.531,0.625,0.0,1.4579350075996944e-05,0.851,0.9380000000000001,427.28,2023-02-20,rem us south central smm food,0,402.99361693587656,399.4313293612464,0.0,0.8634500752798102,0.6549568183959102,0.0,0.001794846061872364,0.6992955693811046,1.3427902655114574,402.99361693587656 +0.0,0.804,0.0,0.0,9.019428436845567e-06,0.916,0.0,111.91,2023-02-20,rem us west north central smm food,0,128.0157178632942,125.95452848252805,0.0,1.307370735451916,0.0,0.0,0.0011103708687854456,0.7527082744454664,0.0,128.0157178632942 +0.9400000000000001,0.0,0.0,0.0,2.2239686556605507e-06,0.0,0.6930000000000001,80.15,2023-02-20,richmond/petersburg smm food,0,88.8765608079944,86.06809383806947,1.8161317150295273,0.0,0.0,0.0,0.00027379007723476735,0.0,0.9920614648181663,88.8765608079944 +0.916,0.677,0.903,0.0,4.200829682914374e-06,0.596,0.0,46.01,2023-02-20,sacramento/stockton/modesto smm food,0,75.8942544255197,71.58708164797008,1.7697623946457948,1.1008581939066506,0.9462816112184111,0.0,0.0005171590347767829,0.48975341874399336,0.0,75.8942544255197 +0.896,0.62,0.0,0.754,9.884305136269115e-06,0.9590000000000001,0.0,91.23,2023-02-20,salt lake city smm food,0,88.8385370217095,83.72480907215119,1.7311212943260175,1.0081714626619251,0.0,1.5851755146023117,0.0012168447877100774,0.7880428331803518,0.0,88.8385370217095 +0.0,0.765,0.0,0.0,2.5946300982706425e-06,0.896,0.595,86.31,2023-02-20,san diego smm food,0,81.54662941126247,78.71431295071628,0.0,1.2439534982844722,0.0,0.0,0.00031942175677389525,0.7362735959641243,0.8517699445408498,81.5466294112625 +0.725,0.0,0.0,0.0,3.0888453550840984e-06,0.0,0.0,89.14,2023-02-20,san francisco/oakland/san jose smm food,0,90.27703319800759,88.87591304741949,1.4007398865919225,0.0,0.0,0.0,0.00038026399615939915,0.0,0.0,90.27703319800757 +0.908,0.0,0.677,0.577,6.795459781185017e-06,0.0,0.0,98.13,2023-02-20,seattle/tacoma smm food,0,92.42240698288126,88.74475650580376,1.7543059545178838,0.0,0.70944922568645,1.2130587160816098,0.0008365807915506782,0.0,0.0,92.42240698288126 +0.9129999999999999,0.0,0.0,0.0,1.3590919562370033e-06,0.0,0.556,64.12,2023-02-20,st. louis smm food,0,90.26416672177278,87.70409353036166,1.763966229597828,0.0,0.0,0.0,0.00016731615831013563,0.0,0.795939645654979,90.26416672177278 +0.0,0.586,0.0,0.0,3.7066144261009183e-06,0.653,0.0,160.12,2023-02-20,tampa/ft. myers smm food,0,174.74513683049082,173.25520362076367,0.0,0.9528846405159487,0.0,0.0,0.000456316795391279,0.5365922524158183,0.0,174.74513683049082 +0.784,0.74,0.773,0.0,7.413228852201836e-07,0.784,0.0,115.64,2023-02-20,tucson/sierra vista smm food,0,67.49466045295233,63.32224664442017,1.5147311325352653,1.2033014231771366,0.8100505929920617,0.0,9.126335907825579e-05,0.6442393964686087,0.0,67.49466045295232 +0.529,0.862,0.0,0.783,7.536782666405199e-06,0.0,0.0,150.52,2023-02-20,washington dc/hagerstown smm food,0,177.0921884845949,173.02137618365978,1.0220571034581063,1.4016835497009348,0.0,1.6461438036254776,0.0009278441506289338,0.0,0.0,177.09218848459494 +0.686,0.0,0.0,0.0,4.942152568134558e-07,0.0,0.0,43.61,2023-02-20,yakima/pasco/richland/kennewick smm food,0,54.84239295011709,53.51694236690935,1.3253897409683573,0.0,0.0,0.0,6.084223938550386e-05,0.0,0.0,54.84239295011709 +0.528,0.0,0.0,0.0,2.471076284067279e-07,0.0,0.61,90.52,2023-02-27,albany/schenectady/troy smm food,0,84.25026704681262,82.35686844083078,1.0201250484421174,0.0,0.0,0.0,3.042111969275193e-05,0.0,0.8732431364200308,84.25026704681262 +0.638,0.24950000000000003,0.0,0.0,4.942152568134558e-07,0.9500000000000001,0.52,90.58,2023-02-27,albuquerque/santa fe smm food,0,73.95560022673301,70.79212936171284,1.232651100200892,0.4057077095712103,0.0,0.0,6.084223938550386e-05,0.7806472278637479,0.7444039851449444,73.95560022673303 +0.0,0.589,0.0,0.5760000000000001,5.683475453354741e-06,0.0,0.0,162.83,2023-02-27,atlanta smm food,0,167.41694977665264,165.2475308400832,0.0,0.9577628895288289,0.0,1.2109563612877077,0.0006996857529332945,0.0,0.0,167.41694977665264 +0.0,0.0,0.6880000000000001,0.0,1.976861027253823e-06,0.0,0.0,142.98,2023-02-27,baltimore smm food,0,106.00158102486377,105.28036119021601,0.0,0.0,0.720976465690218,0.0,0.00024336895754201545,0.0,0.0,106.00158102486377 +0.0,0.853,0.0,0.62,3.706614426100918e-07,0.604,0.514,35.02,2023-02-27,baton rouge smm food,0,54.550938308533006,50.62824190344196,0.0,1.3870488026622938,0.0,1.3034599722194076,4.5631679539127894e-05,0.4963272901365302,0.7358147083932719,54.550938308533006 +0.503,0.596,0.6880000000000001,0.0,1.2355381420336394e-06,0.0,0.0,62.809999999999995,2023-02-27,birmingham/anniston/tuscaloosa smm food,0,64.93761461844491,62.27551690355495,0.9718236730423959,0.9691454705588829,0.720976465690218,0.0,0.00015210559846375968,0.0,0.0,64.93761461844491 +0.867,0.0,0.834,0.0,2.471076284067279e-06,0.0,0.676,158.57,2023-02-27,boston/manchester smm food,0,186.8613868353716,183.34429136615643,1.6750916988623406,0.0,0.8739743784675026,0.0,0.00030421119692751935,0.0,0.9677251806884277,186.86138683537163 +0.0,0.561,0.0,0.0,1.8533072130504591e-06,0.0,0.9590000000000001,70.91,2023-02-27,buffalo smm food,0,66.24850676573203,63.96319330778341,0.0,0.9122325654086131,0.0,0.0,0.0002281583976956395,0.0,1.372852734142311,66.24850676573203 +0.0,0.0,0.0,0.91,2.100414841457187e-06,0.0,0.646,111.75,2023-02-27,charlotte smm food,0,129.9390655050033,127.1008852661048,0.0,0.0,0.0,1.913142862451066,0.00025857951738839145,0.0,0.9247787969300655,129.93906550500333 +0.8,0.0,0.896,0.0,6.177690710168197e-06,0.9700000000000001,0.0,215.38,2023-02-27,chicago smm food,0,180.4052882398319,177.12285569785104,1.545644012791087,0.0,0.9389460948523769,0.0,0.0007605279923187983,0.79708190634509,0.0,180.40528823983192 +0.74,0.0,0.0,0.748,3.3359529834908265e-06,0.0,0.994,135.02,2023-02-27,cleveland/akron/canton smm food,0,135.5167242815525,131.09107465023894,1.4297207118317554,0.0,0.0,1.572561385838898,0.0004106851158521511,0.0,1.4229568485270667,135.5167242815525 +0.527,0.552,0.0,0.0,4.942152568134558e-07,0.965,0.0,122.6,2023-02-27,columbus oh smm food,0,106.62955958040511,103.92073468964487,1.0181929934261287,0.8975978183699722,0.0,0.0,6.084223938550386e-05,0.7929732367247544,0.0,106.62955958040511 +0.0,0.0,0.0,0.967,5.807029267558105e-06,0.682,0.0,133.13,2023-02-27,dallas/ft. worth smm food,0,107.87127169954856,105.27715718131851,0.0,0.0,0.0,2.0329770857034952,0.0007148963127796703,0.5604225362137643,0.0,107.87127169954856 +0.62,0.643,0.634,0.0,1.2355381420336394e-06,0.676,0.547,77.78,2023-02-27,des moines/ames smm food,0,66.65483101083568,62.408297363785806,1.1978741099130925,1.045571371760674,0.6643881965808114,0.0,0.00015210559846375968,0.5554921326693617,0.7830557305274704,66.65483101083568 +0.0,0.751,0.0,0.556,6.91901359538838e-06,0.0,0.0,166.83,2023-02-27,detroit smm food,0,162.71387244592586,160.32292305294044,0.0,1.2211883362243643,0.0,1.1689092654096624,0.0008517913513970541,0.0,0.0,162.71387244592586 +0.885,0.0,0.5690000000000001,0.811,1.4826457704403671e-06,0.915,0.0,154.54,2023-02-27,grand rapids smm food,0,114.77878649031464,110.01556630860257,1.70986868915014,0.0,0.5962726874676367,1.7050097378547413,0.00018252671815651157,0.7518865405213992,0.0,114.77878649031464 +0.0,0.661,0.799,0.0,4.942152568134558e-07,0.923,0.0,69.17,2023-02-27,greensboro smm food,0,86.2399021725004,83.56924325587181,0.0,1.0748408658379558,0.8372967966373317,0.0,6.084223938550386e-05,0.7584604119139361,0.0,86.23990217250042 +0.0,0.0,0.0,0.0,7.413228852201836e-07,0.5680000000000001,0.597,95.5,2023-02-27,harrisburg/lancaster smm food,0,86.34657686363046,85.02510769460987,0.0,0.0,0.0,0.0,9.126335907825579e-05,0.46674486887011457,0.8546330367914072,86.34657686363047 +0.0,0.632,0.898,0.517,1.4826457704403671e-06,0.0,0.0,152.3,2023-02-27,hartford/new haven smm food,0,115.66655661161069,112.61073024106035,0.0,1.0276844587134464,0.9410419566712438,1.0869174284474736,0.00018252671815651157,0.0,0.0,115.66655661161067 +0.0,0.993,0.679,0.868,6.671905966981653e-06,0.929,0.882,152.89,2023-02-27,houston smm food,0,173.82436732807574,167.64644198801398,0.0,1.6147004232633737,0.7115450875053169,1.8248439611071705,0.0008213702317043022,0.7633908154583388,1.2626236824958479,173.82436732807574 +0.851,0.505,0.0,0.728,1.6061995846437312e-06,0.659,0.0,101.22,2023-02-27,indianapolis smm food,0,93.5588203947783,89.02123497580452,1.6441788186065187,0.821171917168181,0.0,1.5305142899608526,0.00019773727800288758,0.5415226559602209,0.0,93.5588203947783 +0.0,0.541,0.0,0.0,2.471076284067279e-07,0.0,0.917,63.97999999999999,2023-02-27,jacksonville smm food,0,88.49235911336866,86.29988999004563,0.0,0.8797109053227445,0.0,0.0,3.042111969275193e-05,0.0,1.312727796880604,88.49235911336866 +0.93,0.0,0.5680000000000001,0.896,9.884305136269115e-07,0.9210000000000002,0.0,47.15,2023-02-27,kansas city smm food,0,85.52638495691988,80.49370051161102,1.7968111648696388,0.0,0.5952247565582033,1.8837098953364342,0.00012168447877100773,0.756816944065802,0.0,85.52638495691987 +0.892,0.881,0.0,0.0,1.2355381420336394e-07,0.0,0.649,75.02,2023-02-27,knoxville smm food,0,73.48807923335772,69.4030183864474,1.723393074262062,1.4325791267825099,0.0,0.0,1.5210559846375966e-05,0.0,0.9290734353059017,73.48807923335772 +0.0,0.771,0.0,0.0,7.413228852201836e-07,0.0,0.0,121.18,2023-02-27,las vegas smm food,0,74.32978572659161,73.0759844669223,0.0,1.253709996310233,0.0,0.0,9.126335907825579e-05,0.0,0.0,74.32978572659162 +0.608,0.0,0.874,0.0,0.0,0.0,0.0,65.36,2023-02-27,little rock/pine bluff smm food,0,59.794152220558345,57.70357115599228,1.1746894497212261,0.0,0.9158916148448408,0.0,0.0,0.0,0.0,59.794152220558345 +0.0,0.0,0.0,0.681,6.91901359538838e-06,0.0,0.989,190.39,2023-02-27,los angeles smm food,0,156.82493071858323,153.9765761946837,0.0,0.0,0.0,1.4317036146474462,0.0008517913513970541,0.0,1.415799117900673,156.82493071858323 +0.0,0.663,0.9530000000000001,0.0,7.413228852201836e-07,0.0,0.745,39.23,2023-02-27,madison wi smm food,0,55.56254959339994,52.419185278171575,0.0,1.0780930318465427,0.998678156690084,0.0,9.126335907825579e-05,0.0,1.0665018633326606,55.56254959339994 +0.0,0.0,0.0,0.0,2.5946300982706425e-06,0.622,0.974,170.16,2023-02-27,miami/west palm beach smm food,0,186.0275781846313,184.12181433608328,0.0,0.0,0.0,0.0,0.00031942175677389525,0.5111185007697381,1.394325926021492,186.02757818463127 +0.0,0.0,0.643,0.725,2.100414841457187e-06,0.0,0.715,98.03,2023-02-27,milwaukee smm food,0,71.37501333946221,68.15317248002567,0.0,0.0,0.6738195747657124,1.524207225579146,0.00025857951738839145,0.0,1.0235554795742985,71.37501333946221 +0.91,0.554,0.941,0.0,2.7181839124740066e-06,0.0,0.523,79.6,2023-02-27,minneapolis/st. paul smm food,0,90.14487874042386,85.75072244988117,1.7581700645498615,0.9008499843785591,0.9861029857768824,0.0,0.00033463231662027125,0.0,0.7486986235207806,90.14487874042388 +0.904,0.5640000000000001,0.77,0.996,7.413228852201836e-07,0.0,0.864,25.25,2023-02-27,mobile/pensacola smm food,0,74.26792271567024,67.46643487620449,1.7465777344539284,0.9171108144214933,0.8069068002637614,2.093945374726661,9.126335907825579e-05,0.0,1.2368558522408306,74.26792271567024 +0.0,0.653,0.866,0.0,1.2355381420336394e-06,0.0,0.988,105.18,2023-02-27,nashville smm food,0,98.85602798548226,95.47216793873541,0.0,1.0618322018036084,0.9075081675693731,0.0,0.00015210559846375968,0.0,1.4143675717753943,98.85602798548226 +0.712,0.757,0.0,0.88,1.1119843278302754e-06,0.972,0.577,76.61,2023-02-27,new orleans smm food,0,65.63112192407313,59.54961731628727,1.3756231713840674,1.2309448342501248,0.0,1.8500722186339977,0.00013689503861738367,0.7987253741932241,0.8260021142858325,65.63112192407313 +0.577,0.0,0.595,0.0,7.536782666405199e-06,0.839,0.8170000000000001,308.43,2023-02-27,new york smm food,0,293.760016010874,290.1617655847399,1.1147957442255714,0.0,0.6235188911129065,0.0,0.0009278441506289338,0.6894347622922994,1.16957318435273,293.76001601087404 +0.646,0.0,0.525,0.728,3.706614426100918e-07,0.836,0.0,84.0,2023-02-27,norfolk/portsmouth/newport news smm food,0,106.32573999852671,102.30993924858487,1.248107540328803,0.0,0.5501637274525646,1.5305142899608526,4.5631679539127894e-05,0.686969560520098,0.0,106.32573999852673 +0.583,0.0,0.0,0.902,2.7181839124740066e-06,0.929,0.839,48.33,2023-02-27,oklahoma city smm food,0,58.59674886527674,53.609244119971564,1.1263880743215047,0.0,0.0,1.8963240240998478,0.00033463231662027125,0.7633908154583388,1.2010671991088622,58.59674886527674 +0.0,0.902,0.0,0.871,2.347522469863915e-06,0.0,0.0,35.96,2023-02-27,omaha smm food,0,64.17439674601758,60.87622985001895,0.0,1.4667268698726719,0.0,1.8311510254888774,0.00028900063708114335,0.0,0.0,64.17439674601758 +0.0,0.769,0.852,0.0,2.7181839124740066e-06,0.618,0.505,139.39,2023-02-27,orlando/daytona beach/melborne smm food,0,135.98977412265694,132.61538216686213,0.0,1.250457830301646,0.8928371348373048,0.0,0.00033463231662027125,0.5078315650734696,0.7229307932657633,135.98977412265694 +0.578,0.657,0.553,0.0,4.942152568134558e-07,0.754,0.0,74.41,2023-02-27,paducah ky/cape girardeau mo smm food,0,58.94347647979938,55.55925813283435,1.1167277992415603,1.0683365338207822,0.5795057929167015,0.0,6.084223938550386e-05,0.6195873787465956,0.0,58.94347647979938 +0.644,0.834,0.666,0.0,4.07727586871101e-06,0.0,0.593,260.59,2023-02-27,philadelphia smm food,0,203.88547508016035,199.7377476378349,1.244243430296825,1.3561532255807187,0.6979219856826819,0.0,0.0005019484749304069,0.0,0.8489068522902923,203.88547508016035 +0.0,0.0,0.834,0.87,4.942152568134558e-06,0.0,0.0,162.78,2023-02-27,phoenix/prescott smm food,0,119.68659259102355,116.98296111946722,0.0,0.0,0.8739743784675026,1.8290486706949751,0.0006084223938550387,0.0,0.0,119.68659259102355 +0.0,0.0,0.562,0.0,2.100414841457187e-06,0.857,0.0,90.54,2023-02-27,pittsburgh smm food,0,105.84565407238888,104.55223234884438,0.0,0.0,0.5889371711016025,0.0,0.00025857951738839145,0.7042259729255073,0.0,105.84565407238888 +0.872,0.0,0.974,0.0,1.3590919562370033e-06,0.873,0.0,87.0,2023-02-27,portland or smm food,0,90.31928719083555,86.8963094792362,1.684751973942285,0.0,1.0206847057881865,0.0,0.00016731615831013563,0.717373715710581,0.0,90.31928719083555 +0.0,0.852,0.0,0.0,6.177690710168197e-07,0.0,0.978,106.08,2023-02-27,providence ri/new bedford ma smm food,0,86.03385724078505,83.24830635780522,0.0,1.3854227196580005,0.0,0.0,7.605279923187984e-05,0.0,1.400052110522607,86.03385724078505 +0.894,0.788,0.764,0.666,9.884305136269115e-07,0.504,0.749,153.7,2023-02-27,raleigh/durham/fayetteville smm food,0,132.02607450536706,125.33017277610136,1.7272571842940398,1.2813534073832211,0.8006192148071607,1.400168292738912,0.00012168447877100773,0.4141538977298199,1.0722280478337756,132.02607450536706 +0.0,0.743,0.0,0.0,1.0502074207285935e-05,0.0,0.8320000000000001,401.85,2023-02-27,rem us east north central smm food,0,308.85419164813374,306.4536727021249,0.0,1.2081796721900169,0.0,0.0,0.0012928975869419572,0.0,1.191046376231911,308.85419164813374 +0.0,0.785,0.0,0.0,3.953722054507646e-06,0.8320000000000001,0.0,105.13,2023-02-27,rem us middle atlantic smm food,0,132.76066778280654,130.80002326169728,0.0,1.2764751583703409,0.0,0.0,0.0004867379150840309,0.6836826248238298,0.0,132.76066778280654 +0.9689999999999999,0.0,0.0,0.517,5.930583081761469e-06,0.624,0.0,246.48,2023-02-27,rem us mountain smm food,0,177.43008234549242,173.95751153106124,1.8721613104932038,0.0,0.0,1.0869174284474736,0.0007301068726260463,0.5127619686178723,0.0,177.43008234549242 +0.0,0.764,0.994,0.898,1.6061995846437312e-06,0.517,0.0,145.14,2023-02-27,rem us new england smm food,0,152.818550133256,148.221630613054,0.0,1.2423274152801789,1.0416433239768557,1.8879146049242388,0.00019773727800288758,0.4248364387426923,0.0,152.81855013325597 +0.0,0.0,0.839,0.632,5.189260196541285e-06,0.0,0.532,137.85,2023-02-27,rem us pacific smm food,0,108.08376784693517,105.11364420201244,0.0,0.0,0.8792140330146698,1.3286882297462348,0.0006388435135477905,0.0,0.7615825386482893,108.08376784693517 +0.909,0.0,0.0,0.0,7.042567409591745e-06,0.0,0.0,248.78999999999996,2023-02-27,rem us south atlantic smm food,0,285.4373353682597,283.6802303568146,1.7562380095338728,0.0,0.0,0.0,0.0008670019112434302,0.0,0.0,285.4373353682597 +0.895,0.0,0.872,0.0,1.754464161687768e-05,0.639,0.891,436.31,2023-02-27,rem us south central smm food,0,403.8770698281828,399.4313293612464,1.7291892393100285,0.0,0.9137957530259739,0.0,0.0021598994981853873,0.5250879774788788,1.2755075976233565,403.8770698281828 +0.615,0.0,0.0,0.5730000000000001,1.037852039308257e-05,0.841,0.0,109.11,2023-02-27,rem us west north central smm food,0,129.03974753143473,125.95452848252805,1.1882138348331481,0.0,0.0,1.204649296906001,0.001277687027095581,0.6910782301404336,0.0,129.03974753143473 +0.664,0.516,0.501,0.0,1.976861027253823e-06,0.0,0.0,66.88,2023-02-27,richmond/petersburg smm food,0,88.71529395348519,86.06809383806947,1.2828845306166023,0.8390588302154087,0.5250133856261616,0.0,0.00024336895754201545,0.0,0.0,88.71529395348519 +0.768,0.878,0.971,0.759,4.69504493972783e-06,0.0,0.0,96.28,2023-02-27,sacramento/stockton/modesto smm food,0,77.11240698092502,71.58708164797008,1.4838182522794436,1.4277008777696296,1.017540913059886,1.5956872885718232,0.0005780012741622867,0.0,0.0,77.11240698092503 +0.0,0.0,0.0,0.669,4.571491125524466e-06,0.0,0.0,103.56,2023-02-27,salt lake city smm food,0,85.13184721998611,83.72480907215119,0.0,0.0,0.0,1.4064753571206188,0.0005627907143159108,0.0,0.0,85.13184721998613 +0.75,0.0,0.834,0.853,2.347522469863915e-06,0.0,0.609,114.21000000000001,2023-02-27,san diego smm food,0,83.7027378213059,78.71431295071628,1.4490412619916442,0.0,0.8739743784675026,1.7933086391986364,0.00028900063708114335,0.0,0.8718115902947521,83.70273782130589 +0.845,0.0,0.9969999999999999,0.682,2.347522469863915e-06,0.617,0.0,118.40999999999998,2023-02-27,san francisco/oakland/san jose smm food,0,93.49439145386307,88.87591304741949,1.6325864885105856,0.0,1.044787116705156,1.4338059694413483,0.00028900063708114335,0.5070098311494026,0.0,93.49439145386306 +0.0,0.909,0.0,0.8300000000000001,5.559921639151377e-06,0.0,0.0,109.93,2023-02-27,seattle/tacoma smm food,0,91.96850491083845,88.74475650580376,0.0,1.478109450902726,0.0,1.7449544789388844,0.0006844751930869185,0.0,0.0,91.96850491083846 +0.0,0.0,0.7000000000000001,0.0,1.8533072130504591e-06,0.0,0.915,96.83,2023-02-27,st. louis smm food,0,89.74773802999282,87.70409353036166,0.0,0.0,0.7335516366034195,0.0,0.0002281583976956395,0.0,1.3098647046300465,89.74773802999282 +0.0,0.0,0.9129999999999999,0.0,4.4479373113211014e-06,0.0,0.0,185.15,2023-02-27,tampa/ft. myers smm food,0,174.21251212123087,173.25520362076367,0.0,0.0,0.9567609203127455,0.0,0.0005475801544695347,0.0,0.0,174.21251212123087 +0.0,0.578,0.597,0.594,6.177690710168197e-07,0.0,0.86,94.88,2023-02-27,tucson/sierra vista smm food,0,67.36774184195045,63.32224664442017,0.0,0.9398759764816011,0.6256147529317734,1.2487987475779485,7.605279923187984e-05,0.0,1.2311296677397157,67.36774184195043 +0.0,0.779,0.0,0.0,6.177690710168197e-06,0.678,0.532,186.5,2023-02-27,washington dc/hagerstown smm food,0,175.60757351116246,173.02137618365978,0.0,1.2667186603445804,0.0,0.0,0.0007605279923187983,0.5571356005174959,0.7615825386482893,175.60757351116246 +0.0,0.0,0.745,0.0,7.413228852201836e-07,0.0,0.889,70.06,2023-02-27,yakima/pasco/richland/kennewick smm food,0,55.570386663169145,53.51694236690935,0.0,0.0,0.780708527527925,0.0,9.126335907825579e-05,0.0,1.272644505372799,55.57038666316915 +0.686,0.724,0.0,0.529,0.016714014034751305,0.9500000000000001,0.0,75.74,2023-03-06,albany/schenectady/troy smm food,0,88.80997713719579,82.35686844083078,1.3253897409683573,1.1772840951084418,0.0,1.112145685974301,2.057641946450171,0.7806472278637479,0.0,88.8099771371958 +0.0,0.0,0.0,0.0,0.023972759846440247,0.0,0.606,90.41,2023-03-06,albuquerque/santa fe smm food,0,74.61090363157176,70.79212936171284,0.0,0.0,0.0,0.0,2.9512573179400095,0.0,0.8675169519189159,74.61090363157176 +0.845,0.0,0.0,0.9840000000000001,0.08509101268444735,0.0,0.0,184.37,2023-03-06,atlanta smm food,0,179.42428556133095,165.2475308400832,1.6325864885105856,0.0,0.0,2.068717117199834,10.475451115537348,0.0,0.0,179.42428556133095 +0.932,0.0,0.0,0.0,0.027867096995689192,0.705,0.875,99.18,2023-03-06,baltimore smm food,0,112.34364617074331,105.28036119021601,1.8006752749016164,0.0,0.0,0.0,3.4306844295394785,0.5793224164673075,1.2526028596188967,112.34364617074331 +0.498,0.797,0.792,0.745,0.011267931173392481,0.0,0.0,43.79,2023-03-06,baton rouge smm food,0,56.66979036444367,50.62824190344196,0.9621633979624516,1.295988154421862,0.8299612802712975,1.5662543214571913,1.3871813068889078,0.0,0.0,56.66979036444367 +0.794,0.0,0.0,0.0,0.030712076774451254,0.985,0.0,57.28,2023-03-06,birmingham/anniston/tuscaloosa smm food,0,68.39990293255269,62.27551690355495,1.534051682695154,0.0,0.0,0.0,3.780926431096494,0.8094079152060965,0.0,68.39990293255269 +0.534,0.9450000000000001,0.833,0.0,0.05867275960670878,0.553,0.0,192.51,2023-03-06,boston/manchester smm food,0,194.46313459051055,183.34429136615643,1.0317173785380507,1.5366484390572894,0.8729264475580691,0.0,7.223132099191609,0.45441886000910797,0.0,194.46313459051055 +0.0,0.0,0.836,0.0,0.022437465324691545,0.764,0.0,59.42,2023-03-06,buffalo smm food,0,68.2293173420788,63.96319330778341,0.0,0.0,0.8760702402863695,0.0,2.76224907602176,0.6278047179872667,0.0,68.22931734207882 +0.0,0.0,0.0,0.0,0.054415523900996146,0.0,0.777,122.34,2023-03-06,charlotte smm food,0,134.91222559297452,127.1008852661048,0.0,0.0,0.0,0.0,6.699028987528161,0.0,1.1123113393415804,134.91222559297455 +0.842,0.892,0.0,0.789,0.1151610618320011,0.0,0.745,213.22,2023-03-06,chicago smm food,0,197.10271016294666,177.12285569785104,1.626790323462619,1.4504660398297375,0.0,1.6587579323888912,14.177338306081724,0.0,1.0665018633326606,197.10271016294666 +0.643,0.0,0.0,0.81,0.05133409053922611,0.555,0.88,146.66,2023-03-06,cleveland/akron/canton smm food,0,142.07179379953706,131.09107465023894,1.2423113752808361,0.0,0.0,1.702907383060839,6.319677472853946,0.4560623278572422,1.2597605902452904,142.0717937995371 +0.609,0.0,0.0,0.0,0.040119233142262824,0.988,0.0,113.95999999999998,2023-03-06,columbus oh smm food,0,110.84825932541304,103.92073468964487,1.176621504737215,0.0,0.0,0.0,4.939030014052648,0.8118731169782978,0.0,110.84825932541304 +0.0,0.0,0.0,0.0,0.09362500189190234,0.0,0.59,146.98,2023-03-06,dallas/ft. worth smm food,0,117.64782954623614,105.27715718131851,0.0,0.0,0.0,0.0,11.526060151003179,0.0,0.8446122139144561,117.64782954623615 +0.646,0.0,0.749,0.542,0.017986523184609016,0.0,0.874,65.28,2023-03-06,des moines/ames smm food,0,69.04625176780569,62.408297363785806,1.248107540328803,0.0,0.7849002511656588,1.1394762982950306,2.214299000736762,0.0,1.251171313493618,69.04625176780567 +0.585,0.924,0.922,0.0,0.05728761262213257,0.0,0.0,211.74,2023-03-06,detroit smm food,0,170.97447656977977,160.32292305294044,1.1302521843534823,1.5025006959671274,0.9661922984976468,0.0,7.05260833802107,0.0,0.0,170.97447656977977 +0.655,0.0,0.861,0.561,0.03204728454286461,0.622,0.8140000000000001,158.48,2023-03-06,grand rapids smm food,0,118.98445117930602,110.01556630860257,1.2654960354727025,0.0,0.9022685130222059,1.1794210393791738,3.9453022360827275,0.5111185007697381,1.1652785459768937,118.984451179306 +0.608,0.756,0.0,0.9460000000000001,0.02455473167086793,0.0,0.0,92.98,2023-03-06,greensboro smm food,0,90.98498225353799,83.56924325587181,1.1746894497212261,1.2293187512458315,0.0,1.9888276350315477,3.022903161667599,0.0,0.0,90.98498225353802 +0.548,0.781,0.848,0.0,0.027325071354931597,0.0,0.611,111.33,2023-03-06,harrisburg/lancaster smm food,0,92.48112107538564,85.02510769460987,1.0587661487618947,1.269970826353167,0.888645411199571,0.0,3.3639563119158207,0.0,0.8746746825453096,92.48112107538563 +0.0,0.712,0.728,0.5640000000000001,0.029928638100583573,0.772,0.0,116.74000000000001,2023-03-06,hartford/new haven smm food,0,120.03597998380891,112.61073024106035,0.0,1.1577710990569205,0.7628937020675562,1.1857281037608804,3.6844782484834044,0.6343785893798035,0.0,120.03597998380891 +0.766,0.664,0.515,0.0,0.07375759181183639,0.562,0.846,202.06,2023-03-06,houston smm food,0,181.49890960218391,167.64644198801398,1.4799541422474658,1.079719114850836,0.53968441835823,0.0,9.080207451401868,0.4618144653257119,1.2110880219858133,181.49890960218391 +0.0,0.0,0.63,0.0,0.04344584792847617,0.736,0.0,77.33,2023-03-06,indianapolis smm food,0,95.63479313265259,89.02123497580452,0.0,0.0,0.6601964729430775,0.0,5.34856551579161,0.6047961681133878,0.0,95.63479313265259 +0.0,0.0,0.0,0.0,0.02546368866458481,0.685,0.9490000000000002,78.69,2023-03-06,jacksonville smm food,0,91.35611875294974,86.29988999004563,0.0,0.0,0.0,0.0,3.1348037520286223,0.5628877379859656,1.3585372728895238,91.35611875294974 +0.6940000000000001,0.0,0.789,0.647,0.03433037616969775,0.0,0.884,95.68,2023-03-06,kansas city smm food,0,89.51344537706665,80.49370051161102,1.3408461810962682,0.0,0.8268174875429971,1.360223551654769,4.226370870415183,0.0,1.2654867747464054,89.51344537706665 +0.0,0.0,0.0,0.0,0.023232354966059594,0.0,0.8230000000000001,70.0,2023-03-06,knoxville smm food,0,73.44128782087321,69.4030183864474,0.0,0.0,0.0,0.0,2.860106973321412,0.0,1.1781624611044024,73.44128782087321 +0.0,0.0,0.0,0.0,0.022830740821915278,0.724,0.509,106.61,2023-03-06,las vegas smm food,0,77.21024155004332,73.0759844669223,0.0,0.0,0.0,0.0,2.8106647443295705,0.5949353610245826,0.7286569777668782,77.21024155004334 +0.0,0.0,0.721,0.0,0.022142578200794235,0.5740000000000001,0.981,62.5,2023-03-06,little rock/pine bluff smm food,0,63.06109724373758,57.70357115599228,0.0,0.0,0.755558185701522,0.0,2.7259458807308166,0.4716752724145172,1.4043467488984431,63.06109724373758 +0.0,0.0,0.0,0.982,0.16928828649847327,0.974,0.0,182.03,2023-03-06,los angeles smm food,0,177.68233256970706,153.9765761946837,0.0,0.0,0.0,2.064512407612029,20.84087512536995,0.8003688420413583,0.0,177.68233256970703 +0.618,0.0,0.707,0.0,0.013342670296720066,0.933,0.779,61.71,2023-03-06,madison wi smm food,0,57.87853453160451,52.419185278171575,1.1940099998811147,0.0,0.7408871529694536,0.0,1.6425999178356239,0.7666777511546071,1.115174431592138,57.878534531604515 +0.0,0.9570000000000001,0.0,0.0,0.04050253908221849,0.9580000000000001,0.592,183.92,2023-03-06,miami/west palm beach smm food,0,192.29889051889984,184.12181433608328,0.0,1.5561614351088104,0.0,0.0,4.986218342286454,0.7872210992562847,0.8474753061650135,192.29889051889984 +0.0,0.0,0.0,0.6960000000000001,0.02799173067022869,0.9000000000000001,0.0,65.37,2023-03-06,milwaukee smm food,0,73.80199987792095,68.15317248002567,0.0,0.0,0.0,1.4632389365559801,3.4460279296789116,0.7395605316603928,0.0,73.80199987792096 +0.0,0.0,0.0,0.0,0.05591233017408236,0.0,0.0,57.510000000000005,2023-03-06,minneapolis/st. paul smm food,0,92.63402143782983,85.75072244988117,0.0,0.0,0.0,0.0,6.883298987948666,0.0,0.0,92.63402143782983 +0.0,0.0,0.685,0.0,0.02058679845665061,0.0,0.5060000000000001,78.81,2023-03-06,mobile/pensacola smm food,0,71.44304561654748,67.46643487620449,0.0,0.0,0.7178326729619177,0.0,2.5344157279900377,0.0,0.7243623393910422,71.44304561654748 +0.759,0.0,0.629,0.0,0.04564112738847869,0.617,0.0,82.48,2023-03-06,nashville smm food,0,103.72357977008404,95.47216793873541,1.4664297571355438,0.0,0.659148542033644,0.0,5.618823701030048,0.5070098311494026,0.0,103.72357977008404 +0.628,0.0,0.61,0.996,0.02264027520409194,0.0,0.0,58.54,2023-03-06,new orleans smm food,0,66.28334784950214,59.54961731628727,1.2133305500410032,0.0,0.6392378547544083,2.093945374726661,2.7872167536927908,0.0,0.0,66.28334784950214 +0.917,0.0,0.8230000000000001,0.0,0.17758509933310718,0.0,0.0,323.18,2023-03-06,new york smm food,0,314.6581928388089,290.1617655847399,1.7716944496617835,0.0,0.8624471384637347,0.0,21.86228566594348,0.0,0.0,314.6581928388089 +0.903,0.0,0.0,0.9440000000000001,0.023633337750213333,0.887,0.925,104.09,2023-03-06,norfolk/portsmouth/newport news smm food,0,111.00173748634934,102.30993924858487,1.7446456794379395,0.0,0.0,1.9846229254437433,2.909471476352439,0.7288779906475203,1.3241801658828338,111.00173748634934 +0.0,0.0,0.791,0.0,0.028870452810071865,0.0,0.782,16.37,2023-03-06,oklahoma city smm food,0,59.111832883241334,53.609244119971564,0.0,0.0,0.828913349361864,0.0,3.554206343939928,0.0,1.1194690699679741,59.11183288324133 +0.0,0.885,0.0,0.79,0.016581390135047273,0.673,0.856,38.18,2023-03-06,omaha smm food,0,67.79591878954267,60.87622985001895,0.0,1.4390834587996837,0.0,1.6608602871827935,2.041314779405473,0.5530269308971604,1.2254034832386007,67.79591878954267 +0.0,0.0,0.0,0.0,0.05066284737742208,0.9700000000000001,0.0,156.98,2023-03-06,orlando/daytona beach/melborne smm food,0,139.64950561652776,132.61538216686213,0.0,0.0,0.0,0.0,6.237041543320555,0.79708190634509,0.0,139.6495056165278 +0.0,0.784,0.76,0.623,0.01664272101287968,0.0,0.503,23.63,2023-03-06,paducah ky/cape girardeau mo smm food,0,61.709234586193766,55.55925813283435,0.0,1.2748490753660475,0.7964274911694268,1.3097670366011143,2.048865149207615,0.0,0.7200677010152058,61.70923458619376 +0.531,0.0,0.9590000000000001,0.0,0.1024382276616095,0.981,0.6,271.78,2023-03-06,philadelphia smm food,0,216.04472890829294,199.7377476378349,1.0259212134900841,0.0,1.0049657421466847,0.0,12.611045660144212,0.806120979509828,0.8589276751672434,216.04472890829294 +0.7000000000000001,0.995,0.504,0.538,0.056739535315555305,0.523,0.865,133.32,2023-03-06,phoenix/prescott smm food,0,130.2657657252346,116.98296111946722,1.3524385111922013,1.6179525892719606,0.528157178354462,1.1310668791194214,6.985135207176138,0.4297668422870949,1.2382873983661093,130.26576572523462 +0.549,0.0,0.0,0.66,0.03850795673139348,0.0,0.941,88.83,2023-03-06,pittsburgh smm food,0,113.08823735463073,104.55223234884438,1.0606982037778836,0.0,0.0,1.3875541639754985,4.740667734145673,0.0,1.3470849038872934,113.08823735463073 +0.0,0.0,0.872,0.0,0.034675116022087976,0.0,0.9840000000000001,118.17,2023-03-06,portland or smm food,0,93.48755799403499,86.8963094792362,0.0,0.0,0.9137957530259739,0.0,4.26881137449854,0.0,1.4086413872742796,93.48755799403499 +0.0,0.9199999999999999,0.96,0.0,0.01889995159086192,0.741,0.0,122.84,2023-03-06,providence ri/new bedford ma smm food,0,88.68597129380363,83.24830635780522,0.0,1.4959963639499534,1.006013673056118,0.0,2.3267500612586254,0.6089048377337233,0.0,88.68597129380365 +0.0,0.0,0.593,0.622,0.04010599558660908,0.587,0.631,141.07,2023-03-06,raleigh/durham/fayetteville smm food,0,133.58232426035158,125.33017277610136,0.0,0.0,0.6214230292940396,1.307664681807212,4.937400354670707,0.4823578134273894,0.9033056050508844,133.58232426035158 +0.0,0.989,0.0,0.0,0.23650973821652724,0.747,0.0,389.37,2023-03-06,rem us east north central smm food,0,337.7921303512983,306.4536727021249,0.0,1.6081960912462,0.0,0.0,29.11642631664911,0.6138352412781259,0.0,337.79213035129834 +0.0,0.0,0.536,0.0,0.08501744750793254,0.0,0.0,133.02,2023-03-06,rem us middle atlantic smm food,0,141.82810882525283,130.80002326169728,0.0,0.0,0.5616909674563326,0.0,10.466394596099217,0.0,0.0,141.82810882525283 +0.55,0.0,0.9210000000000002,0.0,0.1212743464099014,0.0,0.0,172.78,2023-03-06,rem us mountain smm food,0,190.91522349520713,173.95751153106124,1.0626302587938723,0.0,0.9651443675882134,0.0,14.929937337763807,0.0,0.0,190.91522349520713 +0.0,0.0,0.549,0.0,0.03719869649950098,0.0,0.0,177.1,2023-03-06,rem us new england smm food,0,153.37643098116575,148.221630613054,0.0,0.0,0.5753140692789676,0.0,4.579486298832777,0.0,0.0,153.37643098116575 +0.5660000000000001,0.643,0.0,0.74,0.12148524659305582,0.772,0.0,154.62,2023-03-06,rem us pacific smm food,0,124.39878085258388,105.11364420201244,1.0935431390496941,1.045571371760674,0.0,1.55574254748768,14.955901002893578,0.6343785893798035,0.0,124.39878085258387 +0.538,0.978,0.0,0.9339999999999999,0.23609865120144796,0.9619999999999999,0.7010000000000001,264.92,2023-03-06,rem us south atlantic smm food,0,319.13342427392706,283.6802303568146,1.0394455986020061,1.5903091781989724,0.0,1.9635993775047202,29.06581789403385,0.790508034952553,1.0035138338203962,319.1334242739271 +0.0,0.0,0.614,0.503,0.41263446976743307,0.8150000000000001,0.713,469.98,2023-03-06,rem us south central smm food,0,453.62157681689183,399.4313293612464,0.0,0.0,0.6434295783921422,1.057484461332842,50.79892788048198,0.669713148114689,1.020692387323741,453.62157681689183 +0.659,0.6950000000000001,0.0,0.948,0.16317309919183426,0.804,0.541,141.18,2023-03-06,rem us west north central smm food,0,151.87409515045996,125.95452848252805,1.273224255536658,1.1301276879839324,0.0,1.993032344619352,20.088041851066237,0.6606740749499509,0.7744664537757979,151.87409515045996 +0.0,0.971,0.0,0.6970000000000001,0.017009003708314402,0.0,0.0,90.14,2023-03-06,richmond/petersburg smm food,0,91.20631949309406,86.06809383806947,0.0,1.5789265971689184,0.0,1.4653412913498824,2.093957766505787,0.0,0.0,91.20631949309406 +0.0,0.0,0.8310000000000001,0.544,0.046930721559764445,0.0,0.0,109.57,2023-03-06,sacramento/stockton/modesto smm food,0,79.37917731312433,71.58708164797008,0.0,0.0,0.8708305857392022,1.143681007882835,5.777584071532196,0.0,0.0,79.37917731312432 +0.0,0.0,0.0,0.6880000000000001,0.04321343084857821,0.0,0.0,68.12,2023-03-06,salt lake city smm food,0,90.49118210202055,83.72480907215119,0.0,0.0,0.0,1.446420098204762,5.3199529316645915,0.0,0.0,90.49118210202055 +0.518,0.9770000000000001,0.0,0.627,0.027372074932468987,0.5060000000000001,0.0,77.23,2023-03-06,san diego smm food,0,86.40751723074604,78.71431295071628,1.0008044982822288,1.588683095194679,0.0,1.3181764557767235,3.369742865198178,0.4157973655779542,0.0,86.40751723074604 +0.0,0.0,0.0,0.0,0.056290170093297676,0.0,0.978,125.92,2023-03-06,san francisco/oakland/san jose smm food,0,97.20577955895698,88.87591304741949,0.0,0.0,0.0,0.0,6.929814401014869,0.0,1.400052110522607,97.20577955895696 +0.987,0.601,0.0,0.0,0.052063255729128684,0.0,0.616,98.59,2023-03-06,seattle/tacoma smm food,0,98.92024721818015,88.74475650580376,1.9069383007810037,0.9772758855803501,0.0,0.0,6.409444112843319,0.0,0.8818324131717034,98.92024721818014 +0.0,0.0,0.503,0.737,0.04210162814485482,0.877,0.0,76.31,2023-03-06,st. louis smm food,0,95.68437916488968,87.70409353036166,0.0,0.0,0.5271092474450285,1.5494354831059731,5.183080252570182,0.7206606514068493,0.0,95.68437916488969 +0.996,0.0,0.9689999999999999,0.0,0.05435044687151709,0.882,0.0,164.79,2023-03-06,tampa/ft. myers smm food,0,183.61076222250824,173.25520362076367,1.9243267959249033,0.0,1.0154450512410191,0.0,6.691017433551476,0.7247693210271848,0.0,183.61076222250824 +0.0,0.0,0.0,0.546,0.012178384403799364,0.0,0.527,32.5,2023-03-06,tucson/sierra vista smm food,0,66.72382326704238,63.32224664442017,0.0,0.0,0.0,1.1478857174706396,1.4992660971296707,0.0,0.7544248080218956,66.72382326704238 +0.639,0.677,0.0,0.6890000000000001,0.08068872109424556,0.0,0.9560000000000002,195.31,2023-03-06,washington dc/hagerstown smm food,0,188.10738843184592,173.02137618365978,1.2345831552168807,1.1008581939066506,0.0,1.4485224529986642,9.93349035029746,0.0,1.368558095766475,188.10738843184592 +0.0,0.0,0.7010000000000001,0.0,0.008939119693151523,0.0,0.0,43.87,2023-03-06,yakima/pasco/richland/kennewick smm food,0,55.352026091413094,53.51694236690935,0.0,0.0,0.7345995675128529,0.0,1.1004841569908996,0.0,0.0,55.3520260914131 +0.0,0.68,0.0,0.0,0.02946263265062903,0.545,0.5640000000000001,74.33,2023-03-13,albany/schenectady/troy smm food,0,88.34495077114612,82.35686844083078,0.0,1.1057364429195309,0.0,0.0,3.627108884122025,0.4478449886165712,0.807392014657209,88.34495077114612 +0.8,0.5650000000000001,0.6990000000000001,0.7030000000000001,0.03751245152636528,0.651,0.546,85.43,2023-03-13,albuquerque/santa fe smm food,0,81.40165466542473,70.79212936171284,1.545644012791087,0.9187368974257868,0.732503705693986,1.477955420113296,4.618112298717861,0.534948784567684,0.7816241844021916,81.40165466542473 +0.9689999999999999,0.749,0.748,0.904,0.1279098262413796,0.0,0.0,148.45,2023-03-13,atlanta smm food,0,186.76883256695024,165.2475308400832,1.8721613104932038,1.2179361702157774,0.7838523202562253,1.9005287336876524,15.746823192214197,0.0,0.0,186.76883256695024 +0.0,0.926,0.0,0.0,0.04373877301780392,0.767,0.0,85.63,2023-03-13,baltimore smm food,0,112.80101113934339,105.28036119021601,0.0,1.5057528619757141,0.0,0.0,5.384627167392193,0.630269919759468,0.0,112.80101113934339 +0.0,0.903,0.594,0.0,0.01831590406235562,0.738,0.0,90.48,2023-03-13,baton rouge smm food,0,55.58035413260954,50.62824190344196,0.0,1.4683529528769654,0.622470960203473,0.0,2.2548486801256167,0.606439635961522,0.0,55.580354132609536 +0.0,0.0,0.0,0.0,0.05004697362191514,0.0,0.0,48.01,2023-03-13,birmingham/anniston/tuscaloosa smm food,0,68.43673897763168,62.27551690355495,0.0,0.0,0.0,0.0,6.161222074076719,0.0,0.0,68.43673897763168 +0.0,0.763,0.774,0.878,0.09698684063500691,0.0,0.0,192.72,2023-03-13,boston/manchester smm food,0,199.18189076262874,183.34429136615643,0.0,1.2407013322758853,0.8110985239014953,1.8458675090461933,11.939932031248743,0.0,0.0,199.18189076262874 +0.0,0.0,0.0,0.542,0.03583906214201962,0.642,0.802,76.81,2023-03-13,buffalo smm food,0,71.190426143968,63.96319330778341,0.0,0.0,0.0,1.1394762982950306,4.412103366164916,0.5275531792510801,1.1480999924735489,71.19042614396798 +0.0,0.0,0.8290000000000001,0.892,0.08291629999235713,0.0,0.0,111.83,2023-03-13,charlotte smm food,0,140.0526453462769,127.1008852661048,0.0,0.0,0.8687347239203353,1.875300476160825,10.207724880090938,0.0,0.0,140.0526453462769 +0.0,0.833,0.7000000000000001,0.853,0.17567320290136149,0.709,0.0,204.35,2023-03-13,chicago smm food,0,203.21376688916177,177.12285569785104,0.0,1.3545271425764254,0.7335516366034195,1.7933086391986364,21.62691442076869,0.582609352163576,0.0,203.21376688916177 +0.888,0.0,0.0,0.0,0.0815440742656703,0.744,0.0,114.79,2023-03-13,cleveland/akron/canton smm food,0,143.4569013832121,131.09107465023894,1.7156648541981065,0.0,0.0,0.0,10.038791839269132,0.6113700395059246,0.0,143.4569013832121 +0.789,0.0,0.516,0.0,0.06223503476044291,0.5630000000000001,0.0,74.54,2023-03-13,columbus oh smm food,0,114.11017410803107,103.92073468964487,1.5243914076152096,0.0,0.5407323492676634,0.0,7.6616794622535584,0.46263619924977906,0.0,114.11017410803109 +0.0,0.0,0.794,0.644,0.14879180464446717,0.727,0.0,89.41,2023-03-13,dallas/ft. worth smm food,0,126.37810953800054,105.27715718131851,0.0,0.0,0.8320571420901643,1.353916487273062,18.317578164522015,0.5974005627967839,0.0,126.37810953800054 +0.9450000000000001,0.0,0.898,0.0,0.028252431689274073,0.528,0.0,50.36,2023-03-13,des moines/ames smm food,0,69.08712933763991,62.408297363785806,1.8257919901094717,0.0,0.9410419566712438,0.0,3.478122515165962,0.4338755119074304,0.0,69.08712933763991 +0.772,0.631,0.0,0.791,0.09110765223333961,0.0,0.0,159.71,2023-03-13,detroit smm food,0,175.71964283817164,160.32292305294044,1.491546472343399,1.026058375709153,0.0,1.6629626419766959,11.216152295201994,0.0,0.0,175.7196428381717 +0.0,0.9000000000000001,0.611,0.641,0.04920225719835515,0.639,0.0,98.63,2023-03-13,grand rapids smm food,0,120.04925426070295,110.01556630860257,0.0,1.4634747038640852,0.6402857856638419,1.3476094228913553,6.05723006220222,0.5250879774788788,0.0,120.04925426070295 +0.609,0.622,0.9280000000000002,0.507,0.04024946998227645,0.537,0.9339999999999999,72.29,2023-03-13,greensboro smm food,0,94.52906066505773,83.56924325587181,1.176621504737215,1.011423628670512,0.9724798839542477,1.065893880508451,4.955063313081114,0.44127111722403434,1.3370640810103422,94.52906066505773 +0.8200000000000001,0.586,0.731,0.0,0.04384383947478804,0.0,0.0,100.65,2023-03-13,harrisburg/lancaster smm food,0,93.72587671420129,85.02510769460987,1.5842851131108644,0.9528846405159487,0.7660374947958566,0.0,5.397561771168756,0.0,0.0,93.72587671420129 +0.974,0.0,0.0,0.0,0.04868376732366515,0.0,0.617,159.18,2023-03-13,hartford/new haven smm food,0,121.36921519005418,112.61073024106035,1.8818215855731484,0.0,0.0,0.0,5.993399404123698,0.0,0.8832639592969821,121.36921519005418 +0.802,0.0,0.0,0.0,0.11816518880776225,0.0,0.0,137.03,2023-03-13,houston smm food,0,183.7431228364027,167.64644198801398,1.5495081228230647,0.0,0.0,0.0,14.547172725565662,0.0,0.0,183.7431228364027 +0.0,0.0,0.538,0.634,0.0696940403008071,0.0,0.658,94.02,2023-03-13,indianapolis smm food,0,100.43982066030637,89.02123497580452,0.0,0.0,0.5637868292751995,1.3328929393340394,8.5799485654592,0.0,0.9419573504334104,100.43982066030637 +0.856,0.668,0.789,0.0,0.04115606215598948,0.0,0.732,59.690000000000005,2023-03-13,jacksonville smm food,0,95.9813345551738,86.29988999004563,1.653839093686463,1.0862234468680099,0.8268174875429971,0.0,5.066672773326678,0.0,1.047891763704037,95.98133455517382 +0.756,0.0,0.0,0.791,0.05502035935874216,0.0,0.0,123.14000000000001,2023-03-13,kansas city smm food,0,90.39078629103062,80.49370051161102,1.4606335920875773,0.0,0.0,1.6629626419766959,6.773489545355322,0.0,0.0,90.39078629103062 +0.0,0.621,0.0,0.753,0.03722346533263432,0.715,0.717,51.97,2023-03-13,knoxville smm food,0,78.19238297922004,69.4030183864474,0.0,1.0097975456662187,0.0,1.5830731598084096,4.58253555976518,0.5875397557079786,1.026418571824856,78.19238297922004 +0.542,0.911,0.678,0.0,0.0369535595544308,0.995,0.621,50.71,2023-03-13,las vegas smm food,0,82.5709402449099,73.0759844669223,1.0471738186659616,1.4813616169113129,0.7104971565958834,0.0,4.5493077875695755,0.8176252544467675,0.888990143798097,82.5709402449099 +0.501,0.0,0.557,0.713,0.034229590852375785,0.833,0.0,41.48,2023-03-13,little rock/pine bluff smm food,0,65.65267487489464,57.70357115599228,0.9679595630104182,0.0,0.5836975165544352,1.4989789680523187,4.213963312537297,0.6845043587478967,0.0,65.65267487489464 +0.854,0.718,0.986,0.0,0.2615291767867624,0.0,0.885,224.62999999999997,2023-03-13,los angeles smm food,0,191.29079595268806,153.9765761946837,1.6499749836544852,1.167527597082681,1.0332598767013879,0.0,32.196538979694104,0.0,1.266918320871684,191.29079595268803 +0.8230000000000001,0.601,0.0,0.0,0.02046481624696391,0.0,0.0,56.74000000000001,2023-03-13,madison wi smm food,0,57.50594108837567,52.419185278171575,1.590081278158831,0.9772758855803501,0.0,0.0,2.5193986464649076,0.0,0.0,57.505941088375664 +0.0,0.0,0.0,0.936,0.06279630143668638,0.8310000000000001,0.0,179.21,2023-03-13,miami/west palm beach smm food,0,194.50325563443766,184.12181433608328,0.0,0.0,0.0,1.967804087092525,7.73077632036209,0.6828608908997627,0.0,194.50325563443766 +0.738,0.961,0.0,0.0,0.04436078369126235,0.0,0.797,101.21,2023-03-13,milwaukee smm food,0,77.74383925594218,68.15317248002567,1.4258566017997778,1.562665767125984,0.0,0.0,5.4612021451435995,0.0,1.1409422618471552,77.74383925594219 +0.0,0.0,0.916,0.538,0.08777742349806084,0.0,0.0,109.79,2023-03-13,minneapolis/st. paul smm food,0,98.64786592662917,85.75072244988117,0.0,0.0,0.9599047130410461,1.1310668791194214,10.806171884587526,0.0,0.0,98.64786592662917 +0.0,0.0,0.749,0.0,0.034462597283967486,0.501,0.65,65.04,2023-03-13,mobile/pensacola smm food,0,73.83617725579373,67.46643487620449,0.0,0.0,0.7849002511656588,0.0,4.242648451034782,0.4116886959576186,0.9305049814311804,73.83617725579373 +0.809,0.598,0.0,0.0,0.07191584676471909,0.0,0.5640000000000001,108.42,2023-03-13,nashville smm food,0,107.66846255579172,95.47216793873541,1.563032507934987,0.9723976365674698,0.0,0.0,8.853472457896654,0.0,0.807392014657209,107.66846255579173 +0.806,0.678,0.0,0.936,0.03721512050802303,0.0,0.89,22.08,2023-03-13,new orleans smm food,0,70.03272631322899,59.54961731628727,1.5572363428870202,1.1024842769109442,0.0,1.967804087092525,4.581508238553156,0.0,1.2740760514980778,70.03272631322899 +0.727,0.833,0.0,0.0,0.2702685952144789,0.642,0.857,300.64,2023-03-13,new york smm food,0,327.94772308925485,290.1617655847399,1.4046039966239003,1.3545271425764254,0.0,0.0,33.27243815669971,0.5275531792510801,1.2268350293638794,327.9477230892549 +0.937,0.0,0.0,0.0,0.03740620389491738,0.795,0.9590000000000001,103.7,2023-03-13,norfolk/portsmouth/newport news smm food,0,110.75143828433126,102.30993924858487,1.8103355499815608,0.0,0.0,0.0,4.605032281989168,0.6532784696333469,1.372852734142311,110.75143828433126 +0.0,0.6,0.53,0.547,0.04600729270778992,0.0,0.799,84.36,2023-03-13,oklahoma city smm food,0,63.09799259920598,53.609244119971564,0.0,0.9756498025760566,0.5554033819997319,1.149988072264542,5.663901868296366,0.0,1.1438053540977127,63.09799259920597 +0.706,0.0,0.0,0.6950000000000001,0.02600702768238738,0.9910000000000001,0.0,40.58,2023-03-13,omaha smm food,0,67.7174291497231,60.87622985001895,1.3640308412881341,0.0,0.0,1.4611365817620778,3.2016935579034467,0.8143383187504991,0.0,67.7174291497231 +0.72,0.0,0.5,0.608,0.08448402491925792,0.894,0.974,89.47,2023-03-13,orlando/daytona beach/melborne smm food,0,148.33834059167856,132.61538216686213,1.3910796115119783,0.0,0.5239654547167282,1.2782317146925803,10.400725589757663,0.73463012811599,1.394325926021492,148.33834059167856 +0.0,0.628,0.87,0.713,0.02686785181670506,0.0,0.862,62.96,2023-03-13,paducah ky/cape girardeau mo smm food,0,63.532778449245434,55.55925813283435,0.0,1.0211801266962726,0.911699891207107,1.4989789680523187,3.3076685704651174,0.0,1.2339927599902731,63.53277844924544 +0.0,0.0,0.498,0.865,0.15626635943234884,0.881,0.66,263.35,2023-03-13,philadelphia smm food,0,222.98468367392962,199.7377476378349,0.0,0.0,0.5218695928978613,1.8185368967254638,19.237761516684323,0.7239475871031178,0.9448204426839679,222.98468367392962 +0.65,0.0,0.905,0.0,0.09204592360501439,0.522,0.98,107.45,2023-03-13,phoenix/prescott smm food,0,132.3506964070256,116.98296111946722,1.2558357603927581,0.0,0.948377473037278,0.0,11.33166174299217,0.4289451083630278,1.4029152027731644,132.35069640702562 +0.0,0.883,0.0,0.59,0.06114025159462602,0.0,0.0,94.13,2023-03-13,pittsburgh smm food,0,114.75535500781581,104.55223234884438,0.0,1.4358312927910968,0.0,1.2403893284023393,7.526902037777986,0.0,0.0,114.75535500781581 +0.504,0.555,0.754,0.0,0.05435289817919089,0.9280000000000002,0.886,71.56,2023-03-13,portland or smm food,0,98.28491933998033,86.8963094792362,0.9737557280583848,0.9024760673828525,0.7901399057128261,0.0,6.691319211058829,0.7625690815342717,1.2683498669969628,98.28491933998032 +0.0,0.663,0.988,0.9339999999999999,0.03107166161761802,0.0,0.0,75.53,2023-03-13,providence ri/new bedford ma smm food,0,91.15054898962214,83.24830635780522,0.0,1.0780930318465427,1.0353557385202548,1.9635993775047202,3.825194483945395,0.0,0.0,91.15054898962214 +0.0,0.847,0.0,0.0,0.06380390997335396,0.9969999999999999,0.788,147.56,2023-03-13,raleigh/durham/fayetteville smm food,0,136.50961393198492,125.33017277610136,0.0,1.3772923046365333,0.0,0.0,7.854821782232455,0.8192687222949016,1.1280583467196466,136.5096139319849 +0.9630000000000002,0.847,0.916,0.84,0.38194629571387756,0.0,0.7020000000000001,344.56,2023-03-13,rem us east north central smm food,0,360.44330619131665,306.4536727021249,1.8605689803972714,1.3772923046365333,0.9599047130410461,1.7659780268779068,47.02094408429336,0.0,1.004945379945675,360.4433061913167 +0.837,0.0,0.798,0.711,0.13893818656903176,0.0,0.0,164.9,2023-03-13,rem us middle atlantic smm food,0,151.85268765783334,130.80002326169728,1.6171300483826747,0.0,0.8362488657278982,1.494774258464514,17.104511223560984,0.0,0.0,151.85268765783334 +0.777,0.0,0.0,0.0,0.18907405221811363,0.518,0.772,187.17,2023-03-13,rem us mountain smm food,0,200.2662067468913,173.95751153106124,1.5012067474233433,0.0,0.0,0.0,23.276676687024775,0.42565817266675937,1.1051536087151868,200.2662067468913 +0.0,0.836,0.9070000000000001,0.78,0.06261325151879153,0.995,0.0,144.62,2023-03-13,rem us new england smm food,0,160.6972126007173,148.221630613054,0.0,1.3594053915893056,0.950473334856145,1.6398367392437707,7.708241267527291,0.8176252544467675,0.0,160.69721260071728 +0.741,0.966,0.0,0.753,0.19061117286523627,0.0,0.0,103.2,2023-03-13,rem us pacific smm food,0,133.16507605183358,105.11364420201244,1.4316527668477443,1.5707961821474512,0.0,1.5830731598084096,23.465909741017555,0.0,0.0,133.1650760518336 +0.775,0.788,0.603,0.0,0.38475808028937764,0.0,0.0,260.84,2023-03-13,rem us south atlantic smm food,0,334.457928204714,283.6802303568146,1.4973426373913656,1.2813534073832211,0.6319023383883742,0.0,47.367099464736455,0.0,0.0,334.457928204714 +0.846,0.0,0.965,0.0,0.6655212462880059,0.0,0.0,416.4,2023-03-13,rem us south central smm food,0,484.0086127034549,399.4313293612464,1.6345185435265746,0.0,1.0112533276032853,0.0,81.93151147107865,0.0,0.0,484.0086127034549 +0.74,0.894,0.0,0.0,0.2621856676231506,0.0,0.858,166.55,2023-03-13,rem us west north central smm food,0,162.34359274406913,125.95452848252805,1.4297207118317554,1.4537182058383245,0.0,0.0,32.27735876838184,0.0,1.2282665754891582,162.34359274406913 +0.0,0.973,0.497,0.9450000000000001,0.02703206842670089,0.685,0.0,82.13,2023-03-13,richmond/petersburg smm food,0,94.04859235912156,86.06809383806947,0.0,1.5821787631775053,0.5208216619884278,1.9867252802376454,3.327885077662534,0.5628877379859656,0.0,94.04859235912156 +0.0,0.856,0.0,0.9969999999999999,0.0735798287616513,0.0,0.803,73.87,2023-03-13,sacramento/stockton/modesto smm food,0,85.28291122618754,71.58708164797008,0.0,1.391927051675174,0.0,2.096047729520563,9.058323258422895,0.0,1.1495315385988276,85.28291122618754 +0.0,0.0,0.0,0.0,0.06623926437865874,0.617,0.635,89.4,2023-03-13,salt lake city smm food,0,93.29548599494977,83.72480907215119,0.0,0.0,0.0,0.0,8.154635302097187,0.5070098311494026,0.9090317895519994,93.29548599494977 +0.0,0.89,0.854,0.968,0.042021193376270284,0.972,0.0,106.25,2023-03-13,san diego smm food,0,89.06344266188881,78.71431295071628,0.0,1.4472138738211509,0.8949329966561717,2.0350794404973973,5.173178026004593,0.7987253741932241,0.0,89.06344266188881 +0.0,0.673,0.9580000000000001,0.0,0.08744420009669251,0.521,0.598,128.59,2023-03-13,san francisco/oakland/san jose smm food,0,103.02352183468932,88.87591304741949,0.0,1.094353861889477,1.0039178112372513,0.0,10.76514915678745,0.4281233744389607,0.856064582916686,103.02352183468932 +0.63,0.0,0.0,0.518,0.07940250488424011,0.0,0.589,92.42,2023-03-13,seattle/tacoma smm food,0,101.6692974534088,88.74475650580376,1.217194660072981,0.0,0.0,1.089019783241376,9.77514583650151,0.0,0.8431806677891773,101.6692974534088 +0.0,0.526,0.0,0.0,0.06873598549240208,0.0,0.0,77.01,2023-03-13,st. louis smm food,0,97.02141679344643,87.70409353036166,0.0,0.855319660258343,0.0,0.0,8.462003602826423,0.0,0.0,97.02141679344643 +0.868,0.0,0.55,0.0,0.0893065353869468,0.0,0.0,181.58,2023-03-13,tampa/ft. myers smm food,0,186.50300836492147,173.25520362076367,1.6770237538783295,0.0,0.576362000188401,0.0,10.994418990091063,0.0,0.0,186.50300836492147 +0.886,0.861,0.911,0.0,0.019324754314855922,0.0,0.0,37.59,2023-03-13,tucson/sierra vista smm food,0,69.76781692189925,63.32224664442017,1.711800744166129,1.4000574666966412,0.9546650584938787,0.0,2.379047008122435,0.0,0.0,69.76781692189925 +0.0,0.747,0.0,0.0,0.11845295305427073,0.676,0.0,170.12,2023-03-13,washington dc/hagerstown smm food,0,189.37415135261782,173.02137618365978,0.0,1.2146840042071905,0.0,0.0,14.582599032081461,0.5554921326693617,0.0,189.3741513526178 +0.626,0.0,0.0,0.686,0.014001060155232526,0.637,0.596,23.08,2023-03-13,yakima/pasco/richland/kennewick smm food,0,59.26892368866041,53.51694236690935,1.2094664400090256,0.0,0.0,1.4422153886169575,1.7236534928281966,0.5234445096307446,0.8532014906661285,59.2689236886604 +0.0,0.0,0.0,0.598,0.029315501062061235,0.0,0.597,113.01,2023-03-20,albany/schenectady/troy smm food,0,88.07770533751591,82.35686844083078,0.0,0.0,0.0,1.2572081667535575,3.608995693140165,0.0,0.8546330367914072,88.07770533751591 +0.0,0.0,0.0,0.868,0.04068806007639741,0.0,0.0,77.26,2023-03-20,albuquerque/santa fe smm food,0,77.6260309291382,70.79212936171284,0.0,0.0,0.0,1.8248439611071705,5.009057606318181,0.0,0.0,77.6260309291382 +0.0,0.887,0.62,0.8310000000000001,0.13463710285019648,0.0,0.673,333.75,2023-03-20,atlanta smm food,0,186.62508104109924,165.2475308400832,0.0,1.4423356248082704,0.6497171638487429,1.7470568337327868,16.575010036313653,0.0,0.9634305423125915,186.62508104109924 +0.759,0.758,0.0,0.514,0.04661419522084755,0.0,0.8280000000000001,111.54,2023-03-20,baltimore smm food,0,115.98390931919229,105.28036119021601,1.4664297571355438,1.2325709172544184,0.0,1.080610364065767,5.738616898789758,0.0,1.185320191730796,115.98390931919229 +0.885,0.0,0.61,0.632,0.020658863689861008,0.0,0.9630000000000002,60.86999999999999,2023-03-20,baton rouge smm food,0,58.22790318696781,50.62824190344196,1.70986868915014,0.0,0.6392378547544083,1.3286882297462348,2.5432875912316337,0.0,1.378578918643426,58.2279031869678 +0.0,0.0,0.9910000000000001,0.723,0.05633882187871653,0.784,0.874,105.46,2023-03-20,birmingham/anniston/tuscaloosa smm food,0,73.66523352392264,62.27551690355495,0.0,0.0,1.0384995312485554,1.5200025159913413,6.935803863165575,0.6442393964686087,1.251171313493618,73.66523352392265 +0.0,0.0,0.0,0.0,0.09804159607163634,0.0,0.931,207.82,2023-03-20,boston/manchester smm food,0,196.7468424994418,183.34429136615643,0.0,0.0,0.0,0.0,12.069781690650887,0.0,1.3327694426345063,196.7468424994418 +0.971,0.0,0.0,0.0,0.03836253636315241,0.0,0.0,38.65,2023-03-20,buffalo smm food,0,70.56198393772628,63.96319330778341,1.8760254205251818,0.0,0.0,0.0,4.722765209417686,0.0,0.0,70.56198393772628 +0.0,0.668,0.948,0.904,0.08733785115111696,0.981,0.0,175.43,2023-03-20,charlotte smm food,0,142.6392535957129,127.1008852661048,0.0,1.0862234468680099,0.9934385021429166,1.9005287336876524,10.75205666739968,0.806120979509828,0.0,142.6392535957129 +0.0,0.0,0.686,0.586,0.17954506066965426,0.0,0.759,140.39,2023-03-20,chicago smm food,0,202.2638338431454,177.12285569785104,0.0,0.0,0.7188806038713511,1.2319799092267303,22.10357412310971,0.0,1.086543509086563,202.2638338431454 +0.0,0.0,0.785,0.0,0.08633511681241973,0.0,0.715,135.71,2023-03-20,cleveland/akron/canton smm food,0,143.56586715583376,131.09107465023894,0.0,0.0,0.8226257639052633,0.0,10.628611262115259,0.0,1.0235554795742985,143.56586715583376 +0.642,0.767,0.512,0.714,0.06916351257799927,0.0,0.0,98.22,2023-03-20,columbus oh smm food,0,116.96057756521377,103.92073468964487,1.2403793202648474,1.2472056642930591,0.5365406256299297,1.5010813228462208,8.514635942534845,0.0,0.0,116.96057756521378 +0.0,0.586,0.798,0.0,0.15144836362103095,0.0,0.681,125.88,2023-03-20,dallas/ft. worth smm food,0,126.68579750908488,105.27715718131851,0.0,0.9528846405159487,0.8362488657278982,0.0,18.64462391020771,0.0,0.9748829113148214,126.68579750908489 +0.993,0.0,0.0,0.0,0.029595215777574374,0.9070000000000001,0.948,50.11,2023-03-20,des moines/ames smm food,0,70.07267742223783,62.408297363785806,1.9185306308769368,0.0,0.0,0.0,3.6434310316819745,0.7453126691288625,1.3571057267642446,70.07267742223783 +0.837,0.637,0.557,0.0,0.09697101092033118,0.0,0.0,167.23,2023-03-20,detroit smm food,0,175.49754874593367,160.32292305294044,1.6171300483826747,1.0358148737349135,0.5836975165544352,0.0,11.937983254321226,0.0,0.0,175.4975487459337 +0.582,0.704,0.0,0.0,0.05446797496620176,0.8250000000000001,0.0,132.38,2023-03-20,grand rapids smm food,0,119.66820142468018,110.01556630860257,1.1244560193055158,1.1447624350225731,0.0,0.0,6.705486174394145,0.67793048735536,0.0,119.66820142468016 +0.796,0.0,0.894,0.0,0.04352232773946805,0.841,0.0,77.87,2023-03-20,greensboro smm food,0,92.0930683641094,83.56924325587181,1.5379157927271316,0.0,0.93685023303351,0.0,5.357980852336517,0.6910782301404336,0.0,92.0930683641094 +0.0,0.655,0.678,0.0,0.047803503232220726,0.895,0.8220000000000001,97.33,2023-03-20,harrisburg/lancaster smm food,0,94.59790315811294,85.02510769460987,0.0,1.0650843678121953,0.7104971565958834,0.0,5.8850311620758,0.7354518620400572,1.1767309149791236,94.59790315811293 +0.871,0.613,0.988,0.0,0.05007438280005801,0.678,0.661,117.23,2023-03-20,hartford/new haven smm food,0,123.99367875413856,112.61073024106035,1.682819918926296,0.9967888816318712,1.0353557385202548,0.0,6.164596384673039,0.5571356005174959,0.9462519888092467,123.99367875413856 +0.867,0.0,0.514,0.0,0.12260682734563526,0.0,0.0,171.15,2023-03-20,houston smm food,0,184.95414762001934,167.64644198801398,1.6750916988623406,0.0,0.5386364874487966,0.0,15.093977445694229,0.0,0.0,184.95414762001934 +0.0,0.0,0.679,0.0,0.07676780628402333,0.948,0.0,83.42,2023-03-20,indianapolis smm food,0,99.96257511849488,89.02123497580452,0.0,0.0,0.7115450875053169,0.0,9.450791295169436,0.7790037600156136,0.0,99.96257511849488 +0.807,0.6970000000000001,0.0,0.0,0.04386376623394276,0.0,0.0,112.22,2023-03-20,jacksonville smm food,0,94.39245317220194,86.29988999004563,1.559168397903009,1.1333798539925193,0.0,0.0,5.40001493026078,0.0,0.0,94.39245317220194 +0.649,0.8250000000000001,0.0,0.0,0.05924118004879464,0.0,0.0,92.2,2023-03-20,kansas city smm food,0,90.38223234424512,80.49370051161102,1.2539037053767694,1.341518478542078,0.0,0.0,7.293109648715249,0.0,0.0,90.38223234424512 +0.0,0.595,0.0,0.0,0.0407594519413204,0.0,0.843,60.959999999999994,2023-03-20,knoxville smm food,0,76.59517772962056,69.4030183864474,0.0,0.9675193875545894,0.0,0.0,5.017846572008614,0.0,1.2067933836099771,76.59517772962059 +0.0,0.0,0.786,0.0,0.037554237426328865,0.654,0.964,111.39,2023-03-20,las vegas smm food,0,80.44033912290348,73.0759844669223,0.0,0.0,0.8236736948146968,0.0,4.623256510057907,0.5374139863398854,1.3800104647687046,80.4403391229035 +0.891,0.0,0.556,0.579,0.040457596382302015,0.905,0.0,60.66,2023-03-20,little rock/pine bluff smm food,0,66.94929988897583,57.70357115599228,1.721461019246073,0.0,0.5826495856450018,1.2172634256694144,4.980685501142334,0.7436692012807282,0.0,66.94929988897583 +0.0,0.684,0.54,0.893,0.2640993494075115,0.844,0.0,200.37,2023-03-20,los angeles smm food,0,190.73859572972825,153.9765761946837,0.0,1.1122407749367047,0.5658826910940664,1.8774028309547273,32.51294980614641,0.6935434319126349,0.0,190.73859572972825 +0.682,0.999,0.0,0.0,0.0224363323362153,0.975,0.851,55.55,2023-03-20,madison wi smm food,0,60.14284964413071,52.419185278171575,1.3176615209044018,1.6244569212891344,0.0,0.0,2.762109595187969,0.8011905759654254,1.218245752612207,60.14284964413071 +0.0,0.9540000000000001,0.0,0.0,0.06356650008382403,0.0,0.0,428.09,2023-03-20,miami/west palm beach smm food,0,193.49869206156126,184.12181433608328,0.0,1.5512831860959302,0.0,0.0,7.825594539382043,0.0,0.0,193.49869206156126 +0.711,0.613,0.0,0.0,0.048962529439270784,0.0,0.893,66.14,2023-03-20,milwaukee smm food,0,77.82974063714863,68.15317248002567,1.3736911163680785,0.9967888816318712,0.0,0.0,6.027717469249092,0.0,1.278370689873914,77.82974063714863 +0.854,0.558,0.0,0.8280000000000001,0.09229123599650074,0.9070000000000001,0.0,55.44,2023-03-20,minneapolis/st. paul smm food,0,102.15597604166167,85.75072244988117,1.6499749836544852,0.9073543163957328,0.0,1.7407497693510798,11.361861853250353,0.7453126691288625,0.0,102.15597604166169 +0.0,0.0,0.548,0.745,0.03838180828709185,0.616,0.979,77.42,2023-03-20,mobile/pensacola smm food,0,76.23976484244696,67.46643487620449,0.0,0.0,0.5742661383695341,1.5662543214571913,4.7251377525425236,0.5061880972253354,1.4014836566478857,76.23976484244696 +0.0,0.93,0.0,0.0,0.07891433882217005,0.561,0.0,126.98999999999998,2023-03-20,nashville smm food,0,107.16046617025602,95.47216793873541,0.0,1.512257193992888,0.0,0.0,9.715048306126086,0.4609927314016448,0.0,107.16046617025603 +0.732,0.9619999999999999,0.776,0.0,0.03911537322831819,0.684,0.9440000000000001,73.33,2023-03-20,new orleans smm food,0,70.0702594107348,59.54961731628727,1.4142642717038445,1.5642918501302774,0.8131943857203622,0.0,4.815446040568024,0.5620660040618984,1.3513795422631298,70.0702594107348 +0.0,0.0,0.0,0.0,0.2672653961278625,0.0,0.0,326.54,2023-03-20,new york smm food,0,323.06448355326006,290.1617655847399,0.0,0.0,0.0,0.0,32.90271796852022,0.0,0.0,323.0644835532601 +0.0,0.0,0.0,0.854,0.039951283971539915,0.862,0.604,112.47999999999999,2023-03-20,norfolk/portsmouth/newport news smm food,0,110.59669274063387,102.30993924858487,0.0,0.0,0.0,1.7954109939925387,4.918353995842272,0.7083346425458428,0.8646538596683584,110.59669274063388 +0.0,0.771,0.502,0.726,0.04991957728409004,0.0,0.0,50.02,2023-03-20,oklahoma city smm food,0,63.06086347900957,53.609244119971564,0.0,1.253709996310233,0.5260613165355951,1.5263095803730482,6.14553846581912,0.0,0.0,63.06086347900956 +0.595,0.0,0.0,0.785,0.02706667214344483,0.0,0.0,45.12,2023-03-20,omaha smm food,0,67.00829619690433,60.87622985001895,1.1495727345133708,0.0,0.0,1.6503485132132822,3.332145099158709,0.0,0.0,67.00829619690431 +0.0,0.0,0.0,0.0,0.08803421280334854,0.0,0.8170000000000001,336.37,2023-03-20,orlando/daytona beach/melborne smm food,0,144.6227402549647,132.61538216686213,0.0,0.0,0.0,0.0,10.83778490374984,0.0,1.16957318435273,144.6227402549647 +0.794,0.903,0.0,0.0,0.030823808959711645,0.0,0.9280000000000002,55.82,2023-03-20,paducah ky/cape girardeau mo smm food,0,63.684819217241916,55.55925813283435,1.534051682695154,1.4683529528769654,0.0,0.0,3.7946816445767695,0.0,1.3284748042586703,63.68481921724191 +0.713,0.0,0.0,0.0,0.16650979473374847,0.881,0.0,202.94,2023-03-20,philadelphia smm food,0,222.33806883372114,199.7377476378349,1.3775552264000563,0.0,0.0,0.0,20.498818382383067,0.7239475871031178,0.0,222.33806883372114 +0.9390000000000001,0.51,0.0,0.84,0.09597264050235162,0.0,0.769,124.18,2023-03-20,phoenix/prescott smm food,0,134.30837519489822,116.98296111946722,1.8141996600135384,0.8293023321896482,0.0,1.7659780268779068,11.815075086010578,0.0,1.1008589703393503,134.30837519489825 +0.743,0.739,0.586,0.0,0.06588356159633425,0.912,0.781,90.55,2023-03-20,pittsburgh smm food,0,117.78181610645551,104.55223234884438,1.435516876879722,1.201675340172843,0.6140875129280053,0.0,8.110845165038661,0.7494213387491979,1.1180375238426954,117.78181610645551 +0.0,0.727,0.535,0.5,0.059314835419593835,0.9590000000000001,0.0,63.71000000000001,2023-03-20,portland or smm food,0,97.78051236189798,86.8963094792362,0.0,1.182162344121322,0.5606430365468992,1.051177396951135,7.302177271862068,0.7880428331803518,0.0,97.78051236189798 +0.0,0.0,0.647,0.6900000000000001,0.03327679325876512,0.613,0.642,98.04,2023-03-20,providence ri/new bedford ma smm food,0,90.89638353110931,83.24830635780522,0.0,0.0,0.6780112984034463,1.4506248077925665,4.0966655592259835,0.5037228954531341,0.9190526124289505,90.89638353110931 +0.0,0.9540000000000001,0.763,0.729,0.06880106993510998,0.0,0.679,114.13000000000001,2023-03-20,raleigh/durham/fayetteville smm food,0,138.65567977935075,125.33017277610136,0.0,1.5512831860959302,0.7995712838977272,1.532616644754755,8.470016069436697,0.0,0.9720198190642639,138.65567977935075 +0.901,0.932,0.0,0.745,0.4249805661186321,0.5650000000000001,0.0,320.39,2023-03-20,rem us east north central smm food,0,364.0593384116345,306.4536727021249,1.7407815694059618,1.5155093600014748,0.0,1.5662543214571913,52.318840791547125,0.46427966709791324,0.0,364.05933841163454 +0.835,0.0,0.0,0.978,0.14606375248885275,0.0,0.663,155.77,2023-03-20,rem us middle atlantic smm food,0,153.400238250031,130.80002326169728,1.613265938350697,0.0,0.0,2.0561029884364204,17.981730980486816,0.0,0.9491150810598041,153.400238250031 +0.841,0.0,0.909,0.0,0.20227546467459312,0.0,0.845,146.4,2023-03-20,rem us mountain smm food,0,202.64648199593705,173.95751153106124,1.6248582684466302,0.0,0.9525691966750118,0.0,24.901886523893634,0.0,1.2096564758605346,202.64648199593705 +0.0,0.603,0.925,1.0,0.0664704941064022,0.508,0.0,188.12,2023-03-20,rem us new england smm food,0,160.87439209594135,148.221630613054,0.0,0.980528051588937,0.9693360912259472,2.10235479390227,8.183101712744083,0.41744083342608834,0.0,160.87439209594132 +0.0,0.498,0.0,0.974,0.20001075538423715,0.77,0.581,112.85,2023-03-20,rem us pacific smm food,0,134.0586714443851,105.11364420201244,0.0,0.809789336138127,0.0,2.047693569260811,24.623080916655123,0.6327351215316693,0.8317282987869474,134.0586714443851 +0.512,0.0,0.0,0.617,0.4271551527858318,0.558,0.0,441.3,2023-03-20,rem us south atlantic smm food,0,339.0116744746905,283.6802303568146,0.9892121681862958,0.0,0.0,1.2971529078377007,52.58655151222249,0.4585275296294435,0.0,339.01167447469055 +0.0,0.654,0.667,0.6,0.740036084600637,0.0,0.0,447.83,2023-03-20,rem us south central smm food,0,493.56011305749956,399.4313293612464,0.0,1.0634582848079017,0.6989699165921154,1.2614128763413621,91.10494261851177,0.0,0.0,493.56011305749956 +0.0,0.616,0.523,0.0,0.2801264660121992,0.0,0.0,157.26,2023-03-20,rem us west north central smm food,0,161.99029212393714,125.95452848252805,0.0,1.0016671306447515,0.5480678656336977,0.0,34.48602864513065,0.0,0.0,161.99029212393714 +0.579,0.686,0.0,0.7000000000000001,0.02947953110579762,0.0,0.0,101.1,2023-03-20,richmond/petersburg smm food,0,93.40308422139611,86.06809383806947,1.1186598542575492,1.1154929409452916,0.0,1.4716483557315894,3.6291892323922137,0.0,0.0,93.40308422139611 +0.8150000000000001,0.553,0.0,0.0,0.07757045757599963,0.0,0.764,83.43,2023-03-20,sacramento/stockton/modesto smm food,0,84.70423634692688,71.58708164797008,1.57462483803092,0.8992239013742657,0.0,0.0,9.549604719838637,0.0,1.0937012397129566,84.70423634692686 +0.0,0.0,0.0,0.93,0.06959603370876655,0.0,0.859,75.92,2023-03-20,salt lake city smm food,0,95.477580245167,83.72480907215119,0.0,0.0,0.0,1.9551899583291115,8.567883093072256,0.0,1.229698121614437,95.47758024516699 +0.0,0.5730000000000001,0.0,0.712,0.043358436076003565,0.0,0.718,83.78,2023-03-20,san diego smm food,0,87.50858959229646,78.71431295071628,0.0,0.9317455614601342,0.0,1.4968766132584164,5.3378043489114955,0.0,1.0278501179501347,87.50858959229646 +0.0,0.0,0.0,0.519,0.08790319139661472,0.0,0.0,53.32,2023-03-20,san francisco/oakland/san jose smm food,0,100.78869020312112,88.87591304741949,0.0,0.0,0.0,1.0911221380352782,10.821655017666348,0.0,0.0,100.78869020312112 +0.8270000000000001,0.0,0.0,0.722,0.08357713250977639,0.0,0.0,96.06,2023-03-20,seattle/tacoma smm food,0,102.14954533307568,88.74475650580376,1.5978094982227864,0.0,0.0,1.517900161197439,10.289079167851673,0.0,0.0,102.14954533307566 +0.855,0.841,0.517,0.513,0.07508140915411833,0.806,0.0,119.56000000000002,2023-03-20,st. louis smm food,0,102.24932320276582,87.70409353036166,1.6519070386704742,1.3675358066107728,0.5417802801770969,1.0785080092718646,9.243180994875864,0.6623175427980851,0.0,102.24932320276582 +0.858,0.789,0.0,0.872,0.09031850043110316,0.0,0.883,413.16,2023-03-20,tampa/ft. myers smm food,0,190.41219570007513,173.25520362076367,1.6577032037184407,1.2829794903875145,0.0,1.8332533802827795,11.119000776301608,0.0,1.2640552286211266,190.41219570007513 +0.529,0.898,0.0,0.0,0.020717758086477325,0.5660000000000001,0.0,58.84,2023-03-20,tucson/sierra vista smm food,0,68.82016569554938,63.32224664442017,1.0220571034581063,1.4602225378554983,0.0,0.0,2.550538008793606,0.46510140102198033,0.0,68.82016569554936 +0.0,0.876,0.0,0.76,0.12295563088297463,0.0,0.0,167.02,2023-03-20,washington dc/hagerstown smm food,0,191.1805327638775,173.02137618365978,0.0,1.4244487117610427,0.0,1.5977896433657253,15.136918225090934,0.0,0.0,191.1805327638775 +0.931,0.526,0.524,0.8310000000000001,0.01528843530001519,0.775,0.0,71.62,2023-03-20,yakima/pasco/richland/kennewick smm food,0,60.98616235015675,53.51694236690935,1.7987432198856277,0.855319660258343,0.5491157965431311,1.7470568337327868,1.8821406816755037,0.6368437911520048,0.0,60.98616235015675 +0.0,0.802,0.0,0.0,0.030743991960198124,0.0,0.658,121.68,2023-03-27,albany/schenectady/troy smm food,0,88.38779983151794,82.35686844083078,0.0,1.304118569443329,0.0,0.0,3.7848554708104114,0.0,0.9419573504334104,88.38779983151792 +0.9059999999999999,0.0,0.608,0.995,0.04136578363575641,0.0,0.0,42.75,2023-03-27,albuquerque/santa fe smm food,0,80.36404754878255,70.79212936171284,1.7504418444859058,0.0,0.6371419929355414,2.091843019932759,5.092491329715514,0.0,0.0,80.36404754878257 +0.0,0.0,0.626,0.6880000000000001,0.13625449641040704,0.524,0.0,169.21,2023-03-27,atlanta smm food,0,184.55466965484308,165.2475308400832,0.0,0.0,0.6560047493053437,1.446420098204762,16.774125391038623,0.430588576211162,0.0,184.55466965484308 +0.937,0.905,0.5720000000000001,0.558,0.0485813214430803,0.751,0.0,120.22999999999999,2023-03-27,baltimore smm food,0,116.93274190757239,105.28036119021601,1.8103355499815608,1.4716051188855521,0.5994164801959371,1.1731139749974668,5.980787416321478,0.6171221769743943,0.0,116.9327419075724 +0.0,0.0,0.0,0.668,0.021804139592928377,0.0,0.8160000000000001,31.840000000000003,2023-03-27,baton rouge smm food,0,55.88503765919576,50.62824190344196,0.0,0.0,0.0,1.4043730023267165,2.684281115199623,0.0,1.1681416382274512,55.88503765919575 +0.642,0.653,0.632,0.539,0.05802503120682394,0.0,0.0,71.97,2023-03-27,birmingham/anniston/tuscaloosa smm food,0,73.51658103770686,62.27551690355495,1.2403793202648474,1.0618322018036084,0.6622923347619444,1.1331692339133237,7.143391043408182,0.0,0.0,73.51658103770686 +0.685,0.558,0.9500000000000001,0.622,0.100789440312748,0.748,0.619,224.70999999999998,2023-03-27,boston/manchester smm food,0,201.78715189529112,183.34429136615643,1.3234576859523683,0.9073543163957328,0.9955343639617836,1.307664681807212,12.408065454267877,0.6146569752021931,0.8861270515475396,201.78715189529115 +0.0,0.923,0.0,0.0,0.04063730293398452,0.0,0.0,65.56,2023-03-27,buffalo smm food,0,70.46687687697394,63.96319330778341,0.0,1.5008746129628339,0.0,0.0,5.002808956227691,0.0,0.0,70.46687687697394 +0.554,0.936,0.801,0.846,0.08996304969855964,0.842,0.867,145.15,2023-03-27,charlotte smm food,0,145.31953437454513,127.1008852661048,1.0703584788578278,1.5220136920186484,0.8393926584561986,1.7785921556413204,11.075241668785166,0.6918999640645007,1.2411504906166668,145.31953437454513 +0.0,0.0,0.5740000000000001,0.859,0.19040715957168555,0.776,0.0,191.97,2023-03-27,chicago smm food,0,203.60875024539757,177.12285569785104,0.0,0.0,0.601512342014804,1.80592276796205,23.44079391249362,0.637665525076072,0.0,203.60875024539757 +0.9400000000000001,0.5650000000000001,0.0,0.0,0.09271361088804565,0.0,0.0,176.66,2023-03-27,cleveland/akron/canton smm food,0,145.23980317530743,131.09107465023894,1.8161317150295273,0.9187368974257868,0.0,0.0,11.413859912613182,0.0,0.0,145.23980317530743 +0.594,0.0,0.0,0.8290000000000001,0.07147962149060198,0.733,0.0,80.84,2023-03-27,columbus oh smm food,0,116.21332775440347,103.92073468964487,1.1476406794973821,0.0,0.0,1.7428521241449821,8.799769294775047,0.6023309663411864,0.0,116.21332775440347 +0.0,0.0,0.758,0.724,0.15408434965199175,0.0,0.0,134.88,2023-03-27,dallas/ft. worth smm food,0,126.5627306270277,105.27715718131851,0.0,0.0,0.7943316293505599,1.5221048707852436,18.969136945573382,0.0,0.0,126.5627306270277 +0.85,0.0,0.0,0.59,0.03168737104655206,0.896,0.0,62.98,2023-03-27,des moines/ames smm food,0,69.92820077488744,62.408297363785806,1.64224676359053,0.0,0.0,1.2403893284023393,3.9009937231446346,0.7362735959641243,0.0,69.92820077488743 +0.665,0.0,0.0,0.6940000000000001,0.10141770404474326,0.621,0.58,181.08,2023-03-27,detroit smm food,0,176.89277762350162,160.32292305294044,1.284816585632591,0.0,0.0,1.4590342269681758,12.48541023845311,0.5102967668456709,0.8302967526616687,176.89277762350167 +0.0,0.9400000000000001,0.0,0.0,0.05736766684496937,0.0,0.0,116.60999999999999,2023-03-27,grand rapids smm food,0,118.60654804870073,110.01556630860257,0.0,1.5285180240358223,0.0,0.0,7.062463716062334,0.0,0.0,118.60654804870073 +0.0,0.8190000000000001,0.852,0.0,0.04599289374628267,0.874,0.757,132.23,2023-03-27,greensboro smm food,0,93.25784746734794,83.56924325587181,0.0,1.3317619805163174,0.8928371348373048,0.0,5.662129229651871,0.718195449634648,1.0836804168360055,93.25784746734796 +0.882,0.0,0.67,0.877,0.05057708991052166,0.0,0.0,95.21,2023-03-27,harrisburg/lancaster smm food,0,95.50154312812154,85.02510769460987,1.7040725241021735,0.0,0.7021137093204158,1.843765154252291,6.226484045836783,0.0,0.0,95.50154312812154 +0.579,0.5720000000000001,0.0,0.0,0.051897332840958696,0.874,0.0,121.01,2023-03-27,hartford/new haven smm food,0,121.76672257122281,112.61073024106035,1.1186598542575492,0.9301194784558408,0.0,0.0,6.389017547814423,0.718195449634648,0.0,121.76672257122281 +0.723,0.883,0.973,0.0,0.12669951531713,0.801,0.687,201.88,2023-03-27,houston smm food,0,188.7382901793479,167.64644198801398,1.3968757765599449,1.4358312927910968,1.019636774878753,0.0,15.597823285859873,0.6582088731777496,0.9834721880664938,188.73829017934787 +0.889,0.0,0.792,0.604,0.08316519297337908,0.756,0.9490000000000002,89.58,2023-03-27,indianapolis smm food,0,105.05674937266461,89.02123497580452,1.7175969092140955,0.0,0.8299612802712975,1.2698222955169711,10.238365792373468,0.6212308465947298,1.3585372728895238,105.0567493726646 +0.6990000000000001,0.584,0.0,0.0,0.04616294456738518,0.972,0.548,91.49,2023-03-27,jacksonville smm food,0,95.8663055510604,86.29988999004563,1.3505064561762123,0.9496324745073618,0.0,0.0,5.683063979485233,0.7987253741932241,0.7844872766527491,95.8663055510604 +0.5650000000000001,0.866,0.9700000000000001,0.0,0.06070216930668144,0.0,0.0,120.79,2023-03-27,kansas city smm food,0,91.48296271945517,80.49370051161102,1.0916110840337052,1.4081878817181084,1.0164929821504527,0.0,7.472970259941888,0.0,0.0,91.48296271945517 +0.8,0.0,0.606,0.758,0.04273678123753005,0.0,0.922,76.22,2023-03-27,knoxville smm food,0,79.75845216921252,69.4030183864474,1.545644012791087,0.0,0.6350461311166745,1.5935849337779209,5.2612731775724475,0.0,1.3198855275069976,79.75845216921253 +0.753,0.8210000000000001,0.0,0.0,0.03760163761160984,0.0,0.668,63.160000000000004,2023-03-27,las vegas smm food,0,81.45120074141039,73.0759844669223,1.4548374270396107,1.3350141465249044,0.0,0.0,4.62909188923737,0.0,0.9562728116861978,81.45120074141039 +0.0,0.613,0.0,0.0,0.043246736014734874,0.0,0.0,50.64,2023-03-27,little rock/pine bluff smm food,0,64.02441312780093,57.70357115599228,0.0,0.9967888816318712,0.0,0.0,5.324053090176781,0.0,0.0,64.02441312780093 +0.0,0.0,0.6960000000000001,0.0,0.2577247621034907,0.609,0.9269999999999999,132.87,2023-03-27,los angeles smm food,0,188.26159743909048,153.9765761946837,0.0,0.0,0.7293599129656857,0.0,31.72818211355083,0.5004359597568657,1.327043258133391,188.26159743909048 +0.864,0.779,0.948,0.873,0.02324224174227215,0.8300000000000001,0.0,84.21,2023-03-27,madison wi smm food,0,61.72735698884613,52.419185278171575,1.669295533814374,1.2667186603445804,0.9934385021429166,1.8353557350766818,2.8613241223203194,0.6820391569756955,0.0,61.72735698884614 +0.6880000000000001,0.0,0.912,0.515,0.060884736129162766,0.0,0.0,195.2,2023-03-27,miami/west palm beach smm food,0,194.9849397348343,184.12181433608328,1.3292538510003349,0.0,0.9557129894033122,1.0827127188596692,7.495445839487689,0.0,0.0,194.98493973483428 +0.912,0.0,0.0,0.796,0.05071223554357358,0.0,0.0,75.88,2023-03-27,milwaukee smm food,0,77.83180273096166,68.15317248002567,1.7620341745818393,0.0,0.0,1.6734744159462072,6.2431216604079465,0.0,0.0,77.83180273096167 +0.0,0.0,0.708,0.5760000000000001,0.09975579033866079,0.0,0.747,85.24,2023-03-27,minneapolis/st. paul smm food,0,101.05379291332967,85.75072244988117,0.0,0.0,0.7419350838788871,1.2109563612877077,12.280814062698694,0.0,1.069364955583218,101.05379291332967 +0.0,0.0,0.8230000000000001,0.0,0.039961765041598776,0.0,0.9530000000000001,52.37,2023-03-27,mobile/pensacola smm food,0,74.6127897796929,67.46643487620449,0.0,0.0,0.8624471384637347,0.0,4.91964430763404,0.0,1.3642634573906385,74.6127897796929 +0.0,0.0,0.595,0.508,0.0871137788958303,0.5740000000000001,0.0,82.09,2023-03-27,nashville smm food,0,108.35982974204988,95.47216793873541,0.0,0.0,0.6235188911129065,1.0679962353023533,10.724471404484687,0.4716752724145172,0.0,108.35982974204987 +0.7010000000000001,0.0,0.645,0.647,0.04106893941944212,0.0,0.0,45.23,2023-03-27,new orleans smm food,0,67.9960740698914,59.54961731628727,1.3543705662081902,0.0,0.6759154365845793,1.360223551654769,5.055947199156605,0.0,0.0,67.9960740698914 +0.607,0.0,0.858,0.982,0.27032750196647665,0.861,0.88,308.08,2023-03-27,new york smm food,0,329.5451237015358,290.1617655847399,1.1727573947052372,0.0,0.8991247202939056,2.064512407612029,33.27969009531766,0.7075129086217756,1.2597605902452904,329.5451237015358 +0.5060000000000001,0.0,0.0,0.645,0.042317729943587214,0.802,0.0,102.52,2023-03-27,norfolk/portsmouth/newport news smm food,0,110.5122928181135,102.30993924858487,0.9776198380903628,0.0,0.0,1.3560188420669643,5.209684282269486,0.6590306071018166,0.0,110.5122928181135 +0.85,0.0,0.0,0.0,0.05229658340063731,0.754,0.784,84.88,2023-03-27,oklahoma city smm food,0,63.431579223323624,53.609244119971564,1.64224676359053,0.0,0.0,0.0,6.438168798796404,0.6195873787465956,1.1223321622185316,63.431579223323624 +0.712,0.837,0.8190000000000001,0.503,0.028256410122091423,0.606,0.5660000000000001,38.83,2023-03-27,omaha smm food,0,70.3154625322409,60.87622985001895,1.3756231713840674,1.361031474593599,0.8582554148260008,1.057484461332842,3.4786122951930154,0.4979707579846644,0.8102551069077665,70.3154625322409 +0.0,0.916,0.54,0.0,0.08669694662839056,0.0,0.0,118.76000000000002,2023-03-27,orlando/daytona beach/melborne smm food,0,145.34391258072554,132.61538216686213,0.0,1.48949203193278,0.5658826910940664,0.0,10.673155690836566,0.0,0.0,145.34391258072554 +0.0,0.0,0.0,0.971,0.032636266810710184,0.5,0.8130000000000001,32.4,2023-03-27,paducah ky/cape girardeau mo smm food,0,63.19316972657462,55.55925813283435,0.0,0.0,0.0,2.0413865048791044,4.0178111269759995,0.4108669620335515,1.163846999851615,63.193169726574624 +0.5730000000000001,0.704,0.0,0.843,0.17167614558206015,0.9840000000000001,0.0,241.56,2023-03-27,philadelphia smm food,0,225.70529042348488,199.7377476378349,1.1070675241616161,1.1447624350225731,0.0,1.7722850912596138,21.13484155392414,0.8085861812820294,0.0,225.70529042348488 +0.0,0.0,0.654,0.0,0.09703564068500281,0.923,0.0,152.85,2023-03-27,phoenix/prescott smm food,0,130.37270809222187,116.98296111946722,0.0,0.0,0.6853468147694805,0.0,11.945939746071266,0.7584604119139361,0.0,130.3727080922219 +0.909,0.0,0.0,0.0,0.0702218251289396,0.79,0.0,107.39,2023-03-27,pittsburgh smm food,0,115.60256367234624,104.55223234884438,1.7562380095338728,0.0,0.0,0.0,8.644923513954963,0.6491698000130114,0.0,115.60256367234624 +0.0,0.0,0.0,0.911,0.061184277525241096,0.0,0.0,61.019999999999996,2023-03-27,portland or smm food,0,96.34387671304921,86.8963094792362,0.0,0.0,0.0,1.9152452172449683,7.532322016568044,0.0,0.0,96.34387671304921 +0.524,0.553,0.0,0.0,0.03413452237003701,0.0,0.0,87.41,2023-03-27,providence ri/new bedford ma smm food,0,89.36218663482116,83.24830635780522,1.0123968283781621,0.8992239013742657,0.0,0.0,4.202259547263503,0.0,0.0,89.36218663482114 +0.842,0.0,0.0,0.88,0.07180764574746863,0.967,0.0,121.88999999999999,2023-03-27,raleigh/durham/fayetteville smm food,0,138.44180398498767,125.33017277610136,1.626790323462619,0.0,0.0,1.8500722186339977,8.840151962216789,0.7946167045728886,0.0,138.44180398498764 +0.0,0.9000000000000001,0.0,0.0,0.4522236026830852,0.0,0.0,312.24,2023-03-27,rem us east north central smm food,0,363.5898453061363,306.4536727021249,0.0,1.4634747038640852,0.0,0.0,55.67269790014734,0.0,0.0,363.58984530613634 +0.603,0.0,0.0,0.0,0.15234793793809726,0.0,0.889,146.16,2023-03-27,rem us middle atlantic smm food,0,151.99306635236536,130.80002326169728,1.1650291746412818,0.0,0.0,0.0,18.755369410654,0.0,1.272644505372799,151.99306635236536 +0.589,0.0,0.722,0.0,0.20748443664665242,0.58,0.0,208.61,2023-03-27,rem us mountain smm food,0,201.8718604582079,173.95751153106124,1.1379804044174378,0.0,0.7566061166109554,0.0,25.543156730159318,0.47660567595891973,0.0,201.87186045820786 +0.0,0.0,0.6970000000000001,0.64,0.06905381161744438,0.0,0.0,176.98,2023-03-27,rem us new england smm food,0,158.79867631568504,148.221630613054,0.0,0.0,0.7304078438751191,1.345507068097453,8.501130790658443,0.0,0.0,158.79867631568501 +0.0,0.0,0.0,0.891,0.2046057550939901,0.867,0.5690000000000001,90.13,2023-03-27,rem us pacific smm food,0,133.70260112502214,105.11364420201244,0.0,0.0,0.0,1.8731981213669229,25.188765744193002,0.7124433121661783,0.8145497452836027,133.70260112502214 +0.0,0.8290000000000001,0.647,0.586,0.4472885285129664,0.964,0.704,324.62,2023-03-27,rem us south atlantic smm food,0,343.80335126926684,283.6802303568146,0.0,1.3480228105592518,0.6780112984034463,1.2319799092267303,55.065146919265906,0.7921515028006872,1.0078084721962324,343.80335126926684 +0.834,0.9070000000000001,0.0,0.0,0.7746951818707135,0.0,0.86,396.46,2023-03-27,rem us south central smm food,0,499.12043214114124,399.4313293612464,1.6113338833347082,1.4748572848941393,0.0,0.0,95.37178194392624,0.0,1.2311296677397157,499.12043214114124 +0.0,0.87,0.861,0.0,0.2920020558479922,0.53,0.0,136.19,2023-03-27,rem us west north central smm food,0,164.6550262601803,125.95452848252805,0.0,1.4146922137352822,0.9022685130222059,0.0,35.94801807113921,0.4355189797555646,0.0,164.6550262601803 +0.0,0.9500000000000001,0.86,0.0,0.03114924847078516,0.0,0.487,117.39,2023-03-27,richmond/petersburg smm food,0,93.04600234437828,86.06809383806947,0.0,1.5447788540787566,0.9012205821127725,0.0,3.8347461071065245,0.0,0.697162963010746,93.04600234437827 +0.9510000000000001,0.6930000000000001,0.0,0.0,0.07821936344373386,0.718,0.0,119.72,2023-03-27,sacramento/stockton/modesto smm food,0,84.77083717988842,71.58708164797008,1.8373843202054048,1.1268755219753455,0.0,0.0,9.629490732257404,0.5900049574801799,0.0,84.77083717988842 +0.0,0.774,0.0,0.0,0.07146270079574682,0.736,0.0,79.2,2023-03-27,salt lake city smm food,0,94.38587969419179,83.72480907215119,0.0,1.2585882453231132,0.0,0.0,8.797686208604084,0.6047961681133878,0.0,94.38587969419177 +0.655,0.874,0.732,0.0,0.04351210366134272,0.0,0.9440000000000001,118.29,2023-03-27,san diego smm food,0,88.87619267841907,78.71431295071628,1.2654960354727025,1.4211965457524558,0.76708542570529,0.0,5.356722178509229,0.0,1.3513795422631298,88.87619267841909 +0.523,0.0,0.518,0.645,0.08754069933219975,0.0,0.0,110.8,2023-03-27,san francisco/oakland/san jose smm food,0,102.56225393427943,88.87591304741949,1.0104647733621732,0.0,0.5428282110865305,1.3560188420669643,10.777029060344264,0.0,0.0,102.56225393427943 +0.0,0.0,0.716,0.0,0.08477843512543241,0.871,0.0,110.88,2023-03-27,seattle/tacoma smm food,0,100.64777535710817,88.74475650580376,0.0,0.0,0.7503185311543548,0.0,10.4369700722876,0.7157302478624467,0.0,100.64777535710816 +0.0,0.0,0.0,0.614,0.0773373411815133,0.0,0.0,62.11,2023-03-27,st. louis smm food,0,98.51584541776054,87.70409353036166,0.0,0.0,0.0,1.290845843455994,9.52090604394289,0.0,0.0,98.51584541776054 +0.768,0.667,0.879,0.0,0.09345468419456114,0.769,0.608,181.5,2023-03-27,tampa/ft. myers smm food,0,189.75213648443645,173.25520362076367,1.4838182522794436,1.0845973638637163,0.9211312693920082,0.0,11.505092546360547,0.6319133876076022,0.8703800441694733,189.75213648443645 +0.0,0.9000000000000001,0.786,0.846,0.020925587957348803,0.0,0.0,80.16,2023-03-27,tucson/sierra vista smm food,0,69.96411089025145,63.32224664442017,0.0,1.4634747038640852,0.8236736948146968,1.7785921556413204,2.5761236915111945,0.0,0.0,69.96411089025146 +0.663,0.93,0.9059999999999999,0.559,0.12895694358121498,0.0,0.611,193.18,2023-03-27,washington dc/hagerstown smm food,0,194.6896348043433,173.02137618365978,1.2809524756006134,1.512257193992888,0.9494254039467114,1.1752163297913691,15.87573253480664,0.0,0.8746746825453096,194.6896348043433 +0.0,0.5060000000000001,0.537,0.0,0.01593663691100844,0.519,0.768,17.46,2023-03-27,yakima/pasco/richland/kennewick smm food,0,58.390326590155624,53.51694236690935,0.0,0.8227980001724746,0.5627388983657661,0.0,1.9619399939031443,0.42647990659082646,1.0994274242140716,58.39032659015563 +0.0,0.0,0.771,0.0,0.03047250963532536,0.76,0.0,85.42,2023-04-03,albany/schenectady/troy smm food,0,87.54077456616614,82.35686844083078,0.0,0.0,0.8079547311731948,0.0,3.751433611871167,0.6245177822909983,0.0,87.54077456616614 +0.89,0.0,0.0,0.933,0.04099151071515716,0.888,0.0,47.79,2023-04-03,albuquerque/santa fe smm food,0,80.2492701187374,70.79212936171284,1.7195289642300844,0.0,0.0,1.9614970227108182,5.046415045512078,0.7296997245715875,0.0,80.2492701187374 +0.967,0.0,0.71,0.535,0.1490131389472311,0.747,0.76,155.09,2023-04-03,atlanta smm food,0,189.03125545890066,165.2475308400832,1.8682972004612264,0.0,0.744030945697754,1.1247598147377147,18.344826361430815,0.6138352412781259,1.0879750552118417,189.03125545890066 +0.6960000000000001,0.622,0.0,0.0,0.05052675902876778,0.0,0.597,85.86,2023-04-03,baltimore smm food,0,114.71141601898394,105.28036119021601,1.3447102911282458,1.011423628670512,0.0,0.0,6.220287872177764,0.0,0.8546330367914072,114.71141601898394 +0.0,0.0,0.0,0.522,0.021955855028003114,0.0,0.585,62.74999999999999,2023-04-03,baton rouge smm food,0,55.2660842070988,50.62824190344196,0.0,0.0,0.0,1.0974292024169852,2.7029586179517833,0.0,0.8374544832880624,55.26608420709879 +0.0,0.0,0.909,0.0,0.05709955753922434,0.615,0.981,60.32,2023-04-03,birmingham/anniston/tuscaloosa smm food,0,72.16725631783657,62.27551690355495,0.0,0.0,0.9525691966750118,0.0,7.029457105406894,0.5053663633012684,1.4043467488984431,72.16725631783657 +0.536,0.636,0.897,0.0,0.10322188255465203,0.768,0.0,259.0,2023-04-03,boston/manchester smm food,0,199.69266778613945,183.34429136615643,1.0355814885700283,1.03418879073062,0.9399940257618103,0.0,12.707520461237033,0.6310916536835351,0.0,199.69266778613945 +0.0,0.781,0.0,0.661,0.03941777489519536,0.0,0.0,77.87,2023-04-03,buffalo smm food,0,71.47549499501481,63.96319330778341,0.0,1.269970826353167,0.0,1.3896565187694008,4.852674342108825,0.0,0.0,71.4754949950148 +0.0,0.879,0.0,0.0,0.09150227199606188,0.0,0.861,145.64,2023-04-03,charlotte smm food,0,141.02750689514465,127.1008852661048,0.0,1.429326960773923,0.0,0.0,11.264733454400933,0.0,1.2325612138649944,141.02750689514465 +0.0,0.973,0.0,0.7000000000000001,0.19843588163364656,0.0,0.0,176.67,2023-04-03,chicago smm food,0,204.60588294075583,177.12285569785104,0.0,1.5821787631775053,0.0,1.4716483557315894,24.429200123995688,0.0,0.0,204.6058829407558 +0.642,0.5730000000000001,0.645,0.617,0.09140459652824341,0.803,0.0,149.91,2023-04-03,cleveland/akron/canton smm food,0,147.14882896372646,131.09107465023894,1.2403793202648474,0.9317455614601342,0.6759154365845793,1.2971529078377007,11.252708746314381,0.6598523410258837,0.0,147.14882896372646 +0.0,0.533,0.626,0.0,0.06649701987477352,0.0,0.9840000000000001,114.01999999999998,2023-04-03,columbus oh smm food,0,115.03845033535039,103.92073468964487,0.0,0.866702241288397,0.6560047493053437,0.0,8.186367267837502,0.0,1.4086413872742796,115.0384503353504 +0.0,0.0,0.559,0.753,0.16717370621221767,0.8270000000000001,0.0,102.64,2023-04-03,dallas/ft. worth smm food,0,128.70614939199888,105.27715718131851,0.0,0.0,0.5857933783733021,1.5830731598084096,20.580551717295172,0.6795739552034943,0.0,128.7061493919989 +0.0,0.0,0.0,0.0,0.031373928610837695,0.0,0.579,84.72,2023-04-03,des moines/ames smm food,0,67.09956877629816,62.408297363785806,0.0,0.0,0.0,0.0,3.862406205975963,0.0,0.82886520653639,67.09956877629816 +0.0,0.512,0.505,0.0,0.10167003923502892,0.5720000000000001,0.0,181.66,2023-04-03,detroit smm food,0,174.6711893819019,160.32292305294044,0.0,0.832554498198235,0.5292051092638954,0.0,12.516474916932959,0.47003180456638294,0.0,174.6711893819019 +0.589,0.0,0.0,0.746,0.05652699310221011,0.0,0.525,108.06,2023-04-03,grand rapids smm food,0,120.43243449874846,110.01556630860257,1.1379804044174378,0.0,0.0,1.5683566762510937,6.958969393706009,0.0,0.7515617157713381,120.43243449874845 +0.992,0.591,0.895,0.0,0.04546704500641872,0.786,0.592,90.15,2023-04-03,greensboro smm food,0,94.47550585232378,83.56924325587181,1.9165985758609478,0.9610150555374157,0.9378981639429435,0.0,5.597392630628899,0.645882864316743,0.8474753061650135,94.47550585232378 +0.865,0.0,0.706,0.747,0.04948189531050348,0.9210000000000002,0.873,86.58,2023-04-03,harrisburg/lancaster smm food,0,97.10484621817632,85.02510769460987,1.6712275888303627,0.0,0.7398392220600202,1.5704590310449957,6.091655970196925,0.756816944065802,1.2497397673683392,97.10484621817632 +0.773,0.0,0.711,0.0,0.05101335472185931,0.0,0.0,137.86,2023-04-03,hartford/new haven smm food,0,121.12947972136448,112.61073024106035,1.4934785273593878,0.0,0.7450788766071874,0.0,6.280192076337542,0.0,0.0,121.12947972136448 +0.734,0.643,0.648,0.714,0.13682611689628077,0.0,0.518,182.78,2023-04-03,houston smm food,0,189.87632008062624,167.64644198801398,1.4181283817358223,1.045571371760674,0.6790592293128798,1.5010813228462208,16.844496894062285,0.0,0.7415408928943868,189.87632008062624 +0.0,0.686,0.0,0.0,0.07954498961385571,0.759,0.0,85.29,2023-04-03,indianapolis smm food,0,100.5531109234443,89.02123497580452,0.0,1.1154929409452916,0.0,0.0,9.792686958327549,0.6236960483669312,0.0,100.5531109234443 +0.0,0.0,0.0,0.0,0.04479193090361569,0.0,0.843,85.05,2023-04-03,jacksonville smm food,0,93.02096352791112,86.29988999004563,0.0,0.0,0.0,0.0,5.51428015425552,0.0,1.2067933836099771,93.02096352791112 +0.8,0.0,0.966,0.0,0.060376818754354154,0.0,0.894,74.95,2023-04-03,kansas city smm food,0,91.76436476792924,80.49370051161102,1.545644012791087,0.0,1.012301258512719,0.0,7.432916749015222,0.0,1.2798022359991927,91.76436476792924 +0.668,0.967,0.0,0.5700000000000001,0.040759809011843444,0.7020000000000001,0.0,84.06,2023-04-03,knoxville smm food,0,79.05914338002566,69.4030183864474,1.2906127506805578,1.5724222651517445,0.0,1.198342232524294,5.01789053052657,0.5768572146951063,0.0,79.05914338002567 +0.864,0.8140000000000001,0.8220000000000001,0.891,0.04005752542529709,0.0,0.0,46.07,2023-04-03,las vegas smm food,0,83.73494214719574,73.0759844669223,1.669295533814374,1.3236315654948503,0.8613992075543012,1.8731981213669229,4.931433252042973,0.0,0.0,83.73494214719572 +0.725,0.727,0.0,0.6980000000000001,0.041186295774325046,0.585,0.0,41.83,2023-04-03,little rock/pine bluff smm food,0,67.30502617574965,57.70357115599228,1.4007398865919225,1.182162344121322,0.0,1.4674436461437848,5.070394797321087,0.48071434557925524,0.0,67.30502617574965 +0.734,0.735,0.0,0.0,0.28205225483481394,0.0,0.9280000000000002,176.44,2023-04-03,los angeles smm food,0,192.64146055448842,153.9765761946837,1.4181283817358223,1.1951710081556695,0.0,0.0,34.72311016565457,0.0,1.3284748042586703,192.64146055448845 +0.532,0.0,0.916,0.708,0.022916202995199746,0.599,0.518,61.69,2023-04-03,madison wi smm food,0,59.950355855787386,52.419185278171575,1.0278532685060728,0.0,0.9599047130410461,1.4884671940828071,2.8211858885753087,0.4922186205161947,0.7415408928943868,59.95035585578739 +0.0,0.807,0.0,0.717,0.06409149259575556,0.49499999999999994,0.61,186.21,2023-04-03,miami/west palm beach smm food,0,196.11167886583456,184.12181433608328,0.0,1.3122489844647962,0.0,1.5073883872279277,7.89022572922528,0.4067582924132159,0.8732431364200308,196.11167886583453 +0.663,0.0,0.5700000000000001,0.0,0.05084620988646686,0.9140000000000001,0.869,66.88,2023-04-03,milwaukee smm food,0,78.28613904233967,68.15317248002567,1.2809524756006134,0.0,0.5973206183770702,0.0,6.259615078871766,0.7510648065973322,1.2440135828672243,78.28613904233968 +0.721,0.0,0.812,0.0,0.10057604310700852,0.551,0.0,77.97,2023-04-03,minneapolis/st. paul smm food,0,100.82922379075369,85.75072244988117,1.393011666527967,0.0,0.8509198984599666,0.0,12.38179438372361,0.4527753921609738,0.0,100.82922379075369 +0.642,0.0,0.775,0.759,0.03839878458116339,0.0,0.9420000000000002,111.14,2023-04-03,mobile/pensacola smm food,0,77.19039207333007,67.46643487620449,1.2403793202648474,0.0,0.8121464548109287,1.5956872885718232,4.727227683465415,0.0,1.3485164500125726,77.19039207333007 +0.0,0.56,0.502,0.5740000000000001,0.08167883070420749,0.0,0.0,132.16,2023-04-03,nashville smm food,0,108.170968929952,95.47216793873541,0.0,0.9106064824043196,0.5260613165355951,1.2067516516999033,10.05538154057678,0.0,0.0,108.17096892995201 +0.748,0.5640000000000001,0.0,0.0,0.042003113746637906,0.522,0.546,83.33,2023-04-03,new orleans smm food,0,68.29342684021591,59.54961731628727,1.4451771519596663,0.9171108144214933,0.0,0.0,5.170952264782273,0.4289451083630278,0.7816241844021916,68.29342684021591 +0.749,0.0,0.719,0.0,0.29144807637571046,0.973,0.782,289.87,2023-04-03,new york smm food,0,330.1611716255338,290.1617655847399,1.4471092069756553,0.0,0.7534623238826551,0.0,35.879818331850416,0.7995471081172912,1.1194690699679741,330.1611716255339 +0.0,0.0,0.849,0.0,0.04131553059290548,0.0,0.0,86.57,2023-04-03,norfolk/portsmouth/newport news smm food,0,108.28593732940307,102.30993924858487,0.0,0.0,0.8896933421090044,0.0,5.086304738709199,0.0,0.0,108.28593732940307 +0.644,0.594,0.978,0.973,0.05275698568511773,0.0,0.608,30.89,2023-04-03,oklahoma city smm food,0,66.25507690714973,53.609244119971564,1.244243430296825,0.9658933045502961,1.0248764294259203,2.045591214466909,6.4948483642687505,0.0,0.8703800441694733,66.25507690714974 +0.0,0.544,0.742,0.792,0.028410012223909042,0.0,0.0,46.41,2023-04-03,omaha smm food,0,67.70097079911883,60.87622985001895,0.0,0.8845891543356248,0.7775647347996246,1.6650649967705982,3.4975220631940296,0.0,0.0,67.70097079911883 +0.975,0.9580000000000001,0.9840000000000001,0.0,0.08792096461278787,0.903,0.787,177.2,2023-04-03,orlando/daytona beach/melborne smm food,0,149.7805829311741,132.61538216686213,1.8837536405891373,1.557787518113104,1.0311640148825212,0.0,10.82384305670025,0.742025733432594,1.1266268005943678,149.7805829311741 +0.743,0.806,0.0,0.786,0.030287559459768063,0.644,0.0,85.11,2023-04-03,paducah ky/cape girardeau mo smm food,0,64.2157100469069,55.55925813283435,1.435516876879722,1.3106229014605029,0.0,1.6524508680071845,3.72866462062593,0.5291966470992143,0.0,64.2157100469069 +0.0,0.773,0.0,0.724,0.17915775035058026,0.807,0.56,221.33,2023-04-03,philadelphia smm food,0,226.0375125984485,199.7377476378349,0.0,1.2569621623188196,0.0,1.5221048707852436,22.055892820631282,0.6631392767221521,0.801665830156094,226.0375125984485 +0.0,0.9510000000000001,0.0,0.0,0.09884181458901098,0.591,0.625,114.79,2023-04-03,phoenix/prescott smm food,0,132.07802275336982,116.98296111946722,0.0,1.54640493708305,0.0,0.0,12.16829561939671,0.48564474912365785,0.894716328299212,132.07802275336985 +0.0,0.748,0.0,0.744,0.06809128292542707,0.496,0.9140000000000001,118.40999999999998,2023-04-03,pittsburgh smm food,0,117.43134264121484,104.55223234884438,0.0,1.216310087211484,0.0,1.564151966663289,8.382635053653631,0.4075800263372831,1.3084331585047677,117.43134264121484 +0.0,0.0,0.9530000000000001,0.77,0.06369175523404898,0.841,0.516,94.23,2023-04-03,portland or smm food,0,98.7845714066528,86.8963094792362,0.0,0.0,0.998678156690084,1.618813191304748,7.841014548637504,0.6910782301404336,0.7386778006438294,98.78457140665279 +0.0,0.8170000000000001,0.0,0.0,0.033984376068402655,0.0,0.0,67.56,2023-04-03,providence ri/new bedford ma smm food,0,88.76059139093434,83.24830635780522,0.0,1.3285098145077305,0.0,0.0,4.183775218621392,0.0,0.0,88.76059139093434 +0.792,0.987,0.884,0.0,0.07155080949173152,0.0,0.621,115.25,2023-04-03,raleigh/durham/fayetteville smm food,0,139.08919850478117,125.33017277610136,1.5301875726631762,1.6049439252376132,0.9263709239391754,0.0,8.808533163041732,0.0,0.888990143798097,139.08919850478117 +0.515,0.746,0.0,0.96,0.42985042117238553,0.61,0.0,288.83,2023-04-03,rem us east north central smm food,0,364.0996199786972,306.4536727021249,0.9950083332342623,1.2130579212028971,0.0,2.0182606021461793,52.918362726308054,0.5012576936809329,0.0,364.0996199786972 +0.0,0.517,0.0,0.0,0.14749727820491843,0.0,0.0,167.49,2023-04-03,rem us middle atlantic smm food,0,149.79891876338777,130.80002326169728,0.0,0.8406849132197022,0.0,0.0,18.1582105884708,0.0,0.0,149.79891876338777 +0.726,0.0,0.742,0.834,0.2150944039438247,0.0,0.0,199.83,2023-04-03,rem us mountain smm food,0,204.37112265728533,173.95751153106124,1.4026719416079114,0.0,0.7775647347996246,1.7533638981144932,26.480010551702055,0.0,0.0,204.37112265728533 +0.0,0.9000000000000001,0.734,0.0,0.066383137853146,0.0,0.912,151.27,2023-04-03,rem us new england smm food,0,159.93220406131235,148.221630613054,0.0,1.4634747038640852,0.7691812875241569,0.0,8.172347390615899,0.0,1.3055700662542102,159.93220406131235 +0.0,0.0,0.852,0.7020000000000001,0.20691599520041815,0.0,0.0,103.85,2023-04-03,rem us pacific smm food,0,132.95551099700964,105.11364420201244,0.0,0.0,0.8928371348373048,1.4758530653193938,25.473176594840503,0.0,0.0,132.95551099700964 +0.0,0.0,0.0,0.0,0.4337078577394845,0.652,0.9070000000000001,318.54,2023-04-03,rem us south atlantic smm food,0,338.90766026303794,283.6802303568146,0.0,0.0,0.0,0.0,53.3932470521038,0.5357705184917512,1.2984123356278165,338.907660263038 +0.0,0.791,0.74,0.0,0.7645677895471519,0.0,0.0,422.51,2023-04-03,rem us south central smm food,0,495.6180408787641,399.4313293612464,0.0,1.2862316563961014,0.7754688729807577,0.0,94.12501098814082,0.0,0.0,495.6180408787641 +0.0,0.669,0.753,0.524,0.28874035005807064,0.788,0.0,118.31,2023-04-03,rem us west north central smm food,0,165.12710366838894,125.95452848252805,0.0,1.0878495298723032,0.7890919748033927,1.1016339120047896,35.54647343701554,0.6475263321648772,0.0,165.12710366838894 +0.0,0.0,0.0,0.581,0.03146649265736257,0.5730000000000001,0.9269999999999999,91.9,2023-04-03,richmond/petersburg smm food,0,92.96126042315221,86.06809383806947,0.0,0.0,0.0,1.221468135257219,3.873801653201671,0.4708535384904501,1.327043258133391,92.9612604231522 +0.978,0.667,0.612,0.862,0.0832939743494614,0.0,0.0,120.06999999999998,2023-04-03,sacramento/stockton/modesto smm food,0,87.26901227739489,71.58708164797008,1.8895498056371038,1.0845973638637163,0.6413337165732753,1.812229832343757,10.254219911006945,0.0,0.0,87.26901227739488 +0.672,0.6910000000000001,0.0,0.636,0.07644412865034034,0.0,0.779,135.67,2023-04-03,salt lake city smm food,0,98.00998921459951,83.72480907215119,1.2983409707445133,1.1236233559667588,0.0,1.3370976489218438,9.41094373522309,0.0,1.115174431592138,98.00998921459953 +0.0,0.608,0.0,0.721,0.04667873355569668,0.0,0.502,73.9,2023-04-03,san diego smm food,0,87.68396751334566,78.71431295071628,0.0,0.988658466610404,0.0,1.5157978064035367,5.7465621347255125,0.0,0.718636154889927,87.68396751334566 +0.0,0.613,0.586,0.6920000000000001,0.09496880653470796,0.979,0.0,85.49,2023-04-03,san francisco/oakland/san jose smm food,0,104.43759077776494,88.87591304741949,0.0,0.9967888816318712,0.6140875129280053,1.4548295173803711,11.691494306743522,0.8044775116616938,0.0,104.43759077776495 +0.749,0.0,0.0,0.0,0.09136906121574039,0.757,0.614,119.72,2023-04-03,seattle/tacoma smm food,0,102.94122165141633,88.74475650580376,1.4471092069756553,0.0,0.0,0.0,11.248334037196964,0.622052580518797,0.8789693209211458,102.94122165141633 +0.0,0.0,0.0,0.0,0.07670464557420256,0.805,0.0,97.93,2023-04-03,st. louis smm food,0,97.80860499621166,87.70409353036166,0.0,0.0,0.0,0.0,9.443015656975968,0.6614958088740179,0.0,97.80860499621164 +0.799,0.77,0.982,0.5670000000000001,0.09330147746494898,0.613,0.7020000000000001,242.81,2023-04-03,tampa/ft. myers smm food,0,191.2670025406008,173.25520362076367,1.5437119577750982,1.2520839133059394,1.029068153063654,1.1920351681425874,11.486231452151042,0.5037228954531341,1.004945379945675,191.2670025406008 +0.677,0.0,0.902,0.0,0.021238542355497072,0.74,0.961,68.27,2023-04-03,tucson/sierra vista smm food,0,70.17393162772461,63.32224664442017,1.3080012458244574,0.0,0.9452336803089777,0.0,2.6146511269684742,0.6080831038096562,1.3757158263928684,70.1739316277246 +0.0,0.0,0.609,0.0,0.14462498809106483,0.0,0.0,216.53,2023-04-03,washington dc/hagerstown smm food,0,191.4641725522701,173.02137618365978,0.0,0.0,0.6381899238449749,0.0,17.80460644476534,0.0,0.0,191.4641725522701 diff --git a/Test/x_train_to_save.csv b/Test/x_train_to_save.csv new file mode 100644 index 0000000000000000000000000000000000000000..e0d201cb7757d9ef55e98a966b1d331c3654fadb --- /dev/null +++ b/Test/x_train_to_save.csv @@ -0,0 +1,8001 @@ +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.0,0.0,0.0,0.0,0.0,0.0,0.0,32.49,albany/schenectady/troy smm food,2021-04-19,32.49,26.617088893955547 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.54,norfolk/portsmouth/newport news smm food,2021-04-19,45.54,47.20014219773067 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.56,oklahoma city smm food,2021-04-19,9.56,-5.318835819402615 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.5,omaha smm food,2021-04-19,10.5,4.783660932510848 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.42,orlando/daytona beach/melborne smm food,2021-04-19,57.42,80.04467285661792 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,4.03,paducah ky/cape girardeau mo smm food,2021-04-19,4.03,-2.6981674792870294 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,133.25,philadelphia smm food,2021-04-19,133.25,144.0941852159552 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.24,phoenix/prescott smm food,2021-04-19,40.24,64.16814242229884 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.52,pittsburgh smm food,2021-04-19,52.52,47.33323250328202 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.559999999999995,portland or smm food,2021-04-19,29.559999999999995,32.82624433585168 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.08,providence ri/new bedford ma smm food,2021-04-19,34.08,29.924942107309946 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,62.349999999999994,raleigh/durham/fayetteville smm food,2021-04-19,62.349999999999994,68.87725613409772 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,188.57,rem us east north central smm food,2021-04-19,188.57,256.73434114413163 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,71.45,rem us middle atlantic smm food,2021-04-19,71.45,74.8018291666963 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.92,rem us new england smm food,2021-04-19,92.92,93.836734032771 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.3,rem us pacific smm food,2021-04-19,61.3,52.35467683008173 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,196.41,rem us south atlantic smm food,2021-04-19,196.41,230.72583377107833 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,307.13,rem us south central smm food,2021-04-19,307.13,344.12008996644175 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.599999999999994,rem us west north central smm food,2021-04-19,60.599999999999994,71.19044367129513 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.94,richmond/petersburg smm food,2021-04-19,31.94,31.21925085427533 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.2,sacramento/stockton/modesto smm food,2021-04-19,27.2,18.194618171169566 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.95,salt lake city smm food,2021-04-19,25.95,25.314239914962336 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.059999999999995,san diego smm food,2021-04-19,28.059999999999995,18.39546888222121 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.66,san francisco/oakland/san jose smm food,2021-04-19,41.66,33.57473720063383 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.32,seattle/tacoma smm food,2021-04-19,41.32,38.38699805596097 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.25,st. louis smm food,2021-04-19,30.25,31.812217048132776 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,82.71,tampa/ft. myers smm food,2021-04-19,82.71,119.82967503212967 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.33,tucson/sierra vista smm food,2021-04-19,9.33,6.399994211057987 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,114.97999999999999,washington dc/hagerstown smm food,2021-04-19,114.97999999999999,121.4805472184068 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.73,yakima/pasco/richland/kennewick smm food,2021-04-19,2.73,-4.916920813527007 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,216.94,new york smm food,2021-04-19,216.94,241.88064980068796 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.36,new orleans smm food,2021-04-19,11.36,2.9561572317685574 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,97.75,rem us mountain smm food,2021-04-19,97.75,120.36155943348251 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.77,mobile/pensacola smm food,2021-04-19,13.77,11.242158498400322 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.98,nashville smm food,2021-04-19,31.98,41.274266272556886 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,89.47,atlanta smm food,2021-04-19,89.47,119.44820527494618 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.489999999999995,baltimore smm food,2021-04-19,57.489999999999995,52.143588209728534 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.03,baton rouge smm food,2021-04-19,2.03,-6.463734320161201 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.32,birmingham/anniston/tuscaloosa smm food,2021-04-19,10.32,3.9931801668152502 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,96.12,boston/manchester smm food,2021-04-19,96.12,132.14559254048538 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.04,buffalo smm food,2021-04-19,15.04,10.195830315246944 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.79,charlotte smm food,2021-04-19,66.79,72.46730438422976 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,113.98999999999998,chicago smm food,2021-04-19,113.98999999999998,122.84795741693694 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,68.17,cleveland/akron/canton smm food,2021-04-19,68.17,75.48595698916274 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.44,columbus oh smm food,2021-04-19,39.44,49.39902790129502 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.72,dallas/ft. worth smm food,2021-04-19,49.72,54.84168348574075 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.18,des moines/ames smm food,2021-04-19,15.18,9.404658387327764 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,80.35,detroit smm food,2021-04-19,80.35,105.25848871262241 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.77,grand rapids smm food,2021-04-19,42.77,56.87001491965323 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.44,albuquerque/santa fe smm food,2021-04-19,19.44,13.115249093642568 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.630000000000003,minneapolis/st. paul smm food,2021-04-19,31.630000000000003,34.084121395860606 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.890000000000004,greensboro smm food,2021-04-19,29.890000000000004,28.924114079036826 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,16.56,milwaukee smm food,2021-04-19,16.56,14.83076588429779 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,99.6,miami/west palm beach smm food,2021-04-19,99.6,129.2856815562604 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.93,madison wi smm food,2021-04-19,5.93,-2.482836952713477 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,8.9,little rock/pine bluff smm food,2021-04-19,8.9,2.1340621537196256 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.43,las vegas smm food,2021-04-19,19.43,19.80178404803644 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,120.7,los angeles smm food,2021-04-19,120.7,107.16112594587844 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.180000000000003,kansas city smm food,2021-04-19,31.180000000000003,24.51870510005631 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,25.19,jacksonville smm food,2021-04-19,25.19,28.419361583232302 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.54,indianapolis smm food,2021-04-19,41.54,33.281968790101025 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,93.74,houston smm food,2021-04-19,93.74,114.74731937013286 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,58.14,hartford/new haven smm food,2021-04-19,58.14,63.49955554314568 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.209999999999997,harrisburg/lancaster smm food,2021-04-19,29.209999999999997,32.60716343977326 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.89,knoxville smm food,2021-04-19,19.89,15.202953469658823 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,58.900000000000006,pittsburgh smm food,2021-04-26,58.900000000000006,47.33323250328202 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,194.87,rem us east north central smm food,2021-04-26,194.87,256.73434114413163 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,54.37,raleigh/durham/fayetteville smm food,2021-04-26,54.37,68.87725613409772 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,29.74,providence ri/new bedford ma smm food,2021-04-26,29.74,29.924942107309946 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,30.4,portland or smm food,2021-04-26,30.4,32.82624433585168 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,40.99,phoenix/prescott smm food,2021-04-26,40.99,64.16814242229884 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,205.08,new york smm food,2021-04-26,205.08,241.88064980068796 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.16,paducah ky/cape girardeau mo smm food,2021-04-26,5.16,-2.6981674792870294 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,60.150000000000006,orlando/daytona beach/melborne smm food,2021-04-26,60.150000000000006,80.04467285661792 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,11.5,omaha smm food,2021-04-26,11.5,4.783660932510848 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,3.88,oklahoma city smm food,2021-04-26,3.88,-5.318835819402615 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,45.23,norfolk/portsmouth/newport news smm food,2021-04-26,45.23,47.20014219773067 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,74.17,rem us middle atlantic smm food,2021-04-26,74.17,74.8018291666963 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,122.79999999999998,philadelphia smm food,2021-04-26,122.79999999999998,144.0941852159552 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,100.04,rem us mountain smm food,2021-04-26,100.04,120.36155943348251 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.63,salt lake city smm food,2021-04-26,28.63,25.314239914962336 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.61,rem us pacific smm food,2021-04-26,50.61,52.35467683008173 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,182.77,rem us south atlantic smm food,2021-04-26,182.77,230.72583377107833 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,293.77,rem us south central smm food,2021-04-26,293.77,344.12008996644175 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,61.82999999999999,rem us west north central smm food,2021-04-26,61.82999999999999,71.19044367129513 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.6,richmond/petersburg smm food,2021-04-26,31.6,31.21925085427533 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.35,sacramento/stockton/modesto smm food,2021-04-26,22.35,18.194618171169566 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,22.2,san diego smm food,2021-04-26,22.2,18.39546888222121 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.45,san francisco/oakland/san jose smm food,2021-04-26,33.45,33.57473720063383 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,36.26,seattle/tacoma smm food,2021-04-26,36.26,38.38699805596097 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,33.85,st. louis smm food,2021-04-26,33.85,31.812217048132776 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,87.49,tampa/ft. myers smm food,2021-04-26,87.49,119.82967503212967 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.19,tucson/sierra vista smm food,2021-04-26,9.19,6.399994211057987 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,111.93,washington dc/hagerstown smm food,2021-04-26,111.93,121.4805472184068 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.85,yakima/pasco/richland/kennewick smm food,2021-04-26,2.85,-4.916920813527007 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,84.77,rem us new england smm food,2021-04-26,84.77,93.836734032771 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,13.61,new orleans smm food,2021-04-26,13.61,2.9561572317685574 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,42.89,grand rapids smm food,2021-04-26,42.89,56.87001491965323 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.390000000000002,mobile/pensacola smm food,2021-04-26,15.390000000000002,11.242158498400322 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,34.61,nashville smm food,2021-04-26,34.61,41.274266272556886 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.53,albuquerque/santa fe smm food,2021-04-26,19.53,13.115249093642568 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,94.65,atlanta smm food,2021-04-26,94.65,119.44820527494618 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,56.42,baltimore smm food,2021-04-26,56.42,52.143588209728534 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,2.16,baton rouge smm food,2021-04-26,2.16,-6.463734320161201 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.88,birmingham/anniston/tuscaloosa smm food,2021-04-26,10.88,3.9931801668152502 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.17,boston/manchester smm food,2021-04-26,92.17,132.14559254048538 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,12.17,buffalo smm food,2021-04-26,12.17,10.195830315246944 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,57.55,charlotte smm food,2021-04-26,57.55,72.46730438422976 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,112.84,chicago smm food,2021-04-26,112.84,122.84795741693694 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,66.29,cleveland/akron/canton smm food,2021-04-26,66.29,75.48595698916274 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,39.01,columbus oh smm food,2021-04-26,39.01,49.39902790129502 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,52.8,dallas/ft. worth smm food,2021-04-26,52.8,54.84168348574075 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.249999999999998,des moines/ames smm food,2021-04-26,15.249999999999998,9.404658387327764 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,81.35,detroit smm food,2021-04-26,81.35,105.25848871262241 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,37.2,albany/schenectady/troy smm food,2021-04-26,37.2,26.617088893955547 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,28.96,greensboro smm food,2021-04-26,28.96,28.924114079036826 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,15.09,milwaukee smm food,2021-04-26,15.09,14.83076588429779 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,93.8,miami/west palm beach smm food,2021-04-26,93.8,129.2856815562604 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.23,madison wi smm food,2021-04-26,5.23,-2.482836952713477 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,107.07,los angeles smm food,2021-04-26,107.07,107.16112594587844 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,9.22,little rock/pine bluff smm food,2021-04-26,9.22,2.1340621537196256 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,19.77,las vegas smm food,2021-04-26,19.77,19.80178404803644 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,32.29,minneapolis/st. paul smm food,2021-04-26,32.29,34.084121395860606 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,31.260000000000005,kansas city smm food,2021-04-26,31.260000000000005,24.51870510005631 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,27.67,jacksonville smm food,2021-04-26,27.67,28.419361583232302 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,41.03,indianapolis smm food,2021-04-26,41.03,33.281968790101025 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,92.78,houston smm food,2021-04-26,92.78,114.74731937013286 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,59.769999999999996,hartford/new haven smm food,2021-04-26,59.769999999999996,63.49955554314568 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,26.43,harrisburg/lancaster smm food,2021-04-26,26.43,32.60716343977326 +0.0,0.0,0.0,0.0,0.0,0.0,0.0,20.29,knoxville smm food,2021-04-26,20.29,15.202953469658823 +0.3445336008024072,0.9640000000000001,0.3942307692307694,0.4686087393269714,0.0005976874806572676,0.2516290726817042,0.25832492431886983,67.96,rem us middle atlantic smm food,2021-05-03,67.96,81.10476689036211 +0.33500501504513536,0.34700000000000003,0.3001012145748989,0.2757408337518835,0.0013454299749964976,0.2666666666666666,0.4253279515640767,190.76,rem us east north central smm food,2021-05-03,190.76,262.6938989970978 +0.47492477432296887,0.9119999999999999,0.44838056680161964,0.11551983927674535,0.0008658237603800991,0.35187969924812024,0.02320887991927346,57.64,raleigh/durham/fayetteville smm food,2021-05-03,57.64,72.37077678888939 +0.22818455366098292,0.39199999999999996,0.22975708502024303,0.46710195881466604,0.0003080243213344923,0.16541353383458643,0.5010090817356206,34.49,providence ri/new bedford ma smm food,2021-05-03,34.49,36.7590394096404 +0.3400200601805416,0.86,0.29149797570850217,0.15620291310899048,0.00045269761511646867,0.2546365914786967,0.20181634712411706,28.61,portland or smm food,2021-05-03,28.61,36.88390212051663 +0.3475426278836509,0.525,0.4205465587044537,0.30989452536413864,0.00032543576806974106,0.08822055137844612,0.2250252270433905,54.06,pittsburgh smm food,2021-05-03,54.06,51.808423631112184 +0.1123370110330993,0.046,0.13613360323886647,0.36413862380713213,0.0009424341260151937,0.1719298245614035,0.2522704339051463,56.13,orlando/daytona beach/melborne smm food,2021-05-03,56.13,84.54737559046902 +0.2662988966900702,0.134,0.16093117408906893,0.3139126067302863,0.0018117401757423424,0.12230576441102754,0.17003027245206861,128.9,philadelphia smm food,2021-05-03,128.9,148.11392275792358 +0.11484453360080239,0.07900000000000001,0.4311740890688261,0.19337016574585636,9.750410171739324e-05,0.27619047619047615,0.07416750756811302,5.64,paducah ky/cape girardeau mo smm food,2021-05-03,5.64,0.19807779917188384 +0.17301905717151453,0.137,0.09210526315789479,0.49121044701155203,0.00015891902292899804,0.08922305764411026,0.5010090817356206,9.13,omaha smm food,2021-05-03,9.13,11.205151621564696 +0.3530591775325978,0.52,0.4660931174089072,0.043194374686087396,0.00025389055057580966,0.3979949874686716,0.45862764883955603,1.63,oklahoma city smm food,2021-05-03,1.63,-0.03342975803886361 +0.37863590772316946,0.508,0.3006072874493929,0.089904570567554,0.0005679297353279334,0.03709273182957393,0.052976791120080725,43.31,norfolk/portsmouth/newport news smm food,2021-05-03,43.31,49.265704315981026 +0.14142427281845535,0.434,0.20445344129554666,0.41938724259166255,0.000966810151444542,0.3303258145363408,0.29263370332996974,90.22,rem us mountain smm food,2021-05-03,90.22,126.1777817656421 +0.1950852557673019,0.072,0.16346153846153855,0.08739326971371171,0.0007673699433862377,0.21654135338345862,0.17961654894046417,41.7,phoenix/prescott smm food,2021-05-03,41.7,66.94555308424167 +0.11434302908726177,0.844,0.41902834008097184,0.11803114013058766,0.00039824727259896327,0.20651629072681701,0.12815338042381433,85.12,rem us new england smm food,2021-05-03,85.12,96.78670591322603 +0.10481444332998995,0.994,0.008603238866396766,0.08588648920140633,0.0003282849138991454,0.08671679197994986,0.023713420787083755,28.269999999999996,salt lake city smm food,2021-05-03,28.269999999999996,26.897643447116963 +0.20160481444332995,0.32200000000000006,0.008603238866396766,0.1441486690105475,0.0024705260058523926,0.19448621553884707,0.3153380423814329,171.17,rem us south atlantic smm food,2021-05-03,171.17,234.81806983696814 +0.1649949849548646,0.24500000000000002,0.41295546558704477,0.4108488196885987,0.004261689017271259,0.0010025062656641602,0.08577194752774975,282.01,rem us south central smm food,2021-05-03,282.01,348.21201884348375 +0.05165496489468405,0.899,0.3881578947368423,0.3761928679055751,0.0007936453993685222,0.1483709273182957,0.3375378405650858,53.04,rem us west north central smm food,2021-05-03,53.04,76.60940244365169 +0.43179538615847535,0.35800000000000004,0.1639676113360325,0.4751381215469614,0.0002991603120874565,0.42957393483709266,0.32542885973763874,30.58,richmond/petersburg smm food,2021-05-03,30.58,38.181966745859775 +0.24222668004012035,0.9830000000000001,0.008603238866396766,0.37820190858864894,0.0008901997858094473,0.24210526315789468,0.09989909182643794,25.17,sacramento/stockton/modesto smm food,2021-05-03,25.17,22.67694707205417 +0.3696088264794383,0.596,0.23582995951417018,0.35057759919638376,0.0033404651990971866,0.4476190476190475,0.022199798183652877,217.66,new york smm food,2021-05-03,217.66,246.90743470663614 +0.26579739217652953,0.03,0.06072874493927129,0.4309392265193371,0.0005391217052750672,0.15288220551378442,0.19122098890010092,22.28,san diego smm food,2021-05-03,22.28,23.013496606738038 +0.04112337011033099,0.887,0.047570850202429175,0.3274736313410347,0.0015781102177311861,0.040100250626566414,0.044399596367305755,35.06,san francisco/oakland/san jose smm food,2021-05-03,35.06,36.560793190349145 +0.30692076228686055,0.7630000000000001,0.39271255060728766,0.18533400301356104,0.0004299044484812338,0.47067669172932325,0.27194752774974773,35.26,seattle/tacoma smm food,2021-05-03,35.26,43.6450415470847 +0.21715145436308925,0.375,0.44888663967611353,0.35560020090406835,0.0005904063302043453,0.2536340852130325,0.31180625630676084,28.319999999999997,st. louis smm food,2021-05-03,28.319999999999997,37.33187050082098 +0.312938816449348,0.782,0.06882591093117413,0.028126569563033655,0.0006264955107101338,0.14486215538847116,0.393037336024218,79.71,tampa/ft. myers smm food,2021-05-03,79.71,123.72975669774033 +0.41223671013039115,0.6280000000000001,0.1796558704453442,0.3520843797086891,0.00028174886535220776,0.22305764411027565,0.02674066599394551,7.76,tucson/sierra vista smm food,2021-05-03,7.76,10.387682290823072 +0.10030090270812436,0.862,0.08755060728744944,0.1511803114013059,0.0011934755307615992,0.04160401002506264,0.030776992936427848,121.36000000000001,washington dc/hagerstown smm food,2021-05-03,121.36000000000001,123.44034015770362 +0.05466399197592778,0.731,0.4640688259109314,0.015570065293822202,0.00027731686072868987,0.2145363408521303,0.1311806256306761,2.85,yakima/pasco/richland/kennewick smm food,2021-05-03,2.85,-2.652441367069642 +0.4247743229689067,0.19299999999999998,0.09767206477732797,0.2014063284781517,0.002565497533499204,0.030075187969924803,0.43491422805247226,46.69,rem us pacific smm food,2021-05-03,46.69,57.338465919694606 +0.24072216649949846,0.40800000000000003,0.23228744939271267,0.21898543445504773,0.0006350429481983468,0.0706766917293233,0.35267406659939454,10.55,new orleans smm food,2021-05-03,10.55,7.292899723383336 +0.44583751253761283,0.19299999999999998,0.24089068825910942,0.18081366147664493,0.00024217739549936958,0.1558897243107769,0.16851664984863773,43.29,grand rapids smm food,2021-05-03,43.29,60.37727630495328 +0.4192577733199598,0.438,0.21963562753036447,0.32898041185334004,0.00036247466385199757,0.00902255639097744,0.06357214934409687,12.5,mobile/pensacola smm food,2021-05-03,12.5,14.607955846162497 +0.02507522567703109,0.198,0.2252024291497977,0.15168257157207435,0.00018392819187599177,0.43458646616541347,0.4177598385469223,21.72,albuquerque/santa fe smm food,2021-05-03,21.72,18.046066075860125 +0.40722166499498486,0.395,0.29655870445344146,0.09643395278754396,0.0014733249655608704,0.11779448621553883,0.2320887991927346,96.58,atlanta smm food,2021-05-03,96.58,122.9590957762803 +0.12537612838515544,0.8380000000000001,0.22115384615384628,0.30085384229030643,0.0008484123136448503,0.362907268170426,0.15338042381432895,55.0,baltimore smm food,2021-05-03,55.0,56.728854659432386 +0.2261785356068204,0.868,0.05819838056680165,0.1592164741336012,0.0004789730710987532,0.2285714285714285,0.4298688193743693,1.71,baton rouge smm food,2021-05-03,1.71,-1.472656576621091 +0.02858575727181544,0.5670000000000001,0.04200404858299597,0.44751381215469616,7.597722211744928e-05,0.3709273182957393,0.4384460141271443,10.06,birmingham/anniston/tuscaloosa smm food,2021-05-03,10.06,10.590069612149584 +0.25877632898696085,0.684,0.05668016194331987,0.48166750376695133,0.0009984673273268126,0.11979949874686716,0.38698284561049445,96.99,boston/manchester smm food,2021-05-03,96.99,138.4388791998209 +0.17301905717151453,0.592,0.1017206477732794,0.30286288297338027,0.00029536145098158406,0.27218045112781947,0.16750756811301715,13.46,buffalo smm food,2021-05-03,13.46,14.408561130325765 +0.46890672016048135,0.31200000000000006,0.3152834008097168,0.49573078854846814,0.0002925123051521797,0.06967418546365912,0.44853683148335016,60.44,charlotte smm food,2021-05-03,60.44,79.27896550310011 +0.48094282848545633,0.641,0.19281376518218632,0.4660974384731292,0.0010231599245149835,0.17593984962406012,0.30625630676084764,113.09999999999998,chicago smm food,2021-05-03,113.09999999999998,129.19493009463113 +0.3430290872617853,0.063,0.4959514170040489,0.17478653942742342,0.0006049686311101898,0.34185463659147863,0.16700302724520685,70.18,cleveland/akron/canton smm food,2021-05-03,70.18,79.50072599877956 +0.27432296890672014,0.6930000000000001,0.37095141700404877,0.4660974384731292,0.0005166451103986551,0.18295739348370926,0.25277497477295663,36.49,columbus oh smm food,2021-05-03,36.49,55.174909340220864 +0.1890672016048144,0.462,0.5035425101214577,0.3992968357609242,0.0011235131720617813,0.4385964912280701,0.3582240161453078,51.54,dallas/ft. worth smm food,2021-05-03,51.54,61.554818007945045 +0.4633901705115346,0.593,0.43876518218623506,0.4053239578101457,9.813724523503866e-05,0.3699248120300751,0.031786074672048435,12.78,des moines/ames smm food,2021-05-03,12.78,14.382189556708767 +0.0025075225677031092,0.8039999999999999,0.39372469635627555,0.12757408337518836,0.0005707788811573377,0.22556390977443605,0.14127144298688193,82.96,detroit smm food,2021-05-03,82.96,108.20206586109813 +0.07021063189568705,0.064,0.44635627530364397,0.01305876443997991,0.00010193610634091111,0.49874686716791966,0.27749747729566093,26.28,albany/schenectady/troy smm food,2021-05-03,26.28,30.27671053709591 +0.4232698094282848,0.49000000000000005,0.35576923076923095,0.3139126067302863,0.00041945758044008454,0.0010025062656641602,0.4298688193743693,35.2,nashville smm food,2021-05-03,35.2,46.77310456583937 +0.3445336008024072,0.39000000000000007,0.061740890688259144,0.21145153189352087,0.0003130894694756556,0.3583959899749373,0.3874873864783047,31.53,minneapolis/st. paul smm food,2021-05-03,31.53,39.485511506385 +0.1238716148445336,0.21400000000000002,0.12246963562753042,0.019588146659969868,0.0002599054139934411,0.035087719298245605,0.22956609485368315,20.04,milwaukee smm food,2021-05-03,20.04,16.79830177129606 +0.1173520561685055,0.778,0.35020242914979777,0.1089904570567554,0.0014008300327904711,0.4867167919799498,0.417255297679112,93.24,miami/west palm beach smm food,2021-05-03,93.24,134.80003306423157 +0.38816449348044124,0.35600000000000004,0.12246963562753042,0.35660472124560527,2.849145829404348e-05,0.36641604010025053,0.11755802219979819,4.16,madison wi smm food,2021-05-03,4.16,2.2643059394326883 +0.275827482447342,0.0030000000000000005,0.19433198380566813,0.24610748367654448,0.00018614419418775072,0.38496240601503756,0.09737638748738647,29.22,greensboro smm food,2021-05-03,29.22,32.694669179882716 +0.15346038114343027,0.562,0.019230769230769242,0.1908588648920141,0.00017886304373482853,0.15288220551378442,0.3299697275479314,8.65,little rock/pine bluff smm food,2021-05-03,8.65,6.164452648261566 +0.3194583751253761,0.45,0.26214574898785437,0.14314414866901057,0.0002516745482640507,0.09724310776942353,0.14833501513622604,16.39,las vegas smm food,2021-05-03,16.39,22.71747854775962 +0.40270812437311926,0.47800000000000004,0.27378542510121473,0.03566047212456053,0.00439876458884149,0.35588972431077687,0.04137235116044399,105.24,los angeles smm food,2021-05-03,105.24,110.3847953794146 +0.294383149448345,0.284,0.02226720647773281,0.4163736815670518,0.00019722420574654542,0.3769423558897242,0.4238143289606458,30.58,kansas city smm food,2021-05-03,30.58,31.188201000728647 +0.4859578736208625,0.223,0.014676113360323893,0.4585635359116022,0.0008173882812802252,0.4616541353383458,0.07063572149344097,23.44,jacksonville smm food,2021-05-03,23.44,33.91991464767052 +0.4553660982948846,0.9750000000000001,0.25607287449392724,0.10246107483676545,0.00028459801118161206,0.312781954887218,0.3905146316851665,40.66,indianapolis smm food,2021-05-03,40.66,38.505449491786024 +0.1173520561685055,0.5650000000000001,0.0996963562753037,0.4028126569563034,0.0007898465382626497,0.30877192982456136,0.01564076690211907,91.63,houston smm food,2021-05-03,91.63,118.7286989523435 +0.4709127382146439,0.041,0.36740890688259126,0.007031642390758414,0.0007126030291099097,0.23157894736842102,0.3546922300706357,57.120000000000005,hartford/new haven smm food,2021-05-03,57.120000000000005,67.4397697238168 +0.1359077231695085,0.431,0.49797570850202455,0.46459065796082377,0.0001791796154936512,0.2215538847117794,0.1644803229061554,28.33,harrisburg/lancaster smm food,2021-05-03,28.33,37.660417593865816 +0.3600802407221664,0.22799999999999998,0.3410931174089071,0.046710195881466604,0.00023552938856409277,0.39548872180451117,0.10595358224016145,19.8,knoxville smm food,2021-05-03,19.8,18.255128328134454 +0.6118355065195585,0.037,0.6751012145748991,0.2887995981918634,0.0036871112750080487,0.281704260651629,0.7855701311806257,215.74,rem us east north central smm food,2021-05-10,215.74,265.7785725295097 +0.543630892678034,0.557,0.4964574898785427,0.5906579608237067,0.0015024495673725594,0.8030075187969923,0.2805247225025227,62.16,raleigh/durham/fayetteville smm food,2021-05-10,62.16,78.04758688995625 +0.7046138415245736,0.22999999999999998,0.42661943319838075,0.6177800100452034,0.0010035324754679759,0.40350877192982454,0.6533804238143289,31.660000000000004,providence ri/new bedford ma smm food,2021-05-10,31.660000000000004,40.17844077764506 +0.5060180541624874,0.891,0.299595141700405,0.2516323455549975,0.0007917459688155862,0.5087719298245613,0.33249243188698285,33.56,portland or smm food,2021-05-10,33.56,39.31770616996055 +0.6248746238716149,0.605,0.8557692307692312,0.7061778001004521,0.0009215403899328952,0.2215538847117794,0.641271442986882,65.58,pittsburgh smm food,2021-05-10,65.58,57.75002504603406 +0.2256770310932798,0.5599999999999999,0.35070850202429166,0.2029131089904571,0.0013071247921789503,0.39949874686716785,0.47426841574167505,42.55,phoenix/prescott smm food,2021-05-10,42.55,70.34733893113581 +0.5977933801404213,0.163,0.6437246963562757,0.5359116022099448,0.009097322633288083,0.48922305764411017,0.48284561049445,221.48,new york smm food,2021-05-10,221.48,252.00509922496866 +0.19909729187562686,0.21400000000000002,0.5480769230769234,0.2757408337518835,0.00020608821499358115,0.6290726817042606,0.4989909182643794,5.68,paducah ky/cape girardeau mo smm food,2021-05-10,5.68,4.512932053019256 +0.15997993981945838,0.254,0.44635627530364397,0.5208437970868911,0.0022277154668353776,0.3984962406015036,0.2840565085771948,58.28999999999999,orlando/daytona beach/melborne smm food,2021-05-10,58.28999999999999,86.87564270397789 +0.294383149448345,0.8320000000000001,0.10931174089068832,0.8689100954294325,0.00032385290927562757,0.5353383458646616,0.7618567103935419,10.96,omaha smm food,2021-05-10,10.96,16.817283563480075 +0.5722166499498494,0.8029999999999999,0.5425101214574902,0.45303867403314924,0.0007135527443863777,0.6796992481203007,0.627648839556004,5.56,oklahoma city smm food,2021-05-10,5.56,4.771674658099002 +0.722668004012036,0.5790000000000001,0.44838056680161964,0.45755901557006534,0.0010241096397914518,0.16541353383458643,0.2346115035317861,45.03,norfolk/portsmouth/newport news smm food,2021-05-10,45.03,53.58056930733197 +0.3681043129388164,0.41200000000000003,0.8395748987854256,0.6474133601205425,0.0014271054887727555,0.7182957393483708,0.4601412714429869,78.37,rem us middle atlantic smm food,2021-05-10,78.37,84.91458264885782 +0.633901705115346,0.8,0.2069838056680163,0.5092918131592166,0.003797911390595996,0.6090225563909774,0.18012108980827446,138.61,philadelphia smm food,2021-05-10,138.61,152.02582733447758 +0.1840521564694082,0.36400000000000005,0.404352226720648,0.7086891009542944,0.003260372544115042,0.6586466165413533,0.6912209889001009,96.44,rem us mountain smm food,2021-05-10,96.44,131.6431697713022 +0.29037111334002,0.5599999999999999,0.4994939271255063,0.32596685082872934,0.0003700723860637425,0.39949874686716785,0.5812310797174571,4.09,yakima/pasco/richland/kennewick smm food,2021-05-10,4.09,2.6531440472520558 +0.5872617853560682,0.5950000000000001,0.3329959514170042,0.6554495228528379,0.005581160108044295,0.04761904761904761,0.5605449041372351,51.43,rem us pacific smm food,2021-05-10,51.43,61.74463594117881 +0.6273821464393179,0.014000000000000002,0.08097165991902838,0.46459065796082377,0.006163968716036894,0.5418546365914785,0.6740665993945509,189.6,rem us south atlantic smm food,2021-05-10,189.6,240.93738592326463 +0.34052156469408223,0.782,0.43218623481781404,0.6202913108990458,0.010319922765861371,0.0706766917293233,0.5237134207870837,297.6,rem us south central smm food,2021-05-10,297.6,353.5694430106622 +0.09378134403209629,0.8160000000000001,0.7155870445344134,0.6062280261175289,0.0023647910384056088,0.6050125313283207,0.834510595358224,57.35,rem us west north central smm food,2021-05-10,57.35,82.67201763227627 +0.6434302908726177,0.135,0.606781376518219,0.6328478151682572,0.0005454531404515213,0.663157894736842,0.3683148335015136,32.47,richmond/petersburg smm food,2021-05-10,32.47,40.61054500706555 +0.4047141424272818,0.976,0.36943319838056693,0.6976393771973883,0.001802243022977661,0.657644110275689,0.3304742684157417,25.11,sacramento/stockton/modesto smm food,2021-05-10,25.11,27.743912467796697 +0.41474423269809424,0.19500000000000003,0.43016194331983826,0.7468608739326972,0.0016604188750250894,0.5779448621553884,0.3521695257315843,19.95,san diego smm food,2021-05-10,19.95,27.778073683809133 +0.5426278836509528,0.8460000000000001,0.18522267206477744,0.5454545454545455,0.0033695898009088753,0.3674185463659147,0.37991927346115034,35.05,san francisco/oakland/san jose smm food,2021-05-10,35.05,41.91879238277741 +0.43229689067201604,0.38599999999999995,0.7515182186234821,0.46207935710698145,0.001254890451973204,0.969423558897243,0.7694248234106963,41.38,seattle/tacoma smm food,2021-05-10,41.38,50.02519333045656 +0.28234704112337006,0.28700000000000003,0.7120445344129559,0.7769964841788047,0.0017056886365367362,0.5117794486215538,0.5040363269424823,35.58,st. louis smm food,2021-05-10,35.58,42.042607496771794 +0.4769307923771313,0.359,0.251012145748988,0.44299347061778005,0.0015299913103901347,0.2726817042606515,0.5504540867810293,85.53,tampa/ft. myers smm food,2021-05-10,85.53,127.7284671855936 +0.506519558676028,0.9039999999999999,0.4084008097165994,0.8101456554495229,0.000824036288215502,0.663659147869674,0.29616548940464177,9.96,tucson/sierra vista smm food,2021-05-10,9.96,16.435642266135098 +0.5015045135406218,0.403,0.13967611336032396,0.19136112506278255,0.002733913709192883,0.41152882205513774,0.19677093844601412,127.01999999999998,washington dc/hagerstown smm food,2021-05-10,127.01999999999998,126.48213145158752 +0.5667001003009027,0.8150000000000001,0.6664979757085023,0.6700150678051231,0.0012238664196085787,0.07669172932330826,0.5933400605449042,9.17,new orleans smm food,2021-05-10,9.17,12.36711373844333 +0.32447342026078235,0.242,0.5845141700404861,0.45755901557006534,0.0006242795083983749,0.4666666666666666,0.1992936427850656,93.25,rem us new england smm food,2021-05-10,93.25,100.15241950471051 +0.41524573721163494,0.655,0.3952429149797573,0.1461577096936213,0.0013679065698729096,0.549874686716792,0.15287588294651866,30.46,salt lake city smm food,2021-05-10,30.46,30.167348778501136 +0.6534603811434302,0.27799999999999997,0.7859311740890692,0.37569060773480667,0.0010478525217031546,0.15037593984962402,0.5151362260343088,36.36,nashville smm food,2021-05-10,36.36,48.71942429445601 +0.820962888665998,0.292,0.4347165991902837,0.2516323455549975,0.0008313174386684242,0.7463659147869673,0.7653884964682139,40.83,minneapolis/st. paul smm food,2021-05-10,40.83,44.15505171679569 +0.6940822467402206,0.9890000000000001,0.2965587044534414,0.4841788046207936,0.0005495685733162164,0.4145363408521302,0.2336024217961655,14.719999999999999,mobile/pensacola smm food,2021-05-10,14.719999999999999,18.523007579644826 +0.3109327983951855,0.8980000000000001,0.8765182186234822,0.16373681567051734,0.00021083679137592174,0.9423558897243105,0.48940464177598386,30.340000000000003,albany/schenectady/troy smm food,2021-05-10,30.340000000000003,34.804858178057415 +0.518555667001003,0.6120000000000001,0.3547570850202431,0.20693119035660473,0.0005742611705043875,0.5729323308270675,0.8173562058526741,18.09,albuquerque/santa fe smm food,2021-05-10,18.09,22.25366671107942 +0.6073219658976929,0.09300000000000001,0.38866396761133626,0.22451029633350078,0.0036810964115904176,0.31629072681704257,0.343087790110999,92.28,atlanta smm food,2021-05-10,92.28,125.5105515682142 +0.312938816449348,0.31000000000000005,0.6017206477732797,0.30989452536413864,0.0015230267316960352,0.4796992481203007,0.35317860746720486,58.86000000000001,baltimore smm food,2021-05-10,58.86000000000001,58.695082917057476 +0.39568706118355057,0.672,0.3653846153846156,0.18985434455047717,0.0007141858879040233,0.5784461152882204,0.8526740665993946,1.82,baton rouge smm food,2021-05-10,1.82,2.6478081438268646 +0.3490471414242728,0.343,0.40941295546558726,0.634856855851331,0.0005514680038691526,0.42055137844611523,0.9349142280524723,10.41,birmingham/anniston/tuscaloosa smm food,2021-05-10,10.41,15.414122953944037 +0.6865596790371112,0.775,0.2545546558704455,0.9191361125062784,0.002537639218722806,0.4892230576441103,0.7204843592330978,105.71,boston/manchester smm food,2021-05-10,105.71,145.11150375017803 +0.9067201604814441,0.899,0.33350202429149817,0.6258161727774988,0.0009899198898385996,0.3027568922305764,0.7603430877901111,60.75,charlotte smm food,2021-05-10,60.75,83.66220924055824 +0.6604814443329989,0.7140000000000001,0.20445344129554663,0.7142139628327474,0.0023287018578998205,0.5849624060150375,0.801715438950555,119.08,chicago smm food,2021-05-10,119.08,135.27612322023705 +0.41675025075225675,0.355,0.6163967611336035,0.4108488196885987,0.0015493021876783197,0.375438596491228,0.5116044399596368,89.07,cleveland/akron/canton smm food,2021-05-10,89.07,83.41704658535684 +0.6178535606820461,0.7210000000000001,0.47975708502024317,0.5796082370668006,0.0011735315099557686,0.5007518796992481,0.6326942482341069,45.43,columbus oh smm food,2021-05-10,45.43,59.75401698995978 +0.271815446339017,0.8230000000000001,0.8466599190283406,0.749874434957308,0.0031169655373683566,0.7654135338345863,0.6760847628657921,54.54,dallas/ft. worth smm food,2021-05-10,54.54,67.20988715794232 +0.6980942828485456,0.7440000000000001,0.6568825910931178,0.587644399799096,0.00020450535619946763,0.7553884711779447,0.05751765893037336,15.160000000000002,des moines/ames smm food,2021-05-10,15.160000000000002,17.37719764001767 +0.4348044132397191,0.986,0.5516194331983809,0.33550979407333004,0.0018031927382541296,0.3092731829573934,0.44248234106962664,87.67,detroit smm food,2021-05-10,87.67,112.47111985090723 +0.2086258776328987,0.8180000000000001,0.3744939271255062,0.767453540934204,0.0004732747794399444,0.7052631578947367,0.425832492431887,20.47,buffalo smm food,2021-05-10,20.47,20.260971550022546 +0.7191574724172517,0.06999999999999999,0.5910931174089071,0.26770467101958817,0.0008294180081154879,0.7553884711779447,0.2830474268415742,30.0,greensboro smm food,2021-05-10,30.0,36.14295570157923 +0.6389167502507523,0.7440000000000001,0.334514170040486,0.3083877448518333,0.0004976508048692928,0.27719298245614027,0.42078708375378404,46.52,grand rapids smm food,2021-05-10,46.52,63.61446415590536 +0.47743229689067196,0.059,0.8061740890688264,0.4264188849824209,0.0027605057369339903,0.7172932330827066,0.4843592330978809,91.19,miami/west palm beach smm food,2021-05-10,91.19,138.4566599303979 +0.5005015045135406,0.42100000000000004,0.19180161943319848,0.8011049723756907,0.0001889933400171551,0.8255639097744358,0.3032290615539859,4.7,madison wi smm food,2021-05-10,4.7,7.588339946407302 +0.5822467402206619,0.375,0.7211538461538465,0.21044701155198395,0.010207856363238132,0.6531328320802003,0.15943491422805248,107.0,los angeles smm food,2021-05-10,107.0,114.33145048756009 +0.3365095285857573,0.118,0.33147773279352244,0.2194876946258162,0.0004368690271753334,0.23258145363408514,0.5978809283551968,7.789999999999999,little rock/pine bluff smm food,2021-05-10,7.789999999999999,8.453708849711653 +0.6589769307923771,0.547,0.5581983805668019,0.18784530386740333,0.0005771103163337917,0.46015037593984953,0.624117053481332,18.21,las vegas smm food,2021-05-10,18.21,27.690482659915567 +0.3640922768304914,0.426,0.7793522267206482,0.07182320441988951,0.0005464028557279894,0.5679197994987467,0.5943491422805247,19.82,knoxville smm food,2021-05-10,19.82,22.1717175918565 +0.2733199598796389,0.009,0.17712550607287458,0.02963335007533903,0.0005289914089927406,0.4857142857142856,0.7108980827447023,17.56,milwaukee smm food,2021-05-10,17.56,21.265115740108904 +0.49297893681043126,0.771,0.181174089068826,0.5439477649422402,0.001267553322326112,0.5508771929824561,0.27547931382441976,25.09,jacksonville smm food,2021-05-10,25.09,36.30185949041725 +0.5210631895687061,0.891,0.634615384615385,0.1401305876443998,0.0007790830984626778,0.6586466165413533,0.43491422805247226,42.54,indianapolis smm food,2021-05-10,42.54,40.420014258759124 +0.20010030090270808,0.082,0.1422064777327936,0.49221496735308895,0.003270186268638546,0.375438596491228,0.16700302724520685,97.12,houston smm food,2021-05-10,97.12,120.6133788619438 +0.7497492477432296,0.047,0.8537449392712554,0.36062280261175295,0.001120664026232377,0.3924812030075187,0.8213925327951564,61.72,hartford/new haven smm food,2021-05-10,61.72,73.48761836394468 +0.19658976930792374,0.44500000000000006,0.6017206477732797,0.7569060773480664,0.0004976508048692928,0.39298245614035077,0.45862764883955603,28.94,harrisburg/lancaster smm food,2021-05-10,28.94,41.784594005337425 +0.6103309929789368,0.215,0.3380566801619435,0.4786539427423406,0.0007895299665038271,0.4807017543859648,0.6054490413723511,30.82,kansas city smm food,2021-05-10,30.82,33.68880184657912 +0.21664994984954863,0.869,0.49089068825910953,0.6228026117528881,0.009129296380929176,0.45463659147869667,0.6392532795156408,98.68,rem us mountain smm food,2021-05-17,98.68,131.38541317906805 +0.20561685055165493,0.543,0.4898785425101218,0.3827222501255651,0.00561566642975597,0.7614035087719297,0.2472250252270434,66.28,rem us middle atlantic smm food,2021-05-17,66.28,82.46512788251171 +0.40722166499498486,0.673,0.8213562753036442,0.3932697137117027,0.01773751564683618,0.024561403508771923,0.43037336024217965,223.91,rem us east north central smm food,2021-05-17,223.91,265.54227319883296 +0.07973921765295887,0.34400000000000003,0.1351214574898786,0.9487694625816173,0.0034531647452380695,0.7213032581453633,0.5681130171543896,96.67,raleigh/durham/fayetteville smm food,2021-05-17,96.67,80.69391117763188 +0.6930792377131394,0.954,0.5116396761133606,0.2134605725765947,0.0019105105644950267,0.5072681704260651,0.5131180625630676,35.0,providence ri/new bedford ma smm food,2021-05-17,35.0,37.86734731793019 +0.3154463390170511,0.661,0.4089068825910933,0.1330989452536414,0.0016477560046721813,0.2576441102756892,0.45761856710393545,31.0,portland or smm food,2021-05-17,31.0,38.34986835598156 +0.5506519558676027,0.031,0.836032388663968,0.4565544952285284,0.0027421445749222736,0.49273182957393474,0.45963673057517657,63.09,pittsburgh smm food,2021-05-17,63.09,55.962999588621635 +0.2668004012036108,0.238,0.3319838056680164,0.5228528377699649,0.0017009400601543955,0.6862155388471177,0.6513622603430878,4.29,paducah ky/cape girardeau mo smm food,2021-05-17,4.29,7.189960523980702 +0.8350050150451355,0.45300000000000007,0.4767206477732796,0.3199397287795078,0.005633077876491219,0.5764411027568921,0.3476286579212916,126.8,philadelphia smm food,2021-05-17,126.8,152.40880266567882 +0.4804413239719158,0.008,0.7702429149797575,0.6082370668006027,0.003723833599031483,0.35588972431077687,0.17558022199798184,57.080000000000005,orlando/daytona beach/melborne smm food,2021-05-17,57.080000000000005,87.4437452839424 +0.3254764292878636,0.198,0.25556680161943335,0.7182320441988951,0.001100086861908901,0.6827067669172932,0.384460141271443,11.04,omaha smm food,2021-05-17,11.04,14.181118762889724 +0.5305917753259779,0.909,0.5511133603238869,0.857358111501758,0.0021302113651179844,0.4967418546365914,0.4843592330978809,2.32,oklahoma city smm food,2021-05-17,2.32,5.87405385347428 +0.8144433299899699,0.859,0.4514170040485832,0.4590657960823707,0.0018718888099186564,0.2546365914786967,0.23007063572149344,62.42000000000001,norfolk/portsmouth/newport news smm food,2021-05-17,62.42000000000001,54.2426875187375 +0.47342026078234695,0.037,0.21710526315789486,0.19738824711200403,0.002292929249152855,0.6496240601503759,0.6392532795156408,41.17,phoenix/prescott smm food,2021-05-17,41.17,72.27416812556132 +0.23671013039117353,0.194,0.3942307692307694,0.5092918131592166,0.0025908232742050206,0.44360902255639095,0.08123107971745712,87.23,rem us new england smm food,2021-05-17,87.23,99.68544751575286 +0.6529588766298896,0.7440000000000001,0.7606275303643729,0.22601707684580616,0.015165053534642875,0.44210526315789467,0.6962663975782037,198.64,new york smm food,2021-05-17,198.64,252.6075420408664 +0.6945837512537613,0.8300000000000001,0.4701417004048586,0.8086388749372175,0.017898967243835762,0.7177944862155387,0.6841574167507568,246.91,rem us south atlantic smm food,2021-05-17,246.91,245.8883022698326 +0.6384152457372115,0.42500000000000004,0.209008097165992,0.3621295831240583,0.03137732644747126,0.4350877192982455,0.8910191725529768,289.88,rem us south central smm food,2021-05-17,289.88,358.50645665470387 +0.537111334002006,0.827,0.3663967611336034,0.48116524359618285,0.00943985327633425,0.8586466165413532,0.8113017154389506,61.50000000000001,rem us west north central smm food,2021-05-17,61.50000000000001,84.13336521161943 +0.4859578736208625,0.213,0.467105263157895,0.515318935208438,0.0008860843529447523,0.5012531328320801,0.5307769929364279,41.62,richmond/petersburg smm food,2021-05-17,41.62,40.114295265472244 +0.3445336008024072,0.539,0.7525303643724699,0.6860873932697138,0.002188460568741362,0.582456140350877,0.4556004036326943,22.95,sacramento/stockton/modesto smm food,2021-05-17,22.95,28.15550538054635 +0.3901705115346038,0.10800000000000001,0.4402834008097168,0.28628829733802114,0.002544920369175728,0.5538847117794485,0.2129162462159435,26.8,salt lake city smm food,2021-05-17,26.8,31.228199378148304 +0.36810431293881646,0.8720000000000001,0.7606275303643729,0.7373179306880965,0.0023616253208173814,0.46115288220551376,0.1710393541876892,19.92,san diego smm food,2021-05-17,19.92,26.847946259891422 +0.7251755265797392,0.8029999999999999,0.4407894736842108,0.37418382722250126,0.004127462591530432,0.5669172932330826,0.5847628657921292,31.210000000000004,san francisco/oakland/san jose smm food,2021-05-17,31.210000000000004,43.28949891296122 +0.24674022066198592,0.837,0.40587044534412975,0.6012054244098444,0.002812740077139737,0.8305764411027567,0.7356205852674067,35.04,seattle/tacoma smm food,2021-05-17,35.04,50.10393047678953 +0.33249749247743227,0.8570000000000001,0.5050607287449396,0.7820190858864893,0.003846663441454692,0.5624060150375939,0.35418768920282545,34.25,st. louis smm food,2021-05-17,34.25,41.8821725330029 +0.3034102306920762,0.053000000000000005,0.6234817813765186,0.8483174284279258,0.003462345326243928,0.4355889724310776,0.24318869828456105,82.75,tampa/ft. myers smm food,2021-05-17,82.75,128.84121316242744 +0.47693079237713143,0.338,0.397267206477733,0.6509291813159217,0.0012776836186084387,0.9127819548872179,0.4924318869828456,8.43,tucson/sierra vista smm food,2021-05-17,8.43,17.178489063932794 +0.450852557673019,0.267,0.4498987854251015,0.24610748367654448,0.004868873650693208,0.807518796992481,0.2532795156407669,129.86,washington dc/hagerstown smm food,2021-05-17,129.86,128.69108364989523 +0.2597793380140421,0.395,0.1973684210526317,0.5881466599698645,0.00031403918475212365,0.5659147869674184,0.5489404641775983,2.89,yakima/pasco/richland/kennewick smm food,2021-05-17,2.89,4.162828653690141 +0.19007021063189566,0.504,0.7287449392712555,0.5861376192867906,0.00932050572325809,0.3598997493734335,0.4788092835519677,52.48,rem us pacific smm food,2021-05-17,52.48,61.90450068584706 +0.36509528585757267,0.497,0.6386639676113364,0.8116524359618283,0.0020051655203830155,0.43007518796992483,0.5141271442986882,10.3,new orleans smm food,2021-05-17,10.3,13.422922943099131 +0.4929789368104313,0.037,0.21508097165991913,0.36263184329482673,0.0014989672780255097,0.49774436090225554,0.6331987891019173,57.89999999999999,grand rapids smm food,2021-05-17,57.89999999999999,65.33642866007963 +0.27883650952858574,0.596,0.10678137651821867,0.5936715218483175,0.0014619283822432535,0.5157894736842104,0.4611503531786075,14.68,mobile/pensacola smm food,2021-05-17,14.68,19.92074294659909 +0.5892678034102307,0.6400000000000001,0.452935222672065,0.4801607232546459,0.0011174983086441497,0.5102756892230575,0.5020181634712412,27.95,albany/schenectady/troy smm food,2021-05-17,27.95,35.56573119284535 +0.7136409227683048,0.6360000000000001,0.19483805668016205,0.5494726268206932,0.0015436038960195114,0.31228070175438594,0.7265388496468214,20.83,albuquerque/santa fe smm food,2021-05-17,20.83,23.256714089914325 +0.32046138415245734,0.17900000000000002,0.3289473684210528,0.47262682069311907,0.006979140995005361,0.5639097744360901,0.39505549949545915,97.48,atlanta smm food,2021-05-17,97.48,127.98817368703652 +0.5325977933801405,0.129,0.5581983805668019,0.13761928679055752,0.0020526512842064214,0.17293233082706763,0.5383451059535822,58.66,baltimore smm food,2021-05-17,58.66,58.16236361220281 +0.21464393179538616,0.5990000000000001,0.39524291497975733,0.5203415369161226,0.001039938227732587,0.8481203007518796,0.4389505549949546,1.59,baton rouge smm food,2021-05-17,1.59,2.7060720870531583 +0.4543630892678033,0.296,0.828441295546559,0.2877950778503265,0.0023543441703644595,0.5388471177944861,0.5726538849646822,10.63,birmingham/anniston/tuscaloosa smm food,2021-05-17,10.63,12.357322376537034 +0.521063189568706,0.19299999999999998,0.2216599190283402,0.6911099949773983,0.004182862649324405,0.7904761904761904,0.375882946518668,102.86,boston/manchester smm food,2021-05-17,102.86,142.40847092214526 +0.13691073219658975,0.9640000000000001,0.3117408906882593,0.8784530386740332,0.0013862677318846265,0.8621553884711779,0.3562058526740666,14.65,buffalo smm food,2021-05-17,14.65,21.016957503150024 +0.6715145436308926,0.9710000000000001,0.4276315789473686,0.293822199899548,0.003388267534679415,0.3208020050125313,0.8037336024217961,92.94,charlotte smm food,2021-05-17,92.94,82.105104128754 +0.46840521564694076,0.953,0.36437246963562775,0.4927172275238574,0.004643791130170264,0.5343358395989974,0.6054490413723511,143.6,chicago smm food,2021-05-17,143.6,132.92791302862028 +0.5050150451354062,0.125,0.3142712550607289,0.6750376695128077,0.0028671904196572425,0.08822055137844612,0.5751765893037336,77.23,cleveland/akron/canton smm food,2021-05-17,77.23,84.45072656395062 +0.689568706118355,0.8140000000000001,0.5941295546558708,0.11953792064289304,0.0032537245371797655,0.6736842105263157,0.7230070635721494,41.87,columbus oh smm food,2021-05-17,41.87,58.703743418049086 +0.24072216649949846,0.658,0.8395748987854256,0.7036664992466098,0.00645711416470672,0.8110275689223055,0.3385469223007064,50.33,dallas/ft. worth smm food,2021-05-17,50.33,65.4684153515991 +0.4338014042126379,0.7960000000000002,0.564777327935223,0.2556504269211452,0.0011152823063323909,0.6431077694235587,0.2785065590312815,15.119999999999997,des moines/ames smm food,2021-05-17,15.119999999999997,16.065087461677038 +0.8580742226680039,0.227,0.4124493927125508,0.5344048216976395,0.00446777723226484,0.28370927318295736,0.4954591321897074,94.09,detroit smm food,2021-05-17,94.09,114.48200394400618 +0.47642928786359073,0.903,0.9215587044534418,0.515318935208438,0.003136276414656541,0.375438596491228,0.31079717457114026,39.97,nashville smm food,2021-05-17,39.97,49.40221117893966 +0.49197592778335003,0.263,0.6224696356275307,0.45856353591160226,0.002136859372053261,0.6150375939849623,0.27800201816347125,47.93,greensboro smm food,2021-05-17,47.93,36.685739674626994 +0.4433299899699097,0.255,0.11184210526315795,0.16976393771973883,0.0015727284978312,0.7398496240601502,0.5852674066599395,19.58,milwaukee smm food,2021-05-17,19.58,22.630315809848987 +0.842026078234704,0.851,0.5349190283400813,0.7800100452034154,0.003917575515430979,0.30275689223057634,0.07820383451059536,95.49,miami/west palm beach smm food,2021-05-17,95.49,137.81570169955285 +0.32246740220661985,0.926,0.43927125506072895,0.5429432446007032,0.001413809474902202,0.58796992481203,0.19979818365287588,4.33,madison wi smm food,2021-05-17,4.33,5.03571047417023 +0.6740220661985957,0.7200000000000002,0.7338056680161947,0.5745856353591161,0.011394683887064456,0.47167919799498736,0.27901109989909184,104.33,los angeles smm food,2021-05-17,104.33,117.03449992205182 +0.6223671013039117,0.165,0.6199392712550611,0.1667503766951281,0.0017430441040778154,0.531829573934837,0.4117053481331988,9.36,little rock/pine bluff smm food,2021-05-17,9.36,8.857164890573834 +0.4307923771313941,0.084,0.41346153846153866,0.2636865896534405,0.0011564366349793426,0.6035087719298244,0.9364278506559032,16.7,las vegas smm food,2021-05-17,16.7,29.776956016165606 +0.7382146439317953,0.525,0.6589068825910935,0.31943746860873934,0.0034860882081556312,0.49473684210526303,0.6664984863773966,33.41,minneapolis/st. paul smm food,2021-05-17,33.41,43.67145227098552 +0.35205616850551646,0.47000000000000003,0.6751012145748991,0.2983425414364641,0.0021536376752708643,0.500250626566416,0.3486377396569122,28.729999999999997,kansas city smm food,2021-05-17,28.729999999999997,31.314042549351562 +0.2898696088264794,0.225,0.39676113360323906,0.15620291310899048,0.0016721320301015296,0.563408521303258,0.6463168516649849,26.25,jacksonville smm food,2021-05-17,26.25,35.86688950394875 +0.537111334002006,0.793,0.565283400809717,0.14917127071823205,0.003622214064449394,0.4260651629072681,0.16902119071644803,39.23,indianapolis smm food,2021-05-17,39.23,38.55041487905629 +0.33400200601805413,0.133,0.2884615384615386,0.4460070316423908,0.006084509204572396,0.2771929824561403,0.39959636730575177,91.95,houston smm food,2021-05-17,91.95,122.12432717911264 +0.5812437311935806,0.20299999999999999,0.7960526315789478,0.7011551983927675,0.0019769906338477946,0.4541353383458645,0.5317860746720484,59.02000000000001,hartford/new haven smm food,2021-05-17,59.02000000000001,73.82669786936005 +0.5085255767301905,0.5910000000000001,0.2834008097165993,0.5760924158714215,0.0020624650087299255,0.319298245614035,0.48587285570131183,27.86,harrisburg/lancaster smm food,2021-05-17,27.86,41.29269270508797 +0.18455366098294887,0.13999999999999999,0.8092105263157899,0.33952787543947766,0.001658519444472153,0.21553884711779445,0.7114026236125126,18.04,knoxville smm food,2021-05-17,18.04,23.034951841283338 +0.5641925777331995,0.24100000000000002,0.29554655870445357,0.5786037167252638,0.007166551476228402,0.3528822055137844,0.3435923309788093,62.25999999999999,rem us middle atlantic smm food,2021-05-24,62.25999999999999,83.43788412563099 +0.502507522567703,0.31600000000000006,0.7029352226720652,0.8282270215971874,0.023681466990491295,0.13483709273182953,0.44601412714429867,219.54,rem us east north central smm food,2021-05-24,219.54,269.2223563891035 +0.2331995987963891,0.953,0.42813765182186264,0.630336514314415,0.004464611514676613,0.27067669172932324,0.41977800201816345,91.93,raleigh/durham/fayetteville smm food,2021-05-24,91.93,77.47479353978757 +0.6494483450351053,0.793,0.4230769230769233,0.28478151682571573,0.0016151491135134425,0.4596491228070175,0.4106962663975782,30.699999999999996,providence ri/new bedford ma smm food,2021-05-24,30.699999999999996,37.29206892602105 +0.5155466399197592,0.7839999999999999,0.8132591093117413,0.09492717227523859,0.002381885913382035,0.23107769423558894,0.6791120080726539,31.819999999999997,portland or smm food,2021-05-24,31.819999999999997,40.07260223150988 +0.7512537612838515,0.5740000000000001,0.7150809716599194,0.41888498242089406,0.0033490126365853996,0.4947368421052631,0.34712411705348134,53.68,pittsburgh smm food,2021-05-24,53.68,55.6987311168885 +0.5997993981945837,0.633,0.7667004048582999,0.8322451029633351,0.004724200356911232,0.44110275689223055,0.4162462159434914,55.02,orlando/daytona beach/melborne smm food,2021-05-24,55.02,91.01103455256722 +0.29538615847542626,0.87,0.32135627530364386,0.8387744851833251,0.001975724346812504,0.6436090225563909,0.28607467204843595,5.65,paducah ky/cape girardeau mo smm food,2021-05-24,5.65,7.122315180414944 +0.4187562688064193,0.736,0.7049595141700409,0.6157709693621296,0.0014388186438491954,0.35939849624060144,0.29616548940464177,13.23,omaha smm food,2021-05-24,13.23,12.807986347265441 +0.5075225677031093,0.781,0.6958502024291502,0.5047714716223004,0.0025059820428405353,0.2726817042606515,0.5383451059535822,4.68,oklahoma city smm food,2021-05-24,4.68,3.5181651981598776 +0.5511534603811434,0.9,0.5318825910931176,0.44751381215469616,0.0024676768600229875,0.1669172932330827,0.08526740665993945,59.709999999999994,norfolk/portsmouth/newport news smm food,2021-05-24,59.709999999999994,52.779122336908316 +0.5040120361083249,0.07800000000000001,0.6599190283400813,0.5801104972375691,0.012568848540537868,0.25964912280701746,0.7033299697275479,98.0,rem us mountain smm food,2021-05-24,98.0,131.60872790425913 +0.6103309929789368,0.524,0.26973684210526333,0.26670015067805125,0.003776701082754875,0.7774436090225563,0.7436932391523714,42.15,phoenix/prescott smm food,2021-05-24,42.15,74.3660972016452 +0.4739217652958876,0.024000000000000004,0.42813765182186253,0.6002009040683074,0.003451581886443956,0.6451127819548872,0.08728557013118063,81.03,rem us new england smm food,2021-05-24,81.03,101.32321473275725 +0.7126379137412236,0.5630000000000001,0.8451417004048589,0.5374183827222502,0.0024037293647408016,0.16942355889724306,0.22351160443995963,21.16,san diego smm food,2021-05-24,21.16,25.59309598282274 +0.4393179538615847,0.6040000000000001,0.5495951417004052,0.6082370668006027,0.024907232840652813,0.5789473684210524,0.7452068617558022,229.21,rem us south atlantic smm food,2021-05-24,229.21,245.16974451174758 +0.7502507522567703,0.992,0.28744939271255077,0.20693119035660473,0.04207175360401989,0.5243107769423557,0.49495459132189706,294.86,rem us south central smm food,2021-05-24,294.86,357.60076132665245 +0.8545636910732195,0.34,0.24595141700404874,0.38473129080863894,0.01434386639225678,0.8807017543859648,0.393037336024218,66.79,rem us west north central smm food,2021-05-24,66.79,82.1465136856943 +0.5576730190571715,0.851,0.2955465587044536,0.6705173279758916,0.0015470861853665611,0.4020050125313282,0.8466195761856711,37.44,richmond/petersburg smm food,2021-05-24,37.44,42.92865070287899 +0.29237713139418253,0.5860000000000001,0.5060728744939273,0.8362631843294828,0.002972608815345203,0.494235588972431,0.42179616548940463,24.31,sacramento/stockton/modesto smm food,2021-05-24,24.31,28.441231465573885 +0.32347041123370107,0.37200000000000005,0.125506072874494,0.359618282270216,0.0027320142786399467,0.5664160401002506,0.20787083753784058,22.66,salt lake city smm food,2021-05-24,22.66,31.502975923770606 +0.6950852557673018,0.17200000000000001,0.39473684210526333,0.31240582621798096,0.014945352734019915,0.4561403508771929,0.6145307769929365,198.33,new york smm food,2021-05-24,198.33,252.22363178968382 +0.6830491474423269,0.21400000000000002,0.3603238866396763,0.2646911099949774,0.004381669713865065,0.39097744360902253,0.4510595358224016,37.4,san francisco/oakland/san jose smm food,2021-05-24,37.4,40.98739922207733 +0.3319959879638916,0.46399999999999997,0.2682186234817815,0.7614264188849825,0.003189460470138756,0.7308270676691729,0.6614530776992936,39.53,seattle/tacoma smm food,2021-05-24,39.53,50.221303619009106 +0.4909729187562687,0.036,0.7201417004048587,0.3656454043194375,0.004452898359600173,0.6345864661654134,0.5701311806256307,31.04,st. louis smm food,2021-05-24,31.04,41.07386728862761 +0.6389167502507522,0.313,0.7520242914979761,0.8141637368156706,0.004140442033642162,0.3614035087719297,0.19626639757820383,76.3,tampa/ft. myers smm food,2021-05-24,76.3,128.9972695236128 +0.6725175526579739,0.15200000000000002,0.5075910931174092,0.43947764942240086,0.0011029360077383051,0.6761904761904761,0.29313824419778,7.67,tucson/sierra vista smm food,2021-05-24,7.67,14.363328975026668 +0.5336008024072216,0.32400000000000007,0.8942307692307698,0.2290306378704169,0.005908495306666972,0.8335839598997493,0.3612512613521695,116.72999999999999,washington dc/hagerstown smm food,2021-05-24,116.72999999999999,129.88103933384434 +0.495987963891675,0.052000000000000005,0.4438259109311743,0.3525866398794576,0.000450165041045887,0.45914786967418536,0.31786074672048437,3.43,yakima/pasco/richland/kennewick smm food,2021-05-24,3.43,1.5491750231370247 +0.3706118355065195,0.643,0.9438259109311745,0.37117026619789056,0.01145040051661725,0.7468671679197993,0.3753784056508577,45.95,rem us pacific smm food,2021-05-24,45.95,62.06843316358994 +0.10832497492477432,0.685,0.4023279352226723,0.5625313912606731,0.002158386251653205,0.6225563909774435,0.5852674066599395,10.03,new orleans smm food,2021-05-24,10.03,12.54135148290758 +0.769307923771314,0.719,0.8815789473684216,0.5946760421898544,0.0073042601913162804,0.5233082706766917,0.5807265388496469,114.13000000000001,philadelphia smm food,2021-05-24,114.13000000000001,155.66334079445454 +0.7246740220661986,0.47400000000000003,0.4929149797570852,0.46258161727774993,0.0013881671624375628,0.08170426065162906,0.6321897073662966,26.27,albany/schenectady/troy smm food,2021-05-24,26.27,35.103931897543234 +0.33500501504513536,0.256,0.42408906882591113,0.3480662983425415,0.0015309410256666028,0.6045112781954886,0.6170534813319879,16.72,des moines/ames smm food,2021-05-24,16.72,17.99461974688745 +0.36108324974924766,0.561,0.9665991902834012,0.5143144148669011,0.008607586122389356,0.6987468671679198,0.43491422805247226,50.8,dallas/ft. worth smm food,2021-05-24,50.8,65.13093599659676 +0.48896690070210624,0.6120000000000001,0.508097165991903,0.48769462581617284,0.0031707827363682164,0.750877192982456,0.6881937436932392,43.14,columbus oh smm food,2021-05-24,43.14,60.35685855584917 +0.8254764292878636,0.05,0.5581983805668019,0.5318935208437972,0.0031055689540507394,0.22957393483709268,0.6281533804238143,73.44,cleveland/akron/canton smm food,2021-05-24,73.44,85.05732002276082 +0.737211634904714,0.9580000000000001,0.5794534412955469,0.5158211953792065,0.005923690751090462,0.593984962406015,0.3703329969727548,141.19,chicago smm food,2021-05-24,141.19,132.64400192187472 +0.4358074222668004,0.10300000000000001,0.5516194331983809,0.5424409844299347,0.004655820857005527,0.5333333333333332,0.8042381432896064,87.41,charlotte smm food,2021-05-24,87.41,83.64900760411842 +0.5526579739217652,0.512,0.376518218623482,0.6810647915620291,0.005288647802892115,0.6566416040100249,0.2114026236125126,99.78,detroit smm food,2021-05-24,99.78,114.54674190814058 +0.3941825476429287,0.726,0.3952429149797574,0.6644902059266701,0.0019263391524361618,0.8461152882205514,0.1029263370332997,12.27,buffalo smm food,2021-05-24,12.27,18.720351115376957 +0.1404212637913741,0.10200000000000001,0.9448380566801625,0.2852837769964842,0.0030818260721390367,0.9117794486215536,0.36781029263370335,10.48,birmingham/anniston/tuscaloosa smm food,2021-05-24,10.48,11.870988531139282 +0.4754262788365095,0.18899999999999997,0.09261133603238872,0.9452536413862381,0.001497384419231396,0.5463659147869674,0.513622603430878,1.33,baton rouge smm food,2021-05-24,1.33,4.762018390738106 +0.5847542627883651,0.34700000000000003,0.32489878542510137,0.43696634856855854,0.0025322574988228203,0.0932330827067669,0.37790110998990917,56.209999999999994,baltimore smm food,2021-05-24,56.209999999999994,58.81277286559299 +0.23319959879638916,0.28500000000000003,0.24746963562753047,0.5454545454545455,0.00860093811545408,0.8290726817042604,0.48587285570131183,88.15,atlanta smm food,2021-05-24,88.15,129.83436616217315 +0.34403209628886655,0.414,0.15941295546558715,0.8176795580110499,0.0020833587448122236,0.27619047619047615,0.6594349142280524,19.55,albuquerque/santa fe smm food,2021-05-24,19.55,23.627447098105776 +0.3545636910732196,0.9140000000000001,0.29149797570850217,0.6986438975389252,0.001806041884083534,0.36942355889724304,0.7315842583249244,13.65,mobile/pensacola smm food,2021-05-24,13.65,22.069853643959604 +0.25376128385155466,0.46399999999999997,0.27226720647773295,0.7518834756403818,0.005082876159657357,0.5699248120300752,0.38042381432896066,96.77,boston/manchester smm food,2021-05-24,96.77,141.93740033054365 +0.45336008024072216,0.6080000000000001,0.5475708502024295,0.26569563033651433,0.0018462464974540174,0.575438596491228,0.6700302724520686,64.36,grand rapids smm food,2021-05-24,64.36,65.68504406254436 +0.7281845536609829,0.17200000000000001,0.523279352226721,0.4786539427423406,0.0038890840571369346,0.6220551378446114,0.30373360242179614,38.18,nashville smm food,2021-05-24,38.18,49.859364055092165 +0.6680040120361083,0.516,0.6654858299595144,0.7649422400803617,0.0027889971952280335,0.5538847117794485,0.20988900100908173,23.77,harrisburg/lancaster smm food,2021-05-24,23.77,42.06717275560291 +0.37211634904714136,0.622,0.5895748987854253,0.6579608237066801,0.0024933191724876274,0.5348370927318294,0.10898082744702321,43.5,greensboro smm food,2021-05-24,43.5,36.59610834510031 +0.6820461384152456,0.10600000000000001,0.481275303643725,0.3184329482672024,0.002425572816099568,0.7052631578947367,0.26892028254288597,18.73,milwaukee smm food,2021-05-24,18.73,22.215495046372517 +0.6945837512537612,0.355,0.15991902834008107,0.6529382219989955,0.005051852127292731,0.5087719298245613,0.3546922300706357,93.32,miami/west palm beach smm food,2021-05-24,93.32,138.7839155457555 +0.32347041123370107,0.901,0.5445344129554659,0.4796584630838775,0.0018718888099186566,0.6230576441102755,0.07921291624621594,4.96,madison wi smm food,2021-05-24,4.96,4.202077257039008 +0.5155466399197592,0.072,0.5070850202429152,0.6504269211451532,0.0146271981164031,0.6626566416040099,0.3874873864783047,101.35,los angeles smm food,2021-05-24,101.35,118.44133191321438 +0.4924774322968906,0.10300000000000001,0.5637651821862352,0.5539929683576093,0.0022767840894528965,0.76390977443609,0.2194752774974773,8.47,little rock/pine bluff smm food,2021-05-24,8.47,10.474496915400088 +0.4237713139418254,0.45199999999999996,0.21356275303643735,0.5364138623807133,0.0015271421645607303,0.5448621553884712,0.9192734611503531,15.84,las vegas smm food,2021-05-24,15.84,31.146190971902634 +0.39518555667001,0.7650000000000001,0.3410931174089071,0.5539929683576093,0.005030008675933964,0.168922305764411,0.5050454086781029,33.36,minneapolis/st. paul smm food,2021-05-24,33.36,42.63312422219757 +0.4307923771313941,0.634,0.3856275303643727,0.5831240582621798,0.0024477328392171573,0.25363408521303255,0.5327951564076691,19.99,knoxville smm food,2021-05-24,19.99,24.004237658982696 +0.20812437311935808,0.8150000000000001,0.7484817813765186,0.2948267202410849,0.0026870610888871226,0.4561403508771929,0.33198789101917253,30.879999999999995,kansas city smm food,2021-05-24,30.879999999999995,31.1004312306437 +0.3866599799398194,0.9740000000000001,0.5678137651821865,0.14665996986438976,0.001886451110824501,0.5548872180451127,0.9071644803229062,25.9,jacksonville smm food,2021-05-24,25.9,37.93943396603296 +0.6449348044132396,0.777,0.2054655870445345,0.47664490205926674,0.004739079229575898,0.1338345864661654,0.2260343087790111,33.83,indianapolis smm food,2021-05-24,33.83,39.96099129596102 +0.3224674022066198,0.343,0.487348178137652,0.6323455549974888,0.006660036662112075,0.3979949874686717,0.4248234106962664,92.38,houston smm food,2021-05-24,92.38,123.99138988961738 +0.7512537612838515,0.978,0.6386639676113364,0.5228528377699649,0.0023261692838292387,0.6746867167919799,0.15590312815338042,56.04,hartford/new haven smm food,2021-05-24,56.04,71.90569636245667 +0.6474423269809427,0.266,0.6447368421052635,0.9206428930185837,0.013541673555400043,0.4406015037593984,0.49495459132189706,199.4,rem us east north central smm food,2021-05-31,199.4,269.73746186709025 +0.22316950852557668,0.918,0.4792510121457493,0.2004018081366148,0.002647173047275462,0.11979949874686713,0.18012108980827446,53.31,raleigh/durham/fayetteville smm food,2021-05-31,53.31,72.90023759510248 +0.7462387161484453,0.459,0.3193319838056682,0.3666499246609744,0.0008376488738448783,0.23809523809523805,0.470736629667003,31.24,providence ri/new bedford ma smm food,2021-05-31,31.24,37.256928520845754 +0.6168505516549648,0.637,0.6158906882591096,0.23103967855349072,0.0016610520185427347,0.5313283208020049,0.5600403632694249,33.13,portland or smm food,2021-05-31,33.13,40.970446286898756 +0.6965897693079237,0.3600000000000001,0.49240890688259137,0.5831240582621798,0.0019092442774597358,0.4882205513784461,0.46064581231079715,52.18,pittsburgh smm food,2021-05-31,52.18,56.74815398251706 +0.3630892678034102,0.396,0.4564777327935225,0.2651933701657459,0.00597972395240208,0.31127819548872177,0.6321897073662966,39.23,phoenix/prescott smm food,2021-05-31,39.23,72.22099256966592 +0.37763289869608824,0.24300000000000002,0.33400809716599206,0.5313912606730287,0.0005438702816574077,0.4646616541353382,0.46871846619576185,6.14,paducah ky/cape girardeau mo smm food,2021-05-31,6.14,5.520111827993304 +0.6549648946840521,0.675,0.20394736842105274,0.3023606228026118,0.013031359880177838,0.21654135338345862,0.7991927346115035,203.35,new york smm food,2021-05-31,203.35,252.27450719722452 +0.6183550651955867,0.387,0.7793522267206481,0.5856353591160222,0.004196158663194959,0.6040100250626566,0.7744702320887992,59.64999999999999,orlando/daytona beach/melborne smm food,2021-05-31,59.64999999999999,92.02965557530717 +0.5551654964894683,0.42300000000000004,0.9073886639676118,0.6067302862882974,0.0014328037804315643,0.5719298245614034,0.3728557013118063,9.32,omaha smm food,2021-05-31,9.32,14.063593730117304 +0.46740220661985954,0.459,0.48178137651821884,0.07734806629834255,0.004671332873187839,0.2721804511278195,0.5065590312815338,6.45,oklahoma city smm food,2021-05-31,6.45,0.8438991991261133 +0.26228686058174516,0.8720000000000001,0.6857287449392716,0.6810647915620291,0.0017503252545307375,0.312781954887218,0.21039354187689202,44.62,norfolk/portsmouth/newport news smm food,2021-05-31,44.62,54.79127676526906 +0.8064192577733199,0.389,0.6234817813765186,0.6082370668006027,0.0036798301245551264,0.5523809523809523,0.45862764883955603,66.9,rem us middle atlantic smm food,2021-05-31,66.9,85.07295254150611 +0.6730190571715146,0.34600000000000003,0.6609311740890692,0.5308890005022602,0.005626746441314764,0.899749373433584,0.6851664984863775,112.75,philadelphia smm food,2021-05-31,112.75,156.36507646493592 +0.40070210631895686,0.229,0.8557692307692311,0.4650929181315922,0.018080362861641164,0.4731829573934837,0.6029263370332997,99.54,rem us mountain smm food,2021-05-31,99.54,131.82225616986227 +0.3199598796389167,0.893,0.5571862348178142,0.8844801607232547,0.006627113199194513,0.3699248120300751,0.4091826437941473,22.03,sacramento/stockton/modesto smm food,2021-05-31,22.03,28.992787094775544 +0.40672016048144427,0.388,0.8623481781376522,0.5308890005022602,0.009528176797045783,0.619047619047619,0.5116044399596368,53.41,rem us pacific smm food,2021-05-31,53.41,62.998485365687166 +0.18555667001003007,0.9210000000000002,0.34159919028340097,0.44349573078854854,0.019388753940855413,0.5543859649122806,0.479313824419778,173.68,rem us south atlantic smm food,2021-05-31,173.68,241.430294892936 +0.39067201604814444,0.622,0.21912955465587056,0.2933199397287795,0.032359015471580474,0.5889724310776941,0.06710393541876893,280.65,rem us south central smm food,2021-05-31,280.65,353.6376103405499 +0.7236710130391173,0.597,0.49443319838056704,0.20341536916122555,0.012449817559220531,0.5834586466165412,0.3203834510595358,63.46,rem us west north central smm food,2021-05-31,63.46,79.55303685427901 +0.6805416248746238,0.144,0.7064777327935227,0.8021094927172276,0.0015271421645607303,0.3533834586466165,0.6256306760847629,27.56,richmond/petersburg smm food,2021-05-31,27.56,42.37647294422302 +0.41675025075225675,0.683,0.48836032388663997,0.47262682069311907,0.0038156394090900674,0.9729323308270675,0.42330978809283554,22.74,salt lake city smm food,2021-05-31,22.74,35.32965363166785 +0.8169508525576729,0.5870000000000001,0.5662955465587048,0.3827222501255651,0.0022992606843293085,0.6310776942355888,0.6104944500504541,20.38,san diego smm food,2021-05-31,20.38,28.37906832684134 +0.8400200601805415,0.44100000000000006,0.5607287449392715,0.4746358613761929,0.0037076884393315254,0.5258145363408522,0.6180625630676084,36.9,san francisco/oakland/san jose smm food,2021-05-31,36.9,43.96825906411317 +0.4312938816449348,0.602,0.29149797570850217,0.5655449522852838,0.0019567300412831417,0.8802005012531326,0.920787083753784,38.33,seattle/tacoma smm food,2021-05-31,38.33,51.134924031854524 +0.69358074222668,0.48200000000000004,0.5809716599190285,0.03365143144148669,0.002244177198294158,0.469674185463659,0.7209889001009082,32.56,st. louis smm food,2021-05-31,32.56,39.685023479606315 +0.7953861584754263,0.7010000000000001,0.5101214574898789,0.7393269713711703,0.002715235975422343,0.33333333333333326,0.16397578203834512,91.67,tampa/ft. myers smm food,2021-05-31,91.67,128.38699593792256 +0.5381143430290872,0.572,0.3805668016194334,0.48116524359618285,0.0009066615172682279,0.5223057644110275,0.26286579212916245,7.0,tucson/sierra vista smm food,2021-05-31,7.0,13.815459161329237 +0.7076228686058174,0.326,0.7413967611336035,0.1617277749874435,0.00474034551661119,0.4225563909774435,0.3703329969727548,107.79,washington dc/hagerstown smm food,2021-05-31,107.79,128.30929309579057 +0.8711133400200601,0.808,0.585526315789474,0.30738322451029637,0.0005052485270810377,0.43308270676691724,0.44399596367305755,3.09,yakima/pasco/richland/kennewick smm food,2021-05-31,3.09,3.0094409243020834 +0.6619859578736208,0.06999999999999999,0.6948380566801622,0.46358613761928685,0.001795911587801207,0.5298245614035086,0.43693239152371344,84.81,rem us new england smm food,2021-05-31,84.81,102.4743515939753 +0.15997993981945835,0.537,0.4701417004048585,0.33601205424409847,0.001510363861343127,0.34436090225563915,0.7780020181634713,11.89,new orleans smm food,2021-05-31,11.89,11.467836469286645 +0.9694082246740219,0.17400000000000002,0.1923076923076924,0.03264691109994978,0.002114382777176849,0.6280701754385964,0.3849646821392533,33.21,nashville smm food,2021-05-31,33.21,47.74664095426335 +0.3475426278836509,0.7110000000000001,0.32388663967611353,0.7704671019588147,0.007907962535391179,0.5448621553884712,0.5040363269424823,32.94,minneapolis/st. paul smm food,2021-05-31,32.94,45.32053040519144 +0.6745235707121364,0.9970000000000001,0.529858299595142,0.21747865394274235,0.0006075012051807716,0.22756892230576437,0.5166498486377397,27.01,albany/schenectady/troy smm food,2021-05-31,27.01,33.553808867854926 +0.39568706118355057,0.76,0.2591093117408908,0.629331993972878,0.0029713425283099115,0.4145363408521302,0.6372351160443996,19.69,albuquerque/santa fe smm food,2021-05-31,19.69,23.28065901647355 +0.16700100300902707,0.9359999999999999,0.4691295546558707,0.5740833751883476,0.013502735229064849,0.9253132832080199,0.21442986881937437,83.57,atlanta smm food,2021-05-31,83.57,129.73916898888672 +0.6238716148445336,0.06899999999999999,0.6007085020242918,0.6554495228528379,0.0018247196178540735,0.42406015037593975,0.28910191725529766,53.02,baltimore smm food,2021-05-31,53.02,60.578350723645954 +0.5682046138415245,0.35600000000000004,0.06781376518218628,0.5660472124560523,0.0009924524639091813,0.5072681704260652,0.8456104944500504,2.01,baton rouge smm food,2021-05-31,2.01,4.53930217353161 +0.48094282848545633,0.147,0.49139676113360353,0.6142641888498243,0.0022270823233177315,0.6977443609022554,0.7219979818365287,10.58,birmingham/anniston/tuscaloosa smm food,2021-05-31,10.58,15.335565500929143 +0.1770310932798395,0.446,0.4777327935222675,0.6509291813159217,0.003969493283877902,0.4761904761904761,0.4520686175580222,100.03,boston/manchester smm food,2021-05-31,100.03,141.3167737342432 +0.3495486459378134,0.136,0.5151821862348182,0.5881466599698645,0.0009522478505386976,0.895238095238095,0.050454086781029264,13.44,buffalo smm food,2021-05-31,13.44,17.720079515010255 +0.5707121364092277,0.18600000000000003,0.5703441295546562,0.7212456052235059,0.002842497822469071,0.8586466165413533,0.7986881937436933,54.44,charlotte smm food,2021-05-31,54.44,85.66696923133597 +0.5822467402206619,0.642,0.30668016194332004,0.6338523355097941,0.004349695966223971,0.7493734335839597,0.7250252270433906,116.88,chicago smm food,2021-05-31,116.88,135.0637267997293 +0.6664994984954864,0.48,0.46002024291498,0.4505273731793069,0.0019830054972654262,0.4912280701754385,0.8007063572149344,69.89,cleveland/akron/canton smm food,2021-05-31,69.89,86.1174472575975 +0.22968906720160479,0.777,0.23279352226720662,0.6574585635359117,0.001410643757313975,0.5082706766917292,0.5116044399596368,39.25,columbus oh smm food,2021-05-31,39.25,58.783278393018904 +0.5902708124373118,0.45599999999999996,0.92004048582996,0.3515821195379207,0.021972612636366327,0.47568922305764405,0.8925327951564077,54.08,dallas/ft. worth smm food,2021-05-31,54.08,68.34614578223206 +0.5902708124373118,0.20600000000000002,0.3633603238866399,0.6594676042189855,0.0011998069659380532,0.7122807017543857,0.42129162462159436,14.8,des moines/ames smm food,2021-05-31,14.8,19.295331073742602 +0.13841524573721162,0.353,0.2525303643724698,0.4555499748869915,0.0031283621206859747,0.6786967418546365,0.16548940464177597,87.5,detroit smm food,2021-05-31,87.5,111.91450936906995 +0.514543630892678,0.305,0.5971659919028344,0.4992466097438474,0.0008332168692213602,0.6626566416040099,0.6543895055499496,14.789999999999997,mobile/pensacola smm food,2021-05-31,14.789999999999997,21.42310376064266 +0.4082246740220662,0.891,0.7262145748987857,0.7127071823204421,0.0017601389790542416,0.35689223057644104,0.15085771947527749,25.46,greensboro smm food,2021-05-31,25.46,36.766020136505595 +0.6549648946840521,0.546,0.7646761133603243,0.1441486690105475,0.0011564366349793426,0.5162907268170426,0.6039354187689203,52.47,grand rapids smm food,2021-05-31,52.47,64.76565790925602 +0.5792377131394182,0.194,0.8233805668016199,0.36966348568558516,0.001820920756748201,0.7218045112781953,0.5474268415741675,17.95,milwaukee smm food,2021-05-31,17.95,24.166555246608944 +0.4653961885656971,0.24700000000000003,0.5258097165991905,0.5590155700652939,0.0038007605364254,0.7458646616541352,0.6619576185671039,103.13,miami/west palm beach smm food,2021-05-31,103.13,140.37564192194174 +0.5732196589769307,0.274,0.20799595141700417,0.8483174284279258,0.0009626947185798467,0.6025062656641602,0.48385469223007066,5.43,madison wi smm food,2021-05-31,5.43,8.386632476323953 +0.5110330992978936,0.35600000000000004,0.6452429149797574,0.6815670517327976,0.0012887636301672333,0.6280701754385963,0.33955600403632696,10.13,little rock/pine bluff smm food,2021-05-31,10.13,11.53867538955948 +0.5957873620862587,0.642,0.5845141700404862,0.5605223505775992,0.004744460949475885,0.5388471177944861,0.8466195761856711,15.360000000000001,las vegas smm food,2021-05-31,15.360000000000001,31.898050409762696 +0.07321965897693078,0.455,0.28087044534412975,0.4450025113008539,0.02609595979503207,0.9629072681704259,0.5,106.33,los angeles smm food,2021-05-31,106.33,119.76287757356779 +0.3595787362086259,0.97,0.7181174089068829,0.5087895529884481,0.0016404748542192592,0.5518796992481202,0.5625630676084763,29.72,kansas city smm food,2021-05-31,29.72,34.115999653924 +0.5757271815446339,0.094,0.4205465587044537,0.4997488699146158,0.001225765850161515,0.30476190476190473,0.7573158425832492,30.23,jacksonville smm food,2021-05-31,30.23,38.04356941026945 +0.2567703109327984,0.631,0.3421052631578949,0.5961828227021597,0.0024578631354994843,0.2390977443609022,0.2537840565085772,32.62,indianapolis smm food,2021-05-31,32.62,40.17990346384569 +0.35556670010030084,0.577,0.6432186234817817,0.6248116524359619,0.01198952222189232,0.41503759398496237,0.5797174571140262,92.82,houston smm food,2021-05-31,92.82,125.90693350021397 +0.8761283851554662,0.775,0.5055668016194335,0.5906579608237067,0.0016018530996428889,0.4325814536340852,0.124117053481332,58.18,hartford/new haven smm food,2021-05-31,58.18,71.2913469220957 +0.2592778335005015,0.778,0.5516194331983809,0.8478151682571573,0.0016031193866781798,0.4245614035087718,0.13773965691220988,24.23,harrisburg/lancaster smm food,2021-05-31,24.23,40.927038208849666 +0.4142427281845536,0.085,0.04149797570850205,0.5745856353591161,0.0014635112410373667,0.5749373433583959,0.7951564076690212,18.18,knoxville smm food,2021-05-31,18.18,25.840364804476955 +0.6915747241725174,0.68,0.5915991902834011,0.34957307885484684,0.0013745545768081866,0.6681704260651629,0.29112008072653883,59.8,pittsburgh smm food,2021-06-07,59.8,55.11075663206051 +0.3365095285857572,0.631,0.6983805668016199,0.5123053741838273,0.009070414033788152,0.3588972431077694,0.16195761856710394,171.2,rem us east north central smm food,2021-06-07,171.2,264.27153271753804 +0.010030090270812435,0.24500000000000002,0.1629554655870446,0.3817177297840282,0.0021659839738649494,0.21954887218045108,0.260343087790111,58.74,raleigh/durham/fayetteville smm food,2021-06-07,58.74,73.78489540478856 +0.5672016048144431,0.609,0.5662955465587048,0.21396283274736316,0.0008256191470096154,0.46867167919799496,0.900100908173562,34.91,providence ri/new bedford ma smm food,2021-06-07,34.91,39.50429875577854 +0.6675025075225677,0.03,0.31123481781376533,0.26720241084881974,0.0010127130564738344,0.3483709273182956,0.6538849646821393,31.22,portland or smm food,2021-06-07,31.22,40.68153855658691 +0.25626880641925776,0.525,0.21963562753036447,0.34957307885484684,0.007088358251799195,0.43809523809523804,0.38698284561049445,40.5,phoenix/prescott smm food,2021-06-07,40.5,71.5691835260958 +0.5095285857572718,0.168,0.39676113360323906,0.45354093420391767,0.014093141559269192,0.5859649122807017,0.7194752774974773,206.73,new york smm food,2021-06-07,206.73,253.61183706899794 +0.5646940822467402,0.267,0.418016194331984,0.4173782019085887,0.00033619920786971306,0.2581453634085213,0.798183652875883,4.68,paducah ky/cape girardeau mo smm food,2021-06-07,4.68,6.481858373914534 +0.7477432296890671,0.028999999999999998,0.8466599190283404,0.4796584630838775,0.0022843818116646416,0.757393483709273,0.686175580221998,56.88,orlando/daytona beach/melborne smm food,2021-06-07,56.88,91.20816849258037 +0.7357071213640922,0.9369999999999999,0.7074898785425106,0.37970868910095434,0.0020719621614946064,0.8245614035087719,0.6165489404641776,9.73,omaha smm food,2021-06-07,9.73,15.464640704006982 +0.5130391173520561,0.8119999999999999,0.44838056680161964,0.2983425414364641,0.008369207587995859,0.6075187969924811,0.5398587285570131,2.26,oklahoma city smm food,2021-06-07,2.26,4.0794907850361 +0.32998996990972906,0.08600000000000001,0.821356275303644,0.5630336514314416,0.0017376623841778294,0.3052631578947368,0.6377396569122099,46.78,norfolk/portsmouth/newport news smm food,2021-06-07,46.78,56.39855433115797 +0.6258776328986961,0.45199999999999996,0.7363360323886643,0.46358613761928685,0.0028396486766396663,0.7393483709273182,0.30373360242179614,69.53,rem us middle atlantic smm food,2021-06-07,69.53,83.60498777110006 +0.5526579739217654,0.927,0.43016194331983826,0.4304369663485686,0.004092006554542289,0.6721804511278194,0.9182643794147326,128.93,philadelphia smm food,2021-06-07,128.93,156.14763387803572 +0.19709127382146435,0.38599999999999995,0.9493927125506076,0.6037167252636867,0.02281532665835237,0.7588972431077693,0.2073662966700303,90.75,rem us mountain smm food,2021-06-07,90.75,131.6651695472484 +0.4493480441323972,0.489,0.6578947368421056,0.6228026117528881,0.009556668255339828,0.5263157894736841,0.6049445005045408,23.57,sacramento/stockton/modesto smm food,2021-06-07,23.57,29.615514683791524 +0.4874623871614843,0.422,0.5931174089068829,0.3520843797086891,0.009226167339128922,0.5964912280701753,0.8582240161453077,50.93,rem us pacific smm food,2021-06-07,50.93,63.85702552739105 +0.2276830491474423,0.391,0.3750000000000002,0.630336514314415,0.016554486984115727,0.7348370927318294,0.11251261352169525,190.6,rem us south atlantic smm food,2021-06-07,190.6,240.37980023368328 +0.2547642928786359,0.621,0.5055668016194335,0.4565544952285284,0.032705978119250155,0.8210526315789474,0.14682139253279516,300.85,rem us south central smm food,2021-06-07,300.85,355.74897254985314 +0.6364092276830491,0.15700000000000003,0.29251012145749,0.48116524359618285,0.012234232191462269,0.5563909774436089,0.6200807265388496,60.31,rem us west north central smm food,2021-06-07,60.31,82.29349756165334 +0.6003009027081242,0.6960000000000001,0.7682186234817817,0.6433952787543948,0.001130161178997058,0.5167919799498747,0.5116044399596368,27.71,richmond/petersburg smm food,2021-06-07,27.71,41.41638929201219 +0.4528585757271816,0.22599999999999998,0.9144736842105268,0.3967855349070819,0.004824870176216851,0.9523809523809522,0.31029263370333,27.9,salt lake city smm food,2021-06-07,27.9,34.427583389111916 +0.5280842527582749,0.635,0.5121457489878546,0.6012054244098444,0.0018073081711188247,0.9779448621553882,0.43693239152371344,20.27,san diego smm food,2021-06-07,20.27,29.136621859288475 +0.5220661985957873,0.6120000000000001,0.6472672064777331,0.6921145153189353,0.003332234333367797,0.38646616541353385,0.44954591321897075,35.6,san francisco/oakland/san jose smm food,2021-06-07,35.6,43.35472064947204 +0.7101303911735205,0.9800000000000001,0.514676113360324,0.3907584128578604,0.0017370292406601842,0.6902255639097742,1.0,44.02,seattle/tacoma smm food,2021-06-07,44.02,50.7497563355617 +0.4864593781344032,0.894,0.2682186234817815,0.21396283274736316,0.0013834185860552223,0.48922305764411017,0.6881937436932392,29.860000000000003,st. louis smm food,2021-06-07,29.860000000000003,40.12143732553825 +0.5260782347041123,0.03,0.6887651821862353,0.4455047714716223,0.0024952186030405632,0.3388471177944861,0.3920282542885974,82.48,tampa/ft. myers smm food,2021-06-07,82.48,127.36213778144251 +0.6800401203610831,0.66,0.13917004048583,0.4218985434455048,0.0013593591323846966,0.43258145363408507,0.5181634712411706,9.55,tucson/sierra vista smm food,2021-06-07,9.55,14.87139422500453 +0.6805416248746238,0.75,0.3709514170040487,0.1692616775489704,0.0037412450457667314,0.2225563909774436,0.4011099899091827,113.30000000000001,washington dc/hagerstown smm food,2021-06-07,113.30000000000001,127.69617960557356 +0.576730190571715,0.655,0.3856275303643727,0.3515821195379207,0.0015635479168253415,0.4947368421052631,0.48587285570131183,8.1,new orleans smm food,2021-06-07,8.1,11.034827710642865 +0.6018054162487462,0.654,0.9175101214574903,0.09291813159216475,0.0015733616413488455,0.22355889724310773,0.48587285570131183,89.59,rem us new england smm food,2021-06-07,89.59,99.96202603440865 +0.8986960882647944,0.458,0.7181174089068829,0.5077850326469111,0.0006904430059923204,0.4105263157894736,0.3299697275479314,3.08,yakima/pasco/richland/kennewick smm food,2021-06-07,3.08,3.417185536394001 +0.9503510531594784,0.0,0.6280364372469639,0.030135610246107485,0.0011909429566910176,0.3012531328320801,0.7497477295660948,35.86,nashville smm food,2021-06-07,35.86,48.857594469261905 +0.625877632898696,0.6900000000000001,0.45799595141700433,0.6398794575590157,0.01206929830511564,0.606516290726817,0.3910191725529768,34.42,minneapolis/st. paul smm food,2021-06-07,34.42,45.230408982820144 +0.6439317953861584,0.515,0.46002024291498,0.25615268709191363,0.0009357861190799167,0.44110275689223055,0.4667003027245207,16.1,mobile/pensacola smm food,2021-06-07,16.1,18.501605725762843 +0.42878635907723167,0.807,0.5404858299595144,0.14213962832747365,0.0005302576960280315,0.48922305764411017,0.44803229061553984,31.57,albany/schenectady/troy smm food,2021-06-07,31.57,33.03315102487137 +0.2873620862587763,0.17600000000000005,0.31781376518218635,0.5565042692114516,0.003727632460137355,0.32080200501253126,0.32088799192734613,18.69,albuquerque/santa fe smm food,2021-06-07,18.69,20.432176423157443 +0.5305917753259779,0.11299999999999999,0.48127530364372495,0.5605223505775992,0.01675012833106816,0.7714285714285714,0.3299697275479314,88.22,atlanta smm food,2021-06-07,88.22,130.54422731879097 +0.742728184553661,0.35100000000000003,0.8967611336032393,0.6976393771973883,0.0016271788403487053,0.5478696741854635,0.6220988900100908,54.47,baltimore smm food,2021-06-07,54.47,63.61376487401017 +0.3881644934804413,0.885,0.33906882591093135,0.24510296333500756,0.0008040922674096714,0.5233082706766917,0.62058526740666,1.66,baton rouge smm food,2021-06-07,1.66,1.5312492677860376 +0.8816449348044131,0.778,0.09159919028340086,0.845303867403315,0.0017607721225718872,0.5323308270676691,0.6296670030272452,10.24,birmingham/anniston/tuscaloosa smm food,2021-06-07,10.24,16.261435874736954 +0.4353059177532597,0.781,0.5754048582995955,0.586639879457559,0.002978940250521658,0.625563909774436,0.1306760847628658,107.76,boston/manchester smm food,2021-06-07,107.76,140.054383931465 +0.8350050150451355,0.020000000000000004,0.696862348178138,0.4309392265193371,0.0018459299256951948,0.4902255639097744,0.6871846619576186,55.01,charlotte smm food,2021-06-07,55.01,82.51889354281225 +0.33701103309929786,0.0,0.5384615384615388,0.599698643897539,0.004147723184095086,0.6125313283208018,0.7366296670030272,113.06,chicago smm food,2021-06-07,113.06,133.91909829320076 +0.5401203610832497,0.836,0.1442307692307693,0.5680562531391261,0.0016331937037663369,0.4822055137844611,0.7159434914228052,80.44,cleveland/akron/canton smm food,2021-06-07,80.44,85.98357238017836 +0.2392176529588766,0.229,0.30313765182186253,0.5529884480160724,0.0015090975743078364,0.36591478696741847,0.3839556004036327,38.94,columbus oh smm food,2021-06-07,38.94,56.82403103659419 +0.8455366098294883,0.368,0.6027327935222675,0.23706680060271224,0.035266410504608194,0.35087719298245607,0.6478304742684158,55.82,dallas/ft. worth smm food,2021-06-07,55.82,67.94840554396441 +0.8986960882647942,0.606,0.7004048582995955,0.6207935710698143,0.0014353363545021461,0.7508771929824559,0.22199798183652877,12.91,des moines/ames smm food,2021-06-07,12.91,18.976225487362214 +0.2963891675025075,0.355,0.22975708502024303,0.15871421396283275,0.002250508633470613,0.28571428571428564,0.5035317860746721,69.77,detroit smm food,2021-06-07,69.77,111.08400893400866 +0.3976930792377131,0.35800000000000004,0.31831983805668035,0.8066298342541437,0.0006720818439806034,0.8771929824561402,0.5459132189707366,16.16,buffalo smm food,2021-06-07,16.16,21.809276234017844 +0.29588766298896685,0.503,0.7241902834008102,0.7960823706680061,0.0014153923336963155,0.17794486215538846,0.18869828456104945,28.86,greensboro smm food,2021-06-07,28.86,36.49223030273506 +0.6569709127382145,0.893,0.571862348178138,0.43847312908086394,0.000808840843792012,0.6802005012531327,0.8188698284561049,38.65,grand rapids smm food,2021-06-07,38.65,68.20081791559807 +0.4087261785356068,0.661,0.5480769230769232,0.7493721747865395,0.0026617353481813064,0.3278195488721804,0.6417759838546923,102.91,miami/west palm beach smm food,2021-06-07,102.91,140.0047033536685 +0.6454363089267803,0.5559999999999999,0.4438259109311743,0.605223505775992,0.0005701457376396923,0.4776942355889724,0.7870837537840565,6.52,madison wi smm food,2021-06-07,6.52,8.704804534770972 +0.275827482447342,0.7440000000000001,0.32995951417004066,0.5042692114515319,0.03219756387458089,0.9513784461152881,0.7674066599394551,103.67,los angeles smm food,2021-06-07,103.67,122.97578730892155 +0.8936810431293881,0.062,0.7661943319838062,0.3827222501255651,0.0009490821329504706,0.40852130325814523,0.6478304742684158,8.31,little rock/pine bluff smm food,2021-06-07,8.31,11.461907496933186 +0.48094282848545633,0.11599999999999999,0.6163967611336035,0.32546459065796085,0.007160220041051949,0.5117794486215538,0.7401614530776993,16.0,las vegas smm food,2021-06-07,16.0,29.77646888826572 +0.3219658976930792,0.968,0.4048582995951419,0.31943746860873934,0.000804725410927317,0.38496240601503745,0.6781029263370333,16.06,knoxville smm food,2021-06-07,16.06,23.496771974136543 +0.6248746238716149,0.431,0.40232793522267213,0.7101958814665997,0.0010358227948678918,0.525814536340852,0.4798183652875883,14.64,milwaukee smm food,2021-06-07,14.64,24.936144195028483 +0.8395185556670011,0.144,0.40587044534412975,0.6880964339527876,0.0010788765540677796,0.4481203007518796,0.3304742684157417,25.86,jacksonville smm food,2021-06-07,25.86,37.525519515283186 +0.22066198595787362,0.638,0.690283400809717,0.5675539929683576,0.0014081111832433932,0.4907268170426064,0.2976791120080727,26.55,indianapolis smm food,2021-06-07,26.55,41.056883682999526 +0.3435305917753259,0.275,0.6634615384615388,0.6891009542943245,0.018970562647450617,0.5117794486215538,0.6962663975782039,97.36,houston smm food,2021-06-07,97.36,128.08482345988074 +0.49147442326980934,0.16000000000000003,0.43977732793522295,0.7739829231541939,0.001456546662343267,0.37894736842105253,0.22906155398587286,60.580000000000005,hartford/new haven smm food,2021-06-07,60.580000000000005,71.79693554344374 +0.35606820461384153,0.18600000000000003,0.09008097165991917,0.5349070818684079,0.0010117633411973663,0.13834586466165402,0.5716448032290615,29.06,harrisburg/lancaster smm food,2021-06-07,29.06,40.28663224401669 +0.3184553660982949,0.66,0.4868421052631582,0.9427423405323959,0.0012425441533791184,0.7107769423558896,0.8834510595358224,32.17,kansas city smm food,2021-06-07,32.17,38.54264041516509 +0.5641925777331996,0.532,0.6330971659919031,0.5926670015067805,0.0036643181083728135,0.5273182957393483,0.6301715438950555,69.33,rem us middle atlantic smm food,2021-06-14,69.33,85.56637537059885 +0.46389167502507517,0.43700000000000006,0.633603238866397,0.20190858864892017,0.00980011193787449,0.058145363408521285,0.5040363269424823,170.61,rem us east north central smm food,2021-06-14,170.61,263.7312917033768 +0.020561685055165493,0.5660000000000001,0.15890688259109317,0.6112506278252136,0.002545870084452196,0.15037593984962402,0.5615539858728557,55.78,raleigh/durham/fayetteville smm food,2021-06-14,55.78,76.84711440418607 +0.38716148445336,0.42100000000000004,0.4073886639676116,0.44349573078854854,0.0011061017253265323,0.7704260651629071,0.6649848637739657,34.46,providence ri/new bedford ma smm food,2021-06-14,34.46,39.945831795273826 +0.6399197592778335,0.40800000000000003,0.33906882591093135,0.2501255650426921,0.001436286069778614,0.3859649122807016,0.9076690211907165,38.34,portland or smm food,2021-06-14,38.34,42.37607575555662 +0.7512537612838515,0.781,0.4377530364372472,0.3631341034655952,0.0016100839653722793,0.3704260651629072,0.2073662966700303,56.160000000000004,pittsburgh smm food,2021-06-14,56.160000000000004,53.86691701266563 +0.14694082246740217,0.8160000000000001,0.24089068825910942,0.29532898041185335,0.007233981260857639,0.6601503759398496,0.6160443995963674,40.81,phoenix/prescott smm food,2021-06-14,40.81,73.25913917368614 +0.5150451354062185,0.11399999999999999,0.8709514170040491,0.6077348066298344,0.002545236940934551,0.7563909774436088,0.2467204843592331,53.12,orlando/daytona beach/melborne smm food,2021-06-14,53.12,89.09510038953457 +0.32246740220661985,0.41100000000000003,0.5607287449392716,0.44751381215469616,0.0005479857145221029,0.4922305764411027,0.5201816347124117,5.32,paducah ky/cape girardeau mo smm food,2021-06-14,5.32,5.548017099656107 +0.4814443329989969,0.41500000000000004,0.5227732793522271,0.10145655449522854,0.001658836016230976,0.3909774436090225,0.8229061553985872,10.58,omaha smm food,2021-06-14,10.58,12.889224439729318 +0.4002006018054162,0.282,0.33248987854251033,0.7247614264188851,0.009184063295205503,0.7228070175438595,0.6392532795156408,4.85,oklahoma city smm food,2021-06-14,4.85,7.064386753089295 +0.6143430290872616,0.738,0.369433198380567,0.6263184329482673,0.0018383322034834495,0.2395989974937343,0.5418768920282543,44.11,norfolk/portsmouth/newport news smm food,2021-06-14,44.11,56.51621229325386 +0.14844533600802406,0.869,0.3547570850202431,0.779507785032647,0.015443636682406853,0.8370927318295739,0.3723511604439959,229.61,new york smm food,2021-06-14,229.61,254.1310996912701 +0.41524573721163494,0.30200000000000005,0.3775303643724698,0.4640883977900553,0.00567771449448522,0.3057644110275689,0.6004036326942482,127.69,philadelphia smm food,2021-06-14,127.69,153.0372634423948 +0.6830491474423269,0.6920000000000001,0.7155870445344134,0.3249623304871924,0.001876637386300997,0.18947368421052627,0.40817356205852673,94.76,rem us new england smm food,2021-06-14,94.76,100.80729571560548 +0.9302908726178534,0.08700000000000001,0.39777327935222695,0.6981416373681568,0.0017917961549365122,0.7914786967418547,0.32088799192734613,10.77,new orleans smm food,2021-06-14,10.77,13.347485673852454 +0.2407221664994985,0.8740000000000001,0.6427125506072877,0.4605725765946761,0.0168064781041386,0.6110275689223056,0.2598385469223007,178.7,rem us south atlantic smm food,2021-06-14,178.7,240.32206072098415 +0.29237713139418253,0.09300000000000001,0.6290485829959517,0.5233550979407333,0.037183569076038495,0.6556390977443609,0.41977800201816345,316.8,rem us south central smm food,2021-06-14,316.8,357.7247686209488 +0.592778335005015,0.986,0.43016194331983826,0.8071320944249122,0.014234965707221766,0.5739348370927316,0.7134207870837538,64.08,rem us west north central smm food,2021-06-14,64.08,85.43100423708175 +0.2858575727181544,0.427,0.640182186234818,0.35660472124560527,0.000908877519579987,0.4431077694235588,0.43491422805247226,30.82,richmond/petersburg smm food,2021-06-14,30.82,38.34448224158991 +0.3109327983951855,0.48200000000000004,0.32742914979757115,0.2551481667503767,0.010559567587290158,0.8897243107769421,0.4646821392532795,21.66,sacramento/stockton/modesto smm food,2021-06-14,21.66,27.52879106825504 +0.3665997993981946,0.335,0.5247975708502026,0.08789552988448017,0.003951132121866185,0.8365914786967418,0.06508577194752775,21.39,salt lake city smm food,2021-06-14,21.39,30.426151809798185 +0.26529588766298895,0.545,0.6017206477732797,0.7890507282772476,0.0021169153512474305,0.6035087719298244,0.40817356205852673,21.77,san diego smm food,2021-06-14,21.77,28.50492661729411 +0.3099297893681043,0.9650000000000001,0.3714574898785427,0.6489201406328479,0.004004949320866045,0.11127819548872181,0.363773965691221,38.43,san francisco/oakland/san jose smm food,2021-06-14,38.43,41.494892006483695 +0.8625877632898695,0.064,0.6877530364372473,0.44299347061778005,0.0023065418347822312,0.6456140350877191,0.9439959636730575,47.38,seattle/tacoma smm food,2021-06-14,47.38,50.602219757003795 +0.3345035105315947,0.8740000000000001,0.5809716599190287,0.3721747865394275,0.001686694331007374,0.8080200501253132,0.8688193743693239,29.579999999999995,st. louis smm food,2021-06-14,29.579999999999995,43.031534754719345 +0.3891675025075225,0.012000000000000002,0.6705465587044539,0.09191361125062783,0.0029425344982570456,0.2887218045112781,0.41523713420787084,79.35,tampa/ft. myers smm food,2021-06-14,79.35,125.13252542367262 +0.4588766298896689,0.684,0.12651821862348184,0.20190858864892017,0.0014445169355080043,0.4531328320802004,0.7588294651866802,8.19,tucson/sierra vista smm food,2021-06-14,8.19,14.716880099421537 +0.9353059177532596,0.67,0.42257085020242924,0.2842792566549473,0.003901746927489843,0.42656641604010015,0.48486377396569125,116.62999999999998,washington dc/hagerstown smm food,2021-06-14,116.62999999999998,129.9130552129821 +0.525075225677031,0.404,0.5789473684210529,0.6780512305374184,0.0005783766033690826,0.2796992481203008,0.43592330978809285,3.9800000000000004,yakima/pasco/richland/kennewick smm food,2021-06-14,3.9800000000000004,3.8527091316890534 +0.6524573721163489,0.328,0.43927125506072895,0.4555499748869915,0.011213288269259044,0.5488721804511276,0.7330978809283552,62.31999999999999,rem us pacific smm food,2021-06-14,62.31999999999999,63.99427169998345 +0.8094282848545636,0.9670000000000001,0.5217611336032392,0.0647915620291311,0.0015109970048607726,0.506265664160401,0.6145307769929365,33.83,nashville smm food,2021-06-14,33.83,49.09988049553231 +0.3289869608826479,0.20800000000000002,0.7510121457489882,0.7152184831742844,0.02247342915882385,0.44862155388471164,0.5549949545913219,84.28,rem us mountain smm food,2021-06-14,84.28,133.32562944590654 +0.8545636910732195,0.30200000000000005,0.6948380566801623,0.19487694625816174,0.011193344248453216,0.2526315789473684,0.47225025227043393,32.16,minneapolis/st. paul smm food,2021-06-14,32.16,42.28065239414904 +0.36208625877632894,0.129,0.21811740890688272,0.5951783023606229,0.004197108378471427,0.07769423558897236,0.02320887991927346,18.6,albuquerque/santa fe smm food,2021-06-14,18.6,18.284271805693592 +0.7447342026078234,0.8330000000000001,0.40283400809716613,0.5308890005022602,0.016389869669527924,0.35187969924812024,0.7663975782038345,89.77,atlanta smm food,2021-06-14,89.77,132.19587737052737 +0.36108324974924777,0.771,0.6432186234817817,0.6172777498744351,0.002119447925318012,0.4837092731829573,0.599899091826438,52.69,baltimore smm food,2021-06-14,52.69,62.29948417735882 +0.2993981945837512,0.53,0.6477732793522271,0.18533400301356104,0.0012662870352908213,0.11829573934837101,0.7033299697275479,2.0,baton rouge smm food,2021-06-14,2.0,0.3558490296012309 +0.56469408224674,0.6970000000000001,0.369433198380567,0.46760421898543447,0.0016806794675897426,0.6596491228070174,0.6140262361251262,9.0,birmingham/anniston/tuscaloosa smm food,2021-06-14,9.0,13.995111136951415 +0.8981945837512537,0.596,0.5860323886639679,0.7890507282772476,0.003764038212401966,0.7669172932330826,0.33955600403632696,110.21,boston/manchester smm food,2021-06-14,110.21,143.66377236055354 +0.5386158475426278,0.026000000000000002,0.6361336032388667,0.7167252636865897,0.0012061384011145073,0.7583959899749373,0.7235116044399597,13.45,buffalo smm food,2021-06-14,13.45,22.306017605779004 +0.8711133400200601,0.37900000000000006,0.5283400809716602,0.5233550979407333,0.0022821658093528825,0.4967418546365913,0.6347124117053481,54.45,charlotte smm food,2021-06-14,54.45,82.94898976456727 +0.6374122367101304,0.22000000000000003,0.92004048582996,0.2516323455549975,0.005155687664186579,0.5714285714285713,0.3082744702320888,100.59,chicago smm food,2021-06-14,100.59,130.29401399022197 +0.5155466399197592,0.97,0.515182186234818,0.32044198895027626,0.001447999224855054,0.2,0.6437941473259334,72.74,cleveland/akron/canton smm food,2021-06-14,72.74,83.49543253622741 +0.5877632898696087,0.248,0.36690283400809737,0.6514314414866902,0.0019342534464067294,0.27869674185463655,0.3067608476286579,38.43,columbus oh smm food,2021-06-14,38.43,57.35862237369676 +0.575727181544634,0.001,0.6543522267206481,0.431943746860874,0.03419924710561686,0.31228070175438594,0.239656912209889,62.85000000000001,dallas/ft. worth smm food,2021-06-14,62.85000000000001,65.84150058806269 +0.6654964894684051,0.438,0.6108299595141704,0.4349573078854847,0.0011396583317617392,0.7052631578947367,0.3728557013118063,12.26,des moines/ames smm food,2021-06-14,12.26,18.082698751779432 +0.7377131394182547,0.40900000000000003,0.2606275303643726,0.08689100954294325,0.002391699637905539,0.18045112781954883,0.7114026236125126,72.85,detroit smm food,2021-06-14,72.85,112.35046261504465 +0.5260782347041122,0.9199999999999999,0.46508097165991935,0.6464088397790055,0.0009044455149564692,0.7353383458646616,0.9752774974772956,38.25,grand rapids smm food,2021-06-14,38.25,70.21092313757569 +0.41825476429287856,0.968,0.6659919028340084,0.5148166750376696,0.000993718750944472,0.4827067669172931,0.7119071644803229,34.4,albany/schenectady/troy smm food,2021-06-14,34.4,36.874132534306966 +0.5822467402206619,0.729,0.3922064777327937,0.35409342039176295,0.0009437004130504847,0.3694235588972431,0.2401614530776993,25.97,greensboro smm food,2021-06-14,25.97,35.165738212822 +0.8811434302908725,0.835,0.28795546558704466,0.2420894023103968,0.0012169018409144792,0.2526315789473684,0.606962663975782,14.830000000000002,mobile/pensacola smm food,2021-06-14,14.830000000000002,19.1283118397688 +0.5742226680040121,0.557,0.4949392712550609,0.7830236062280262,0.0009414844107387257,0.22706766917293225,0.5923309788092835,15.060000000000002,milwaukee smm food,2021-06-14,15.060000000000002,25.097236736433196 +0.20210631895687056,0.925,0.19230769230769243,0.7830236062280262,0.0038058256845665633,0.24611528822055134,0.7961654894046418,93.71,miami/west palm beach smm food,2021-06-14,93.71,140.5609321141361 +0.4924774322968906,0.133,0.8598178137651827,0.1521848317428428,0.0003969809855636725,0.8305764411027567,0.4263370332996973,4.8,madison wi smm food,2021-06-14,4.8,4.892031544392964 +0.8856569709127381,0.10500000000000001,0.6801619433198385,0.5213460572576595,0.000976623875968046,0.2827067669172932,0.8683148335015136,10.71,little rock/pine bluff smm food,2021-06-14,10.71,13.101519618593223 +0.3054162487462387,0.6360000000000001,0.5814777327935226,0.2591662481165244,0.007287481888098676,0.5298245614035086,0.6912209889001009,14.87,las vegas smm food,2021-06-14,14.87,29.113860705332748 +0.5155466399197592,0.633,0.5167004048582999,0.5861376192867906,0.02968746639887566,0.5473684210526315,0.6246215943491423,106.73,los angeles smm food,2021-06-14,106.73,121.4751811453144 +0.17001003009027077,0.995,0.6396761133603243,0.7363134103465596,0.001666117166683898,0.675689223057644,0.7593340060544904,28.970000000000002,kansas city smm food,2021-06-14,28.970000000000002,36.593433735838836 +0.6293881644934805,0.501,0.7722672064777333,0.5956805625313913,0.0013061750769024823,0.49573934837092726,0.14984863773965693,25.04,jacksonville smm food,2021-06-14,25.04,36.16759978300619 +0.27883650952858574,0.6040000000000001,0.7231781376518223,0.48216976393771976,0.0017189846504072899,0.39999999999999986,0.29364278506559033,27.23,indianapolis smm food,2021-06-14,27.23,40.40882947555215 +0.3671013039117351,0.793,0.5835020242914983,0.3907584128578604,0.02002569631960669,0.550877192982456,0.3839556004036327,93.48,houston smm food,2021-06-14,93.48,125.06688829837697 +0.5010030090270812,0.068,0.5738866396761136,0.43797086891009546,0.0013704391439434912,0.7739348370927317,0.30625630676084764,74.97,hartford/new haven smm food,2021-06-14,74.97,71.58626232324899 +0.44684052156469406,0.5790000000000001,0.46255060728744973,0.5288799598191863,0.0010491188087384455,0.6050125313283206,0.58627648839556,28.64,harrisburg/lancaster smm food,2021-06-14,28.64,42.34689479779604 +0.3791374122367101,0.7400000000000001,0.7525303643724701,0.24761426418884985,0.0011475726257323068,0.5052631578947366,0.2865792129162462,17.18,knoxville smm food,2021-06-14,17.18,21.439439021082713 +0.2477432296890672,0.944,0.40991902834008115,0.6202913108990458,0.0024144928045407733,0.788972431077694,0.8718466195761857,41.03,portland or smm food,2021-06-21,41.03,45.310553350184854 +0.5561685055165496,0.305,0.6892712550607292,0.749874434957308,0.006420708412442109,0.5122807017543858,0.8975782038345106,69.59,rem us middle atlantic smm food,2021-06-21,69.59,88.27302165632791 +0.6273821464393178,0.35000000000000003,0.5981781376518222,0.25113008538422904,0.015263190779877913,0.4215538847117793,0.7346115035317861,178.6,rem us east north central smm food,2021-06-21,178.6,267.4534859084953 +0.021564694082246736,0.38599999999999995,0.5708502024291502,0.5911602209944752,0.00384286458034882,0.10426065162907266,0.3839556004036327,56.84,raleigh/durham/fayetteville smm food,2021-06-21,56.84,75.91236880088498 +0.4799398194583751,0.8420000000000001,0.1371457489878543,0.8221998995479659,0.0015673467779312139,0.7869674185463658,0.27093844601412714,40.3,providence ri/new bedford ma smm food,2021-06-21,40.3,40.1314322277393 +0.5687061183550651,0.485,0.41093117408906893,0.38774485183324964,0.0026873776606459454,0.41754385964912283,0.21392532795156408,54.42,pittsburgh smm food,2021-06-21,54.42,53.88584052834272 +0.8916750250752252,0.7730000000000001,0.34817813765182204,0.8769462581617279,0.0023834687721761482,0.6957393483709271,0.2946518668012109,43.89,norfolk/portsmouth/newport news smm food,2021-06-21,43.89,58.472715114899586 +0.5832497492477433,0.042,0.1872469635627531,0.437468608739327,0.00901153168664713,0.13182957393483707,0.5201816347124117,136.24,philadelphia smm food,2021-06-21,136.24,152.3944702473973 +0.2141424272818455,0.531,0.5910931174089071,0.19236564540431947,0.0010003667578797487,0.8461152882205514,0.46770938446014126,4.72,paducah ky/cape girardeau mo smm food,2021-06-21,4.72,4.835947354043313 +0.70160481444333,0.8560000000000001,0.529858299595142,0.6459065796082372,0.0051768979720277,0.48120300751879685,0.42785065590312815,54.8,orlando/daytona beach/melborne smm food,2021-06-21,54.8,90.32774329300167 +0.43731193580742217,0.9140000000000001,0.4665991902834012,0.5178302360622803,0.0024135430892643058,0.07869674185463658,0.4924318869828456,11.32,omaha smm food,2021-06-21,11.32,12.620644652240856 +0.4864593781344031,0.391,0.27732793522267224,0.5645404319437469,0.016816924972179754,0.563408521303258,0.43440968718466194,4.35,oklahoma city smm food,2021-06-21,4.35,5.701493435102066 +0.28635907723169507,0.656,0.7520242914979761,0.5238573581115018,0.03300102299847292,0.047117794486215524,0.9858728557013118,94.8,rem us mountain smm food,2021-06-21,94.8,135.10212218847835 +0.3941825476429287,0.5950000000000001,0.6503036437246967,0.2722250125565043,0.011579245222458092,0.42055137844611523,0.5676084762865792,42.95,phoenix/prescott smm food,2021-06-21,42.95,73.27536841972463 +0.35606820461384153,0.10400000000000001,0.7474696356275308,0.3535911602209945,0.0021735816960766945,0.400501253132832,0.7341069626639758,92.46,rem us new england smm food,2021-06-21,92.46,102.75737453813197 +0.3365095285857573,0.9710000000000001,0.3380566801619435,0.39829231541938726,0.005924957038125752,0.7744360902255637,0.08123107971745712,28.03,salt lake city smm food,2021-06-21,28.03,32.51227510927268 +0.454864593781344,0.844,0.6740890688259114,0.4455047714716223,0.026981727576217994,0.5363408521303257,0.39656912209889,193.0,rem us south atlantic smm food,2021-06-21,193.0,242.59089679244693 +0.45185556670010024,0.887,0.5475708502024295,0.42039176293319946,0.05511324378048006,0.28822055137844604,0.46215943491422806,274.03,rem us south central smm food,2021-06-21,274.03,359.3500696460935 +0.39117352056168503,0.835,0.7464574898785429,0.8704168759417379,0.021196378683733055,0.5273182957393483,0.5464177598385469,64.91,rem us west north central smm food,2021-06-21,64.91,85.44807571587067 +0.42326980942828485,0.592,0.39372469635627544,0.4269211451531894,0.0014888369817431832,0.4245614035087718,0.6468213925327951,29.97,richmond/petersburg smm food,2021-06-21,29.97,40.1541260292662 +0.24824473420260776,0.298,0.1513157894736844,0.1115017579105977,0.014230850274357072,0.5213032581453633,0.4127144298688194,26.56,sacramento/stockton/modesto smm food,2021-06-21,26.56,25.484544747411455 +0.26328986960882644,0.275,0.5936234817813768,0.8940231039678554,0.0038913000594486932,0.35087719298245607,0.8319878910191726,20.7,san diego smm food,2021-06-21,20.7,30.896032503729295 +0.1745235707121364,0.543,0.65587044534413,0.6162732295328981,0.006712271002317822,0.14135338345864662,0.8304742684157417,48.84,san francisco/oakland/san jose smm food,2021-06-21,48.84,44.238797917857795 +0.7843530591775324,0.568,0.34412955465587064,0.39879457559015574,0.004392433153665036,0.7363408521303256,0.5938446014127144,47.83,seattle/tacoma smm food,2021-06-21,47.83,48.78803321088196 +0.413741223671013,0.15900000000000003,0.7282388663967615,0.19989954796584633,0.0020276421152594275,0.7674185463659147,0.6478304742684158,31.88,st. louis smm food,2021-06-21,31.88,40.5782073434458 +0.5722166499498494,0.084,0.3436234817813768,0.2661978905072828,0.00410973457303636,0.47368421052631565,0.3753784056508577,77.01,tampa/ft. myers smm food,2021-06-21,77.01,126.77522156522207 +0.2271815446339017,0.706,0.07540485829959517,0.41888498242089406,0.002126729075770934,0.4917293233082705,0.4450050454086781,10.11,tucson/sierra vista smm food,2021-06-21,10.11,13.949136053683283 +0.819458375125376,0.727,0.765688259109312,0.6418884982420895,0.007020928467169958,0.5303258145363408,0.43693239152371344,123.56,washington dc/hagerstown smm food,2021-06-21,123.56,132.48529474910526 +0.28585757271815443,0.015,0.22419028340080982,0.8809643395278756,0.0008879837834976883,0.3047619047619048,0.6337033299697276,3.47,yakima/pasco/richland/kennewick smm food,2021-06-21,3.47,5.486706338235123 +0.18956870611835505,0.52,0.22064777327935237,0.6936212958312407,0.022015666395566215,0.5538847117794485,0.15035317860746714,256.38,new york smm food,2021-06-21,256.38,252.22663077838064 +0.27131394182547636,0.23399999999999999,0.5404858299595144,0.5926670015067805,0.016569682428539217,0.18496240601503755,0.856710393541877,57.34,rem us pacific smm food,2021-06-21,57.34,64.50587954173417 +0.8530591775325976,0.29300000000000004,0.7747975708502027,0.8950276243093923,0.002331234431970402,0.8922305764411028,0.39959636730575177,8.82,new orleans smm food,2021-06-21,8.82,15.51493513164609 +0.7417251755265796,0.806,0.12145748987854259,0.3776996484178805,0.002848512685886703,0.8796992481203006,0.22401614530776992,35.69,nashville smm food,2021-06-21,35.69,49.54150270795987 +0.4568706118355064,0.6160000000000001,0.3770242914979759,0.473631341034656,0.0013327671046435893,0.41303258145363403,0.6962663975782039,13.8,mobile/pensacola smm food,2021-06-21,13.8,20.7301982717173 +0.8350050150451352,0.934,0.15941295546558715,0.6865896534404823,0.006703090421311962,0.5433583959899748,0.35267406659939454,18.51,albuquerque/santa fe smm food,2021-06-21,18.51,23.63538026587314 +0.49348044132397184,0.168,0.41548582995951433,0.4168759417378202,0.027054539080747217,0.45914786967418536,0.8178607467204844,91.13,atlanta smm food,2021-06-21,91.13,132.955717967163 +0.48094282848545633,0.806,0.5040485829959517,0.6976393771973883,0.0035626985737907254,0.6501253132832079,0.26992936427850656,57.84,baltimore smm food,2021-06-21,57.84,61.69700390735069 +0.46790371113340007,0.013000000000000001,0.6250000000000004,0.22149673530889002,0.0017325972360366663,0.06416040100250635,0.665489404641776,1.82,baton rouge smm food,2021-06-21,1.82,0.2694374085516955 +0.5792377131394182,0.20400000000000001,0.5268218623481784,0.5534907081868409,0.002554734093699232,0.7839598997493731,0.6387487386478304,9.52,birmingham/anniston/tuscaloosa smm food,2021-06-21,9.52,15.03003487910123 +0.5426278836509528,0.28700000000000003,0.6786437246963566,0.44902059266700156,0.005575145244626664,0.9097744360902253,0.6261352169525731,119.62000000000002,boston/manchester smm food,2021-06-21,119.62000000000002,143.39575725694397 +0.4603811434302908,0.038000000000000006,0.9493927125506076,0.7147162230035159,0.0019557803260066733,0.7097744360902254,0.3203834510595358,13.46,buffalo smm food,2021-06-21,13.46,19.9798523118521 +0.45386158475426275,0.647,0.5485829959514172,0.9156202913108992,0.003327485756985455,0.4937343358395988,0.7467204843592331,57.16,charlotte smm food,2021-06-21,57.16,85.42250955930534 +0.6955867602808425,0.36600000000000005,0.7636639676113365,0.4640883977900553,0.008319505821860695,0.5984962406015037,0.09737638748738647,104.16,chicago smm food,2021-06-21,104.16,130.886520190997 +0.3605817452357071,0.902,0.9316801619433204,0.5077850326469111,0.0027190348365282156,0.48020050125313285,0.49949545913218973,65.94,cleveland/akron/canton smm food,2021-06-21,65.94,84.74237641566143 +0.770310932798395,0.09100000000000001,0.38259109311740913,0.3510798593671522,0.0025648643899815584,0.2461152882205513,0.11806256306760848,39.68,columbus oh smm food,2021-06-21,39.68,54.77478400215014 +0.43881644934804415,0.8140000000000001,0.7474696356275308,0.7468608739326972,0.04535460274301135,0.6085213032581452,0.39455095862764883,51.4,dallas/ft. worth smm food,2021-06-21,51.4,71.23351248298518 +0.5045135406218656,0.45999999999999996,0.3410931174089071,0.2948267202410849,0.0010386719406972962,0.37192982456140344,0.5232088799192735,14.029999999999998,des moines/ames smm food,2021-06-21,14.029999999999998,16.683022593553233 +0.8515546639919757,0.248,0.5141700404858303,0.23154193872425918,0.0037478930527020085,0.34085213032581446,0.3693239152371342,78.98,detroit smm food,2021-06-21,78.98,112.15371640891006 +0.45185556670010013,0.703,0.6664979757085024,0.371672526368659,0.0017927458702129803,0.5177944862155387,0.5095862764883955,43.21,grand rapids smm food,2021-06-21,43.21,65.29007448022149 +0.7768304914744232,0.15400000000000003,0.5511133603238869,0.599698643897539,0.0017867310067953487,0.2395989974937343,0.7936427850655903,31.5,albany/schenectady/troy smm food,2021-06-21,31.5,37.34366522870481 +0.15295887662988963,0.42400000000000004,0.8689271255060734,0.6554495228528379,0.0013777202943964133,0.7343358395989973,0.47225025227043393,35.12,harrisburg/lancaster smm food,2021-06-21,35.12,42.54372971539196 +0.4804413239719157,0.337,0.4276315789473686,0.38573581115017586,0.0016708657430662386,0.3989974937343358,0.41977800201816345,27.0,greensboro smm food,2021-06-21,27.0,36.25214520990928 +0.722668004012036,0.23700000000000002,0.6330971659919032,0.2973380210949272,0.017921760410470992,0.407017543859649,0.565590312815338,33.74,minneapolis/st. paul smm food,2021-06-21,33.74,44.54541005282889 +0.18355065195586756,0.658,0.7591093117408911,0.32094424912104474,0.0014264723452551101,0.03408521303258145,0.7305751765893037,14.55,milwaukee smm food,2021-06-21,14.55,22.28046830189131 +0.13139418254764293,0.661,0.2849190283400811,0.5610246107483677,0.006700874419000204,0.3403508771929824,0.786074672048436,86.49,miami/west palm beach smm food,2021-06-21,86.49,139.74718919798585 +0.6323971915747241,0.8220000000000001,0.6882591093117413,0.5484681064791562,0.04215754455066085,0.4771929824561402,0.5479313824419778,102.81,los angeles smm food,2021-06-21,102.81,122.73957603152019 +0.8635907723169507,0.28300000000000003,0.7783400809716604,0.4510296333500754,0.001158019493773456,0.6651629072681703,0.6972754793138244,8.07,little rock/pine bluff smm food,2021-06-21,8.07,13.022820938579507 +0.6830491474423269,0.9060000000000001,0.9337044534412962,0.1330989452536414,0.0008452465960566232,0.5994987468671678,0.46871846619576185,5.22,madison wi smm food,2021-06-21,5.22,5.0962158970491345 +0.4924774322968906,0.517,0.6204453441295551,0.6002009040683074,0.00145338094475504,0.5208020050125313,0.470736629667003,18.13,knoxville smm food,2021-06-21,18.13,24.62136447192153 +0.2637913741223671,0.0030000000000000005,0.7474696356275308,0.4711200401808137,0.0025420712233463236,0.5328320802005012,0.28557013118062563,29.31,kansas city smm food,2021-06-21,29.31,31.774323018277663 +0.3345035105315947,0.04800000000000001,0.9321862348178144,0.6805625313912608,0.0023467464481527144,0.35087719298245607,0.20080726538849647,25.36,jacksonville smm food,2021-06-21,25.36,36.04338991960926 +0.33500501504513536,0.163,0.7196356275303647,0.6197890507282773,0.0028358498155337947,0.25162907268170415,0.5378405650857719,30.950000000000003,indianapolis smm food,2021-06-21,30.950000000000003,42.19695073469124 +0.8054162487462385,0.8390000000000001,0.7798582995951422,0.10045203415369162,0.027945688581833134,0.5849624060150374,0.4117053481331988,87.89,houston smm food,2021-06-21,87.89,125.65714320957557 +0.8821464393179539,0.42900000000000005,0.5910931174089071,0.16323455549974888,0.0030435208893214894,0.9253132832080199,0.5918264379414733,85.83,hartford/new haven smm food,2021-06-21,85.83,73.18469586287529 +0.4388164493480441,0.8410000000000001,0.5738866396761136,0.6690105474635862,0.010605153920560629,0.44110275689223055,0.5272452068617558,16.69,las vegas smm food,2021-06-21,16.69,31.0148328162986 +0.4002006018054162,0.17200000000000001,0.2990890688259111,0.7945755901557008,0.004352861683812198,0.5328320802005011,0.48385469223007066,44.2,portland or smm food,2021-06-28,44.2,43.36950416919202 +0.6454363089267803,0.188,0.8233805668016199,0.5831240582621798,0.012711305832008087,0.4310776942355889,0.875882946518668,68.91,rem us middle atlantic smm food,2021-06-28,68.91,88.0029700812631 +0.518555667001003,0.394,0.7064777327935226,0.24660974384731293,0.031178519382930606,0.7368421052631577,0.363773965691221,183.61,rem us east north central smm food,2021-06-28,183.61,268.39975319213613 +0.20411233701103304,0.256,0.8208502024291502,0.521848317428428,0.006570763426124071,0.09172932330827066,0.10595358224016145,69.32,raleigh/durham/fayetteville smm food,2021-06-28,69.32,74.64633262429555 +0.5902708124373118,0.024000000000000004,0.33198380566801633,0.9241587142139629,0.0030900569378684265,0.7543859649122806,0.25731584258324924,27.68,providence ri/new bedford ma smm food,2021-06-28,27.68,40.673911693998214 +0.3264794383149448,0.96,0.7267206477732796,0.4997488699146158,0.003813739978537131,0.42907268170426066,0.4182643794147326,52.54,pittsburgh smm food,2021-06-28,52.54,55.91382083893111 +0.780842527582748,0.8220000000000001,0.7798582995951421,0.6107483676544451,0.004249975862194819,0.6275689223057642,0.30726538849646823,49.12,norfolk/portsmouth/newport news smm food,2021-06-28,49.12,57.17460308385175 +0.8034102306920763,0.9810000000000001,0.2773279352226722,0.4897036664992467,0.014918760706278811,0.35588972431077687,0.8728557013118062,152.55,philadelphia smm food,2021-06-28,152.55,157.11801193356737 +0.368605817452357,0.31600000000000006,0.2469635627530366,0.5193370165745856,0.002314139556993976,0.9162907268170425,0.6140262361251262,3.72,paducah ky/cape girardeau mo smm food,2021-06-28,3.72,7.905922501321939 +0.8901705115346037,0.827,0.3704453441295549,0.6253139126067303,0.0074426020499218015,0.4195488721804511,0.6644803229061554,55.84,orlando/daytona beach/melborne smm food,2021-06-28,55.84,91.91254166824066 +0.48094282848545633,0.262,0.34311740890688286,0.5921647413360122,0.004197741521989073,0.5624060150375939,0.3829465186680121,11.08,omaha smm food,2021-06-28,11.08,13.856176921778456 +0.5797392176529588,0.783,0.3522267206477735,0.49121044701155203,0.024356714552060125,0.2726817042606516,0.2532795156407669,2.13,oklahoma city smm food,2021-06-28,2.13,4.775684921875964 +0.5295887662988966,0.334,0.6189271255060732,0.27674535409342044,0.0472891727611769,0.14686716791979948,0.5756811301715439,104.18,rem us mountain smm food,2021-06-28,104.18,133.80550291679992 +0.5852557673019056,0.24500000000000002,0.6639676113360328,0.4866901054746359,0.017174017916131764,0.3423558897243107,0.19576185671039353,40.66,phoenix/prescott smm food,2021-06-28,40.66,73.05875844752286 +0.33049147442326976,0.4730000000000001,0.8937246963562756,0.3144148669010548,0.004925539995522471,0.37142857142857133,0.9076690211907165,77.77,rem us new england smm food,2021-06-28,77.77,104.05324253370568 +0.5190571715145437,0.548,0.7712550607287454,0.845303867403315,0.008122914759631795,0.7904761904761903,0.29061553985872857,25.78,salt lake city smm food,2021-06-28,25.78,37.01620107111907 +0.551654964894684,0.29700000000000004,0.6017206477732797,0.43445504771471627,0.04739490772862368,0.3734335839598996,0.22754793138244198,195.46,rem us south atlantic smm food,2021-06-28,195.46,243.78093476679572 +0.5932798395185556,0.37200000000000005,0.3213562753036439,0.20341536916122555,0.08247549061080295,0.3027568922305764,0.3249243188698285,285.2,rem us south central smm food,2021-06-28,285.2,361.0680064616446 +0.5651955867602808,0.542,0.3223684210526317,0.8548468106479157,0.030198729789374323,0.5844611528822055,0.40766902119071646,62.330000000000005,rem us west north central smm food,2021-06-28,62.330000000000005,85.89474265326787 +0.5346038114343029,0.568,0.20242914979757087,0.2732295328980412,0.0030704294888214186,0.35739348370927304,0.7467204843592331,28.48,richmond/petersburg smm food,2021-06-28,28.48,39.92553444046599 +0.6063189568706118,0.7230000000000001,0.53087044534413,0.1366147664490206,0.01820604184989378,0.2140350877192982,0.5524722502522704,26.78,sacramento/stockton/modesto smm food,2021-06-28,26.78,27.070960910597925 +0.21614844533600802,0.808,0.7717611336032392,0.8151682571572075,0.00513954250448662,0.5954887218045111,0.8869828456104945,21.32,san diego smm food,2021-06-28,21.32,31.972713326160253 +0.22367101303911732,0.07500000000000001,0.5698380566801623,0.7292817679558011,0.008195093120643373,0.3568922305764411,0.9112008072653885,42.45,san francisco/oakland/san jose smm food,2021-06-28,42.45,46.042410209005666 +0.8324974924774323,0.7389999999999999,0.14372469635627538,0.7132094424912105,0.006181696734530967,0.4521303258145362,0.4450050454086781,40.57,seattle/tacoma smm food,2021-06-28,40.57,49.13478474725504 +0.518555667001003,0.066,0.7363360323886643,0.2933199397287795,0.0029868545444922245,0.38796992481203,0.21442986881937437,30.509999999999998,st. louis smm food,2021-06-28,30.509999999999998,37.698761615016494 +0.5481444332998996,0.47000000000000003,0.6320850202429155,0.41185334003013563,0.006592923449241661,0.5388471177944861,0.37336024217961655,82.3,tampa/ft. myers smm food,2021-06-28,82.3,128.46285951366852 +0.5707121364092276,0.529,0.34665991902834026,0.8086388749372175,0.0035494025599201715,0.1909774436090225,0.15539858728557013,8.61,tucson/sierra vista smm food,2021-06-28,8.61,14.427550133813405 +0.7497492477432296,0.288,0.5921052631578948,0.4073329984932195,0.010878355348424623,0.4385964912280701,0.7073662966700303,131.66,washington dc/hagerstown smm food,2021-06-28,131.66,132.54328377664706 +0.6088264794383149,0.274,0.3992914979757087,0.5233550979407333,0.0015632313450665188,0.5353383458646617,0.7462159434914228,3.96,yakima/pasco/richland/kennewick smm food,2021-06-28,3.96,5.664848678290298 +0.6584754262788365,0.505,0.23431174089068843,0.42390758412857865,0.03236313090444516,0.20501253132832076,0.3577194752774974,220.56,new york smm food,2021-06-28,220.56,253.04301654722408 +0.18706118355065193,0.655,0.6609311740890693,0.40231039678553493,0.02108431228110982,0.12731829573934836,0.6170534813319879,60.93999999999999,rem us pacific smm food,2021-06-28,60.93999999999999,62.61214226500645 +0.41173520561685056,0.17300000000000001,0.6882591093117413,0.8960321446509293,0.0036041694741964997,0.6441102756892232,0.1720484359233098,12.27,new orleans smm food,2021-06-28,12.27,12.769629336762584 +0.49949849548645936,0.5710000000000001,0.473684210526316,0.8166750376695129,0.006311491155648276,0.7162907268170424,0.124117053481332,34.47,nashville smm food,2021-06-28,34.47,51.159676677656996 +0.4433299899699097,0.884,0.6528340080971664,0.6875941737820191,0.0021564868211002685,0.2791979949874686,0.4520686175580222,16.26,mobile/pensacola smm food,2021-06-28,16.26,20.511352347081598 +0.6203610832497493,0.861,0.592105263157895,0.7624309392265194,0.009827337109133239,0.5709273182957393,0.7235116044399597,19.08,albuquerque/santa fe smm food,2021-06-28,19.08,26.61562822551582 +0.4573721163490471,0.518,0.4443319838056683,0.16624811652435964,0.0393239107374388,0.6180451127819547,0.7593340060544904,96.67,atlanta smm food,2021-06-28,96.67,133.51965008520304 +0.5772316950852557,0.34600000000000003,0.6118421052631582,0.683073832245103,0.005873355841437652,0.7393483709273182,0.10191725529767912,61.65,baltimore smm food,2021-06-28,61.65,61.25490550664851 +0.4874623871614843,0.667,0.5521255060728748,0.21195379206428933,0.0022736183718646695,0.04411027568922314,0.6407669021190716,1.54,baton rouge smm food,2021-06-28,1.54,0.3762933623411442 +0.4794383149448344,0.16200000000000003,0.6209514170040489,0.90557508789553,0.0036209477774141034,0.8175438596491226,0.32341069626639757,13.1,birmingham/anniston/tuscaloosa smm food,2021-06-28,13.1,15.344254071694074 +0.4804413239719157,0.7839999999999999,0.6892712550607292,0.13159216474133603,0.010383870261143556,0.6035087719298244,0.3617558022199798,94.05,boston/manchester smm food,2021-06-28,94.05,139.90800946136875 +0.5777331995987964,0.9970000000000001,0.5592105263157898,0.8528377699648418,0.002752908014722245,0.3829573934837092,0.45660948536831486,14.400000000000002,buffalo smm food,2021-06-28,14.400000000000002,21.0616420748852 +0.32046138415245734,0.886,0.6801619433198385,0.9477649422400805,0.006077861197637119,0.24310776942355883,0.36730575176589303,73.18,charlotte smm food,2021-06-28,73.18,82.98781971932202 +0.5351053159478435,0.371,0.3658906882591095,0.6564540431943747,0.011920193006710147,0.3899749373433583,0.5534813319878911,101.65,chicago smm food,2021-06-28,101.65,133.98419319899386 +0.18806419257773319,0.568,0.5662955465587047,0.8674033149171272,0.0060116977000431735,0.6832080200501253,0.3385469223007064,68.18,cleveland/akron/canton smm food,2021-06-28,68.18,86.29574183437784 +0.3635907723169508,0.223,0.3112348178137654,0.4269211451531894,0.006167134433625122,0.7142857142857141,0.5307769929364279,36.95,columbus oh smm food,2021-06-28,36.95,58.896386113812795 +0.3951855566700101,0.759,0.6604251012145753,0.4158714213962833,0.06622491251515701,0.8706766917293232,0.5055499495459133,49.11,dallas/ft. worth smm food,2021-06-28,49.11,73.57920458105096 +0.7557673019057171,0.39300000000000007,0.36487854251012164,0.27774987443495736,0.001964644335253709,0.09423558897243105,0.3849646821392533,13.15,des moines/ames smm food,2021-06-28,13.15,15.457096334757907 +0.4142427281845536,0.15200000000000002,0.7995951417004052,0.3706680060271221,0.0072083389483929994,0.4982456140350876,0.2119071644803229,72.1,detroit smm food,2021-06-28,72.1,112.41322452638242 +0.26579739217652953,0.49100000000000005,0.5748987854251015,0.5007533902561527,0.0024531145591171434,0.3092731829573935,0.41422805247225025,45.1,grand rapids smm food,2021-06-28,45.1,64.46002907178355 +0.7743229689067201,0.503,0.8092105263157899,0.21647413360120543,0.002864341273827838,0.5057644110275689,0.4283551967709385,29.409999999999997,albany/schenectady/troy smm food,2021-06-28,29.409999999999997,34.323370127692655 +0.0506519558676028,0.6880000000000001,0.5101214574898789,0.7785032646911101,0.0037269993166197096,0.34636591478696727,0.8234106962663976,34.77,harrisburg/lancaster smm food,2021-06-28,34.77,44.145392769304635 +0.17502507522567703,0.225,0.5237854251012147,0.5062782521346058,0.004013180186595436,0.5684210526315788,0.5156407669021191,31.7,greensboro smm food,2021-06-28,31.7,37.84969434659451 +0.2948846539618856,0.669,0.22267206477732815,0.5243596182822703,0.026696179849759916,0.712781954887218,0.4535822401614531,31.68,minneapolis/st. paul smm food,2021-06-28,31.68,46.61427730630157 +0.4187562688064192,0.028000000000000004,0.5678137651821865,0.11903566047212458,0.0026959250981341584,0.2536340852130325,0.37336024217961655,15.07,milwaukee smm food,2021-06-28,15.07,19.897000968399446 +0.4498495486459377,0.853,0.22216599190283412,0.36162732295328986,0.007445134623992384,0.49473684210526303,0.5156407669021191,93.09,miami/west palm beach smm food,2021-06-28,93.09,138.20257614225534 +0.7106318956870611,0.638,0.6740890688259112,0.6835760924158715,0.06064438555063037,0.644110275689223,0.591321897073663,97.45,los angeles smm food,2021-06-28,97.45,126.91949876166241 +0.9142427281845535,0.774,0.6098178137651826,0.3279758915118031,0.0022606389297529384,0.7849624060150374,0.665489404641776,7.93,little rock/pine bluff smm food,2021-06-28,7.93,12.868975859868037 +0.8039117352056167,0.18500000000000003,0.8162955465587048,0.3691612255148167,0.001324536238914199,0.3749373433583959,0.42179616548940463,6.24,madison wi smm food,2021-06-28,6.24,5.344411565489764 +0.39167502507522567,0.767,0.6437246963562757,0.3787041687594174,0.0026940256675812226,0.1659147869674185,0.4056508577194753,18.82,knoxville smm food,2021-06-28,18.82,22.014027246596036 +0.29338014042126376,0.015,0.7616396761133608,0.6137619286790558,0.0031489392850094495,0.18496240601503758,0.3193743693239152,26.26,kansas city smm food,2021-06-28,26.26,31.85882455701563 +0.15797392176529587,0.508,0.5485829959514172,0.8317428427925666,0.0038169056961253577,0.4195488721804511,0.45761856710393545,25.97,jacksonville smm food,2021-06-28,25.97,38.50114814456109 +0.5702106318956869,0.217,0.7115384615384619,0.6750376695128077,0.006454898162394962,0.6491228070175437,0.4737638748738648,26.86,indianapolis smm food,2021-06-28,26.86,44.29376629664817 +0.7963891675025074,0.3980000000000001,0.8178137651821866,0.27724761426418887,0.041349969993904126,0.5704260651629071,0.7669021190716448,90.96,houston smm food,2021-06-28,90.96,130.3728883809434 +0.6890672016048145,0.13799999999999998,0.4200404858299598,0.2898041185334003,0.00697185984455244,0.7147869674185463,0.6589303733602422,59.2,hartford/new haven smm food,2021-06-28,59.2,73.6386325461687 +0.6318956870611835,0.7140000000000001,0.5334008097165994,0.8031140130587645,0.015993205255723075,0.5338345864661652,0.5565085771947528,16.72,las vegas smm food,2021-06-28,16.72,33.235775023840425 +0.7988966900702106,1.0,0.5915991902834011,0.4851833249623305,0.006929439228870196,0.5137844611528821,0.3854692230070636,41.74,portland or smm food,2021-07-05,41.74,42.55747553692833 +0.924272818455366,0.589,0.4676113360323889,0.43696634856855854,0.021268873616503457,0.6290726817042605,0.8420787083753785,76.04,rem us middle atlantic smm food,2021-07-05,76.04,89.22083178295344 +0.41474423269809424,0.945,0.5910931174089071,0.5052737317930689,0.05511894207213886,0.7929824561403508,0.20837537840565085,258.57,rem us east north central smm food,2021-07-05,258.57,272.53468877635487 +0.5777331995987963,0.9590000000000001,0.8486842105263163,0.44902059266700156,0.011181314521617951,0.312781954887218,0.5156407669021191,66.62,raleigh/durham/fayetteville smm food,2021-07-05,66.62,78.90105551045347 +0.7296890672016048,0.9510000000000001,0.26973684210526333,0.5926670015067805,0.006460913025812593,0.375438596491228,0.27547931382441976,34.8,providence ri/new bedford ma smm food,2021-07-05,34.8,38.80581023705175 +0.43781344032096287,0.742,0.4858299595141702,0.44399799095931697,0.0030615654795743833,0.19949874686716793,0.5625630676084763,53.32,pittsburgh smm food,2021-07-05,53.32,55.55204270101246 +0.6248746238716145,0.325,0.523279352226721,0.3345052737317931,0.006765138486041212,0.5152882205513784,0.33905146316851664,51.94,norfolk/portsmouth/newport news smm food,2021-07-05,51.94,55.137488161658766 +0.5887662988966902,0.576,0.4660931174089072,0.21195379206428933,0.021679467187696505,0.7999999999999999,0.8950554994954592,131.15,philadelphia smm food,2021-07-05,131.15,157.55286662529676 +0.5426278836509527,0.8660000000000001,0.4053643724696359,0.8176795580110499,0.004707738625452451,0.6726817042606515,0.7214934409687185,6.95,paducah ky/cape girardeau mo smm food,2021-07-05,6.95,10.460267982665016 +0.7527582748244732,0.886,0.42813765182186264,0.7684580612757409,0.009331269163058062,0.4857142857142856,0.5242179616548941,51.44,orlando/daytona beach/melborne smm food,2021-07-05,51.44,92.22343803263419 +0.4658976930792376,0.45599999999999996,0.5131578947368424,0.4349573078854847,0.003997984742171946,0.9017543859649122,0.4419778002018164,12.64,omaha smm food,2021-07-05,12.64,14.488919780177966 +0.37562688064192573,0.935,0.2469635627530366,0.6815670517327976,0.0194067985311083,0.28671679197994987,0.6796165489404642,3.9000000000000004,oklahoma city smm food,2021-07-05,3.9000000000000004,7.3485983974643005 +0.47041123370110327,0.8650000000000001,0.33805668016194346,0.1426418884982421,0.04993887838252294,0.3914786967418546,0.5474268415741675,106.77,rem us mountain smm food,2021-07-05,106.77,133.97996274709467 +0.6634904714142427,0.625,0.6751012145748989,0.6509291813159217,0.01932797216316145,0.5358395989974936,0.1301715438950555,41.91,phoenix/prescott smm food,2021-07-05,41.91,74.83398479244545 +0.432296890672016,0.466,0.5966599190283404,0.323455549974887,0.009512348209104649,0.2576441102756892,0.7780020181634713,91.71,rem us new england smm food,2021-07-05,91.71,103.63227028797904 +0.5275827482447342,0.911,0.7449392712550611,0.6418884982420895,0.010397482846772933,0.48421052631578937,0.27800201816347125,25.02,salt lake city smm food,2021-07-05,25.02,35.31664383115884 +0.4869608826479438,0.018,0.8340080971659923,0.5293822199899548,0.06438974602926179,0.09373433583959898,0.06458123107971746,197.15,rem us south atlantic smm food,2021-07-05,197.15,244.8107432662507 +0.7377131394182547,0.514,0.2252024291497977,0.48618784530386744,0.09090136454362809,0.5974937343358395,0.2114026236125126,295.12,rem us south central smm food,2021-07-05,295.12,364.37503495443616 +0.5386158475426278,0.015,0.1497975708502025,0.6584630838774486,0.028434475377455387,0.28671679197994987,0.32593340060544906,74.57,rem us west north central smm food,2021-07-05,74.57,82.73361369991989 +0.5827482447342026,0.166,0.5161943319838059,0.18081366147664493,0.004673232303740776,0.31328320802005005,0.7467204843592331,31.5,richmond/petersburg smm food,2021-07-05,31.5,39.5710283175252 +0.8329989969909728,0.6440000000000001,0.7125506072874499,0.485685585133099,0.01705688636536736,0.32380952380952377,0.4419778002018164,21.31,sacramento/stockton/modesto smm food,2021-07-05,21.31,29.059194933142003 +0.44132397191574724,0.8109999999999999,0.4913967611336035,0.8623807132094425,0.004007481894936626,0.7453634085213031,0.7527749747729566,19.2,san diego smm food,2021-07-05,19.2,31.975717375814405 +0.6830491474423269,0.7630000000000001,0.6260121457489882,0.7905575087895531,0.004927439426075409,0.7303258145363407,0.4924318869828456,32.05,san francisco/oakland/san jose smm food,2021-07-05,32.05,45.78089697467868 +0.5997993981945837,0.986,0.3319838056680164,0.6117528879959819,0.007835151030861957,0.21804511278195474,0.5711402623612513,32.78,seattle/tacoma smm food,2021-07-05,32.78,48.634101298537956 +0.6805416248746238,0.04800000000000001,0.5202429149797573,0.6042189854344551,0.0030409883152509075,0.2586466165413533,0.4283551967709385,34.95,st. louis smm food,2021-07-05,34.95,40.45531369660203 +0.4709127382146439,0.8170000000000001,0.5121457489878545,0.29633350075339027,0.00898209051307662,0.4491228070175438,0.29011099899091825,76.92,tampa/ft. myers smm food,2021-07-05,76.92,127.33631760491501 +0.4393179538615846,0.5910000000000001,0.5612348178137655,0.6449020592667002,0.004642841414893796,0.519799498746867,0.1987891019172553,8.76,tucson/sierra vista smm food,2021-07-05,8.76,14.853912127970055 +0.7041123370110329,0.9830000000000001,0.16852226720647764,0.05072827724761427,0.01727183858960798,0.5263157894736841,0.7093844601412714,113.98,washington dc/hagerstown smm food,2021-07-05,113.98,131.67193863607582 +0.39869608826479436,0.27999999999999997,0.690283400809717,0.07885484681064793,0.001998834085206561,0.7092731829573935,0.8269424823410696,3.16,yakima/pasco/richland/kennewick smm food,2021-07-05,3.16,4.017605085431057 +0.8440320962888664,0.8570000000000001,0.4438259109311743,0.23606228026117532,0.042398772230883744,0.41904761904761895,0.7159434914228052,230.16000000000003,new york smm food,2021-07-05,230.16000000000003,256.71786341400593 +0.6053159478435305,0.754,0.7530364372469641,0.5806127574083376,0.01863531315485737,0.2265664160401002,0.45509586276488395,52.92,rem us pacific smm food,2021-07-05,52.92,63.45598385792301 +0.12186559679037111,0.15700000000000003,0.31983805668016224,0.9628327473631342,0.0052541414811804405,0.5774436090225564,0.11856710393541876,8.38,new orleans smm food,2021-07-05,8.38,12.152996512073948 +0.2557673019057171,0.458,0.8324898785425106,0.8734304369663487,0.009887169171550731,0.557393483709273,0.4434914228052472,35.14,nashville smm food,2021-07-05,35.14,53.10675517492438 +0.4042126379137412,0.476,0.4402834008097168,0.7714716223003517,0.003688060990284517,0.20701754385964907,0.14833501513622604,14.71,mobile/pensacola smm food,2021-07-05,14.71,18.840288953111255 +0.25827482447342026,0.526,0.8142712550607292,0.701657458563536,0.01074127977685439,0.2957393483709273,0.44803229061553984,21.89,albuquerque/santa fe smm food,2021-07-05,21.89,23.325386797857135 +0.23420260782347038,0.42300000000000004,0.46457489878542535,0.407835258663988,0.04082192830018785,0.6541353383458645,0.5797174571140262,93.06,atlanta smm food,2021-07-05,93.06,133.78106552953702 +0.16399197592778333,0.79,0.669028340080972,0.31240582621798096,0.008695276499583246,0.5353383458646616,0.4979818365287588,53.77,baltimore smm food,2021-07-05,53.77,60.744930022430594 +0.14994984954864593,0.084,0.6988866396761138,0.19337016574585636,0.0021482559553708783,0.4210526315789473,0.7028254288597376,1.51,baton rouge smm food,2021-07-05,1.51,1.0361223115272225 +0.15947843530591763,0.9890000000000001,0.564777327935223,0.5268709191361125,0.003644690659325806,0.494235588972431,0.26084762865792127,9.99,birmingham/anniston/tuscaloosa smm food,2021-07-05,9.99,11.631285986533022 +0.7988966900702106,0.954,0.32742914979757104,0.34605725765946765,0.016338901616357468,0.6365914786967418,0.21846619576185672,105.42,boston/manchester smm food,2021-07-05,105.42,141.63474790714184 +0.7552657973921765,0.542,0.09109311740890694,0.7096936212958314,0.0034465167383027928,0.20651629072681701,0.467204843592331,17.58,buffalo smm food,2021-07-05,17.58,19.65495788697119 +0.4297893681043129,0.095,0.7489878542510126,0.5575087895529885,0.008862109816482812,0.4010025062656641,0.09334006054490414,65.74,charlotte smm food,2021-07-05,65.74,79.90509692277436 +0.5416248746238715,0.131,0.4913967611336035,0.45253641386238075,0.012458364996708746,0.06666666666666665,0.7926337033299697,123.36,chicago smm food,2021-07-05,123.36,133.253711701386 +0.1013039117352056,0.353,0.2727732793522269,0.9060773480662985,0.007297612184381002,0.4852130325814537,0.46871846619576185,83.31,cleveland/akron/canton smm food,2021-07-05,83.31,86.4164817893821 +0.35305917753259775,0.8460000000000001,0.3183198380566803,0.7327975891511804,0.011083177276382914,0.6275689223057642,0.8491422805247225,47.57,columbus oh smm food,2021-07-05,47.57,63.19051041330789 +0.2617853560682047,0.7330000000000001,0.6305668016194336,0.24058262179809142,0.0677989073000235,0.5167919799498746,0.49697275479313824,53.27,dallas/ft. worth smm food,2021-07-05,53.27,71.39947185375719 +0.9027081243731192,0.626,0.5789473684210529,0.22350577599196386,0.0020852581753651594,0.0756892230576441,0.5731584258324924,16.68,des moines/ames smm food,2021-07-05,16.68,16.679658928176423 +0.4759277833500501,0.7680000000000001,0.9524291497975713,0.3144148669010548,0.016384171377869117,0.5634085213032579,0.5045408678102926,104.52,detroit smm food,2021-07-05,104.52,115.76067705418404 +0.5526579739217652,0.519,0.16751012145749006,0.7734806629834254,0.005612817283926565,0.5754385964912281,0.8451059535822402,64.97,grand rapids smm food,2021-07-05,64.97,70.02920439985064 +0.627382146439318,0.9560000000000001,0.5789473684210529,0.2757408337518835,0.0063048431487129995,0.5117794486215538,0.09939455095862765,30.71,albany/schenectady/troy smm food,2021-07-05,30.71,33.08372974419642 +0.20611835506519557,0.8480000000000001,0.3001012145748991,0.6459065796082372,0.009133728385552693,0.5062656641604008,0.5519677093844602,28.5,harrisburg/lancaster smm food,2021-07-05,28.5,43.274420351448555 +0.46238716148445336,0.9460000000000002,0.3152834008097167,0.395781014565545,0.0073254704991574,0.5027568922305763,0.7578203834510595,29.6,greensboro smm food,2021-07-05,29.6,39.5684277192939 +0.10030090270812436,0.383,0.4407894736842109,0.3867403314917127,0.021997621805313325,0.5558897243107769,0.2805247225025227,41.91,minneapolis/st. paul smm food,2021-07-05,41.91,43.35320389129658 +0.4874623871614843,0.677,0.3714574898785426,0.15570065293822202,0.004017612191218953,0.4686716791979949,0.6261352169525731,21.63,milwaukee smm food,2021-07-05,21.63,22.7181888999989 +0.41123370110330987,0.171,0.20242914979757096,0.7026619789050729,0.007225117251610604,0.7979949874686715,0.624117053481332,83.56,miami/west palm beach smm food,2021-07-05,83.56,141.2995121718944 +0.3731193580742226,0.038000000000000006,0.7267206477732797,0.6559517830236062,0.059170427441551855,0.5759398496240601,0.5388496468213926,93.17,los angeles smm food,2021-07-05,93.17,125.23100719197356 +0.681544633901705,0.10300000000000001,0.21002024291497998,0.3666499246609744,0.004238579278877201,0.6411027568922306,0.5640766902119072,9.93,little rock/pine bluff smm food,2021-07-05,9.93,11.39396756918331 +0.4694082246740219,0.5630000000000001,0.3512145748987856,0.5057759919638373,0.001107368012361823,0.5593984962406015,0.15388496468213925,4.3,madison wi smm food,2021-07-05,4.3,4.448598692543541 +0.5040120361083249,0.057999999999999996,0.8380566801619439,0.24610748367654448,0.004742878090681771,0.5864661654135337,0.25832492431886983,18.6,knoxville smm food,2021-07-05,18.6,21.96922249099871 +0.2191574724172517,0.2,0.7388663967611341,0.5092918131592166,0.00227836694824701,0.350375939849624,0.6619576185671039,30.36,kansas city smm food,2021-07-05,30.36,33.58327712613666 +0.10080240722166497,0.06999999999999999,0.49190283400809737,0.7483676544450025,0.005782816318414358,0.7809523809523808,0.5595358224016146,24.58,jacksonville smm food,2021-07-05,24.58,39.677391615579175 +0.3776328986960881,0.0,0.5592105263157897,0.6207935710698143,0.01145040051661725,0.5363408521303258,0.1851664984863774,38.84,indianapolis smm food,2021-07-05,38.84,42.150799047339234 +0.7326980942828486,0.851,0.6988866396761138,0.4751381215469614,0.042179071430260784,0.3388471177944861,0.7588294651866802,85.72,houston smm food,2021-07-05,85.72,130.88972274181972 +0.7417251755265797,0.44900000000000007,0.4023279352226723,0.5158211953792065,0.010821372431836536,0.6796992481203007,0.3274470232088799,65.51,hartford/new haven smm food,2021-07-05,65.51,73.66582597225009 +0.7276830491474422,0.44400000000000006,0.43623481781376544,0.4173782019085887,0.018577063951233996,0.8466165413533834,0.49848637739656915,15.53,las vegas smm food,2021-07-05,15.53,31.99865090646545 +0.4032096288866598,0.19,0.23076923076923078,0.3068809643395279,0.0025556838089757002,0.2827067669172932,0.4883955600403633,51.09,pittsburgh smm food,2021-07-12,51.09,54.055235523543935 +0.5130391173520561,0.236,0.16649797570850203,0.7408337518834757,0.06422987729105631,0.5714285714285713,0.4177598385469223,213.27,rem us east north central smm food,2021-07-12,213.27,275.269834222117 +0.5205616850551654,0.8250000000000001,0.9443319838056685,0.3470617780010046,0.014011782617251759,0.7488721804511277,0.7901109989909183,63.53,raleigh/durham/fayetteville smm food,2021-07-12,63.53,81.557055826566 +0.6850551654964895,0.194,0.15232793522267216,0.12255148166750379,0.007304576763075102,0.28070175438596484,0.34561049445005043,30.54,providence ri/new bedford ma smm food,2021-07-12,30.54,35.85013543424086 +0.4663991975927782,0.6950000000000001,0.6356275303643728,0.5439477649422402,0.007269437297845782,0.4982456140350877,0.5923309788092835,43.29,portland or smm food,2021-07-12,43.29,43.423954086896636 +0.7412236710130391,0.9140000000000001,0.48431174089068835,0.42340532395781016,0.018109170891694035,0.4180451127819548,0.18718466195761857,39.56,phoenix/prescott smm food,2021-07-12,39.56,73.4724826984432 +0.7071213640922768,0.7889999999999999,0.6629554655870448,0.36263184329482673,0.04560374471720481,0.5979949874686715,0.922300706357215,216.41,new york smm food,2021-07-12,216.41,259.51713156648685 +0.37211634904714136,0.046,0.6897773279352231,0.485685585133099,0.004710587771281856,0.3849624060150375,0.9419778002018163,4.31,paducah ky/cape girardeau mo smm food,2021-07-12,4.31,8.456828703643893 +0.45636910732196584,0.37900000000000006,0.45900809716599217,0.47915620291310906,0.008011481500526203,0.4827067669172931,0.35923309788092833,61.75999999999999,orlando/daytona beach/melborne smm food,2021-07-12,61.75999999999999,88.70662660416755 +0.6364092276830492,0.9039999999999999,0.6128542510121461,0.45705675539929685,0.0042157861122419675,0.6471177944862154,0.5807265388496469,10.39,omaha smm food,2021-07-12,10.39,15.21387677041686 +0.543630892678034,0.40800000000000003,0.1508097165991904,0.6217980914113511,0.013223202366024398,0.5934837092731828,0.9359233097880928,3.47,oklahoma city smm food,2021-07-12,3.47,8.548505903970408 +0.7683049147442325,0.484,0.376518218623482,0.6037167252636867,0.00654828683124766,0.8260651629072682,0.5731584258324924,50.08,norfolk/portsmouth/newport news smm food,2021-07-12,50.08,59.18979329490601 +0.5100300902708125,0.7889999999999999,0.4544534412955468,0.6700150678051231,0.0209390058438102,0.9117794486215536,0.7103935418768921,66.11,rem us middle atlantic smm food,2021-07-12,66.11,90.01498238176838 +0.20010030090270828,0.708,0.530364372469636,0.3465595178302361,0.023419978717703738,0.6200501253132832,0.5196770938446014,128.66,philadelphia smm food,2021-07-12,128.66,155.2889417825104 +0.4037111334002005,0.8390000000000001,0.28643724696356293,0.48719236564540436,0.043073386648934925,0.5719298245614034,0.5544904137235116,90.51,rem us mountain smm food,2021-07-12,90.51,135.4312171777212 +0.6464393179538616,0.6000000000000001,0.25961538461538486,0.6549472626820694,0.012704341253313987,0.6355889724310776,0.5438950554994955,19.99,sacramento/stockton/modesto smm food,2021-07-12,19.99,30.364028901317006 +0.5536609829488465,0.895,0.7429149797570854,0.833249623304872,0.014855762926273091,0.4992481203007517,0.6125126135216953,54.82,rem us pacific smm food,2021-07-12,54.82,66.09962287769032 +0.40270812437311926,0.661,0.6320850202429152,0.6443997990959317,0.06348055193792297,0.07117794486215537,0.07568113017154389,212.17,rem us south atlantic smm food,2021-07-12,212.17,245.36967557475543 +0.6419257773319961,0.43,0.7054655870445348,0.5042692114515319,0.07813244265151426,0.4511278195488721,0.3753784056508577,299.87,rem us south central smm food,2021-07-12,299.87,363.27286852000407 +0.4132397191574723,0.004,0.5490890688259112,0.7548970366649925,0.022312294133583092,0.5934837092731828,0.5141271442986882,67.42,rem us west north central smm food,2021-07-12,67.42,84.49358681091695 +0.6093279839518556,0.015,0.8917004048583002,0.27774987443495736,0.005317139261186158,0.6240601503759396,0.8809283551967709,32.52,richmond/petersburg smm food,2021-07-12,32.52,42.15964344140635 +0.33600802407221664,0.3600000000000001,0.5617408906882594,0.4595680562531392,0.011687829335734281,0.36892230576441093,0.507063572149344,25.55,salt lake city smm food,2021-07-12,25.55,34.73902468553051 +0.9027081243731192,0.17600000000000005,0.20799595141700417,0.7960823706680061,0.002369539614787949,0.4741854636591478,0.8178607467204844,20.08,san diego smm food,2021-07-12,20.08,31.205642750031565 +0.5692076228686057,0.7370000000000001,0.6300607287449396,0.4354595680562532,0.0028513618317161076,0.8025062656641602,0.5030272452068617,32.72,san francisco/oakland/san jose smm food,2021-07-12,32.72,43.541383857952596 +0.6033099297893681,0.9289999999999999,0.3987854251012148,0.22099447513812157,0.00969722611625711,0.2325814536340851,0.4101917255297679,34.9,seattle/tacoma smm food,2021-07-12,34.9,45.791716959034815 +0.7101303911735205,0.231,0.12095141700404866,0.5052737317930689,0.0025059820428405357,0.24461152882205503,0.6584258324924319,31.14,st. louis smm food,2021-07-12,31.14,40.99372419860079 +0.37261785356068206,0.262,0.3734817813765185,0.2827724761426419,0.009131828954999758,0.4491228070175438,0.28607467204843595,95.75,tampa/ft. myers smm food,2021-07-12,95.75,126.75133775671884 +0.19157472417251756,0.9199999999999999,0.5404858299595144,0.4163736815670518,0.00423256441545957,0.6526315789473682,0.40161453077699294,7.71,tucson/sierra vista smm food,2021-07-12,7.71,14.800966863300566 +0.7171514543630892,0.7450000000000001,0.046558704453441145,0.05022601707684581,0.018005335354800187,0.7473684210526315,0.28456104944500504,104.26,washington dc/hagerstown smm food,2021-07-12,104.26,129.8323860726009 +0.530591775325978,0.17400000000000002,0.45647773279352266,0.605223505775992,0.004952765166781225,0.6731829573934838,0.1306760847628658,9.24,new orleans smm food,2021-07-12,9.24,11.20205155169102 +0.4132397191574723,0.8410000000000001,0.5334008097165995,0.2747363134103466,0.0107985792652013,0.7438596491228069,0.715438950554995,90.06,rem us new england smm food,2021-07-12,90.06,104.78015528271037 +0.18104312938816447,0.11699999999999999,0.46002024291498,0.8879959819186339,0.010292381022843796,0.525814536340852,0.6200807265388496,36.09,nashville smm food,2021-07-12,36.09,53.663301958863734 +0.13540621865596789,0.489,0.7236842105263162,0.46258161727774993,0.0017490589674954463,0.3132832080200502,0.7346115035317861,2.99,yakima/pasco/richland/kennewick smm food,2021-07-12,2.99,4.096749630071727 +0.15346038114343027,0.637,0.5840080971659923,0.5379206428930187,0.014722486215808732,0.1914786967418547,0.14883955600403634,30.99,minneapolis/st. paul smm food,2021-07-12,30.99,41.59713852896936 +0.7878635907723169,0.5710000000000001,0.6098178137651824,0.35509794073329987,0.0077404960749739675,0.26867167919799495,0.34056508577194755,30.22,albany/schenectady/troy smm food,2021-07-12,30.22,34.49305228635443 +0.16449348044132397,0.7719999999999999,0.6634615384615388,0.5585133098945254,0.008492987145695538,0.5167919799498746,0.4041372351160444,18.55,albuquerque/santa fe smm food,2021-07-12,18.55,22.485031616691188 +0.3841524573721163,0.45599999999999996,0.2596153846153848,0.4580612757408338,0.034970415910108965,0.5192982456140349,0.3874873864783047,92.7,atlanta smm food,2021-07-12,92.7,131.85407737112317 +0.4042126379137412,0.261,0.739372469635628,0.17327975891511804,0.008987472232976603,0.19197994987468678,0.7865792129162462,53.59,baltimore smm food,2021-07-12,53.59,60.79731036975859 +0.30140421263791367,0.38,0.6310728744939275,0.38473129080863894,0.0011820789474439818,0.6812030075187968,0.31331987891019175,1.75,baton rouge smm food,2021-07-12,1.75,0.8921049107932646 +0.17903711133400188,0.13799999999999998,0.3830971659919031,0.21245605223505779,0.0032619554029091552,0.1383458646616541,0.48587285570131183,11.0,birmingham/anniston/tuscaloosa smm food,2021-07-12,11.0,9.50775092747994 +0.44132397191574724,0.7140000000000001,0.3871457489878544,0.744349573078855,0.017933473565547434,0.7719298245614035,0.6543895055499496,108.29,boston/manchester smm food,2021-07-12,108.29,146.41370320814985 +0.6318956870611836,0.496,0.03390688259109313,0.4500251130085385,0.0036304449301787843,0.4145363408521302,0.20131180625630676,14.84,buffalo smm food,2021-07-12,14.84,17.035862858187244 +0.23871614844533598,0.932,0.6427125506072877,0.1607232546459066,0.010213554654896942,0.3724310776942355,0.17961654894046417,59.3,charlotte smm food,2021-07-12,59.3,78.23912148702306 +0.4398194583751253,0.262,0.6523279352226724,0.6328478151682572,0.012490971887867484,0.36591478696741847,0.5146316851664985,115.05000000000001,chicago smm food,2021-07-12,115.05000000000001,133.59520979150818 +0.137913741223671,0.217,0.4306680161943322,0.6062280261175289,0.005634977307044154,0.30175438596491233,0.6417759838546923,70.84,cleveland/akron/canton smm food,2021-07-12,70.84,84.99502091800669 +0.4658976930792376,0.08000000000000002,0.21761133603238877,0.5067805123053742,0.012231699617391689,0.5759398496240601,0.5701311806256307,43.3,columbus oh smm food,2021-07-12,43.3,60.05406961922631 +0.3746238716148446,0.298,0.6072874493927128,0.47212456052235063,0.05649602922301764,0.2912280701754385,0.7699293642785066,53.22,dallas/ft. worth smm food,2021-07-12,53.22,71.99029281713368 +0.566198595787362,0.895,0.7393724696356279,0.15017579105976897,0.0010459530911502183,0.250125313283208,0.5887991927346115,15.52,des moines/ames smm food,2021-07-12,15.52,16.405684642853984 +0.7266800401203609,0.44800000000000006,0.8689271255060732,0.5143144148669011,0.02049675509673488,0.6200501253132831,0.5983854692230071,90.43,detroit smm food,2021-07-12,90.43,118.42188353801328 +0.2738214643931795,0.785,0.5025303643724699,0.47061778001004523,0.003476907627149773,0.5989974937343356,0.12815338042381433,16.62,mobile/pensacola smm food,2021-07-12,16.62,18.148287972364443 +0.7878635907723169,0.18899999999999997,0.6487854251012148,0.5645404319437469,0.008360027006990001,0.1338345864661654,0.7719475277497477,28.370000000000005,greensboro smm food,2021-07-12,28.370000000000005,40.0154791349109 +0.6193580742226679,0.194,0.3410931174089072,0.6433952787543948,0.0072738693024693,0.6065162907268171,0.9192734611503531,58.55,grand rapids smm food,2021-07-12,58.55,70.11081443192178 +0.2146439317953861,0.10900000000000001,0.29959514170040485,0.21195379206428933,0.004165451202589156,0.6145363408521302,0.8900100908173562,20.05,milwaukee smm food,2021-07-12,20.05,24.280392451794164 +0.11634904714142426,0.546,0.6543522267206481,0.538422903063787,0.0073552282444867365,0.8586466165413533,0.5908173562058526,100.49,miami/west palm beach smm food,2021-07-12,100.49,140.32994001138167 +0.2668004012036107,0.8740000000000001,0.209008097165992,0.7353088900050225,0.000850628315956609,0.4847117794486215,0.239656912209889,5.54,madison wi smm food,2021-07-12,5.54,5.711856686071144 +0.44132397191574724,0.477,0.2732793522267209,0.41386238071320947,0.004579843634888078,0.5854636591478697,0.4339051463168517,9.51,little rock/pine bluff smm food,2021-07-12,9.51,10.597071619901293 +0.5205616850551654,0.45,0.24848178137651836,0.2747363134103466,0.015170751826301685,0.6340852130325813,0.6210898082744702,15.33,las vegas smm food,2021-07-12,15.33,30.29830372841065 +0.026078234704112337,0.15100000000000002,0.6396761133603243,0.35660472124560527,0.04769153546664055,0.7624060150375939,0.44399596367305755,98.91,los angeles smm food,2021-07-12,98.91,121.35036643242903 +0.401705115346038,0.07700000000000001,0.2494939271255062,0.6243093922651934,0.0022903966750822727,0.5102756892230575,0.7901109989909183,31.17,kansas city smm food,2021-07-12,31.17,35.42995075562521 +0.13390170511534602,0.5650000000000001,0.46811740890688275,0.4414866901054747,0.006782549932776462,0.83859649122807,0.44853683148335016,28.66,jacksonville smm food,2021-07-12,28.66,37.866110114283195 +0.20010030090270806,0.336,0.5278340080971663,0.9070818684078353,0.01258277769792607,0.43909774436090215,0.42129162462159436,39.22,indianapolis smm food,2021-07-12,39.22,44.85672766938765 +0.858074222668004,0.19299999999999998,0.5030364372469639,0.39025615268709196,0.035513653048248724,0.2325814536340851,0.644803229061554,90.22,houston smm food,2021-07-12,90.22,128.26127015586405 +0.6178535606820461,0.529,0.46204453441295573,0.6464088397790055,0.010942935987224454,0.5999999999999999,0.24268415741675076,63.28000000000001,hartford/new haven smm food,2021-07-12,63.28000000000001,73.55968665179826 +0.6263791374122366,0.30400000000000005,0.22368421052631599,0.4595680562531392,0.011481107977223052,0.8902255639097741,0.34712411705348134,26.99,harrisburg/lancaster smm food,2021-07-12,26.99,42.9417877210153 +0.7928786359077231,0.054000000000000006,0.502024291497976,0.44902059266700156,0.004637143123234987,0.4576441102756891,0.2346115035317861,19.76,knoxville smm food,2021-07-12,19.76,22.854476420992988 +0.28084252758274825,0.658,0.19331983805668015,0.586639879457559,0.004562432188152829,0.5137844611528821,0.5156407669021191,29.989999999999995,portland or smm food,2021-07-19,29.989999999999995,42.29520575012649 +0.08475426278836518,0.497,0.6523279352226724,0.5971873430436967,0.01091887653355393,0.7664160401002504,0.6987891019172553,71.13,rem us middle atlantic smm food,2021-07-19,71.13,86.94757735778657 +0.8194583751253759,0.538,0.15080971659919026,0.6494224008036164,0.03970822885264957,0.26265664160401,0.3970736629667003,190.15,rem us east north central smm food,2021-07-19,190.15,270.86054383182585 +0.6158475426278837,0.9289999999999999,0.5986842105263162,0.5359116022099448,0.008212821139137443,0.619047619047619,0.4450050454086781,88.18,raleigh/durham/fayetteville smm food,2021-07-19,88.18,79.41679555908209 +0.30641925777331996,0.334,0.17661943319838067,0.30637870416875945,0.004325636512553446,0.7208020050125311,0.6533804238143289,34.28,providence ri/new bedford ma smm food,2021-07-19,34.28,39.07761236945813 +0.11584754262788353,0.5750000000000001,0.5910931174089071,0.683073832245103,0.0019443837426890561,0.26666666666666666,0.6180625630676084,52.26,pittsburgh smm food,2021-07-19,52.26,56.74344775592392 +0.7587763289869606,0.05500000000000001,0.5040485829959517,0.5494726268206932,0.003531041397908455,0.7614035087719299,0.7179616548940464,69.23,norfolk/portsmouth/newport news smm food,2021-07-19,69.23,58.95690794834401 +0.5596790371113342,0.908,0.5131578947368424,0.4595680562531392,0.014991888782566855,0.5438596491228069,0.5474268415741675,118.02,philadelphia smm food,2021-07-19,118.02,155.3559368824798 +0.442828485456369,0.837,0.5890688259109315,0.5047714716223004,0.002166300545623773,0.337844611528822,0.946518668012109,4.21,paducah ky/cape girardeau mo smm food,2021-07-19,4.21,8.51078678292373 +0.22116349047141423,0.7889999999999999,0.4084008097165994,0.1426418884982421,0.004169566635453852,0.29523809523809513,0.1432896064581231,56.25000000000001,orlando/daytona beach/melborne smm food,2021-07-19,56.25000000000001,84.17471885535141 +0.48395185556670006,0.493,0.4316801619433201,0.4892014063284782,0.0029634282343393454,0.6170426065162905,0.4843592330978809,13.62,omaha smm food,2021-07-19,13.62,14.015595134807214 +0.8826479438314945,0.39000000000000007,0.34058704453441313,0.3872425916624812,0.006230132213630839,0.7523809523809522,0.8062563067608476,3.23,oklahoma city smm food,2021-07-19,3.23,6.634393209595316 +0.42728184553660975,0.529,0.5501012145748991,0.760924158714214,0.02216793741155994,0.6872180451127818,0.30474268415741673,94.14,rem us mountain smm food,2021-07-19,94.14,133.02269835655858 +0.6529588766298896,0.9960000000000001,0.26771255060728744,0.2877950778503265,0.010198675782232275,0.181453634085213,0.4298688193743693,43.11,phoenix/prescott smm food,2021-07-19,43.11,72.01542005602683 +0.576730190571715,0.915,0.508603238866397,0.6408839779005525,0.006896832337711456,0.7223057644110275,0.7608476286579213,98.25,rem us new england smm food,2021-07-19,98.25,106.81516353899212 +0.4438314944834504,0.8820000000000001,0.6179149797570854,0.6805625313912608,0.006223167634936741,0.30526315789473674,0.7527749747729566,27.42,salt lake city smm food,2021-07-19,27.42,36.91714621502861 +0.3861584754262788,0.273,0.312753036437247,0.5439477649422402,0.03637314537345237,0.2526315789473683,0.20131180625630676,243.62,rem us south atlantic smm food,2021-07-19,243.62,241.8676606448764 +0.2522567703109328,0.8480000000000001,0.7014170040485833,0.19939728779507787,0.04339882241700468,0.4887218045112781,0.5983854692230071,307.97,rem us south central smm food,2021-07-19,307.97,357.58944292770633 +0.4794383149448344,0.18600000000000003,0.899797570850203,0.528377699648418,0.01273536528567861,0.6781954887218044,0.5832492431886983,68.65,rem us west north central smm food,2021-07-19,68.65,82.9200214996753 +0.5641925777331996,0.38,0.7464574898785429,0.4902059266700151,0.003674131832896318,0.613533834586466,0.5544904137235116,46.64,richmond/petersburg smm food,2021-07-19,46.64,41.22577495293708 +0.6439317953861584,0.404,0.44382591093117446,0.30135610246107486,0.005652705325538226,0.43358395989974924,0.4667003027245207,22.3,sacramento/stockton/modesto smm food,2021-07-19,22.3,26.2921838598266 +0.6524573721163489,0.458,0.38765182186234837,0.5017579105976897,0.0014698426762138202,0.5248120300751878,0.624117053481332,20.38,san diego smm food,2021-07-19,20.38,28.2511187053611 +0.5135406218655968,0.48700000000000004,0.48836032388663986,0.4555499748869915,0.0020915896105416147,0.6436090225563909,0.4954591321897074,34.57,san francisco/oakland/san jose smm food,2021-07-19,34.57,42.71895990585445 +0.691073219658977,0.746,0.13107287449392718,0.3319939728779508,0.0065359405326535745,0.5899749373433582,0.3340060544904137,37.59,seattle/tacoma smm food,2021-07-19,37.59,46.54562834584465 +0.7803410230692075,0.131,0.23836032388663986,0.29131089904570573,0.001980789494953667,0.45714285714285713,0.3990918264379415,35.63,st. louis smm food,2021-07-19,35.63,38.99249321049204 +0.2331995987963891,0.9369999999999999,0.5065789473684214,0.605223505775992,0.005362092450938984,0.6962406015037592,0.4525731584258325,77.64,tampa/ft. myers smm food,2021-07-19,77.64,129.9575836053237 +0.5215646940822466,0.038000000000000006,0.38663967611336053,0.4831742842792567,0.002304325832470472,0.5112781954887217,0.4147325933400606,8.36,tucson/sierra vista smm food,2021-07-19,8.36,14.598592414453087 +0.6930792377131394,0.9590000000000001,0.1715587044534412,0.2827724761426419,0.009047620867152916,0.7303258145363406,0.25731584258324924,117.41,washington dc/hagerstown smm food,2021-07-19,117.41,129.82752342104817 +0.2276830491474423,0.011000000000000003,0.7332995951417008,0.6971371170266198,0.0008123231331390617,0.19248120300751892,0.40161453077699294,2.95,yakima/pasco/richland/kennewick smm food,2021-07-19,2.95,2.9428734591064227 +0.3836509528585757,0.209,0.5000000000000002,0.5052737317930689,0.029496257056546744,0.48521303258145354,0.7537840565085772,224.3,new york smm food,2021-07-19,224.3,255.83475284476566 +0.3615847542627883,0.013000000000000001,0.6796558704453445,0.8312405826217981,0.008918776161312078,0.3919799498746866,0.7674066599394551,51.28,rem us pacific smm food,2021-07-19,51.28,65.05143524931468 +0.4543630892678034,0.07500000000000001,0.3896761133603242,0.5655449522852838,0.002668383355116583,0.6751879699248121,0.5065590312815338,12.54,new orleans smm food,2021-07-19,12.54,12.624011084368739 +0.4894684052156469,0.549,0.05263157894736845,0.551481667503767,0.006451099301289089,0.47418546365914765,0.58627648839556,41.59,nashville smm food,2021-07-19,41.59,51.305893594650804 +0.7131394182547641,0.21000000000000002,0.7388663967611341,0.15318935208437973,0.0016420577130133727,0.7804511278195487,0.23612512613521697,14.64,mobile/pensacola smm food,2021-07-19,14.64,17.870286659202776 +0.24322968906720155,0.19500000000000003,0.6786437246963566,0.41938724259166255,0.003801077108184222,0.4586466165413533,0.45509586276488395,20.76,albuquerque/santa fe smm food,2021-07-19,20.76,21.017076964757308 +0.7958876629889667,0.005000000000000001,0.3653846153846156,0.48267202410848825,0.018214272715623175,0.5022556390977443,0.6140262361251262,97.88,atlanta smm food,2021-07-19,97.88,131.43866379187787 +0.7552657973921766,0.7650000000000001,0.5409919028340084,0.2365645404319438,0.005294029522792102,0.5157894736842106,0.5817356205852674,55.61,baltimore smm food,2021-07-19,55.61,61.1524894925914 +0.4859578736208625,0.41200000000000003,0.3006072874493929,0.44801607232546464,0.00040109641842836784,0.7273182957393483,0.05600403632694248,1.9500000000000002,baton rouge smm food,2021-07-19,1.9500000000000002,-0.08280023679559179 +0.4182547642928785,0.9990000000000001,0.3911943319838059,0.5760924158714215,0.0022951452514646136,0.1408521303258145,0.822401614530777,11.12,birmingham/anniston/tuscaloosa smm food,2021-07-19,11.12,14.212957989049322 +0.3289869608826479,0.467,0.313259109311741,0.44299347061778005,0.011966095911739439,0.3954887218045112,0.7436932391523714,119.28,boston/manchester smm food,2021-07-19,119.28,142.8542802507917 +0.5175526579739217,0.762,0.49443319838056704,0.18483174284279258,0.0020681633003887335,0.294235588972431,0.5050454086781029,14.0,buffalo smm food,2021-07-19,14.0,16.89849118503591 +0.358074222668004,0.341,0.7651821862348183,0.32094424912104474,0.007007632453299405,0.5724310776942354,0.5418768920282543,87.33,charlotte smm food,2021-07-19,87.33,81.42352827625545 +0.3981945837512537,0.375,0.40941295546558726,0.8221998995479659,0.008822854918388799,0.38796992481203,0.579212916246216,110.13,chicago smm food,2021-07-19,110.13,134.44031914707784 +0.4187562688064192,0.09300000000000001,0.5910931174089071,0.5298844801607233,0.0037380793281785044,0.0651629072681705,0.47527749747729564,70.4,cleveland/akron/canton smm food,2021-07-19,70.4,83.1022934315286 +0.6123370110330992,0.45300000000000007,0.43370445344129577,0.5494726268206932,0.00820775599099628,0.5027568922305763,0.6866801210898082,41.13,columbus oh smm food,2021-07-19,41.13,60.72921365759045 +0.3244734202607824,0.502,0.6007085020242918,0.5444500251130086,0.028209076285173627,0.4621553884711778,0.8784056508577195,51.26,dallas/ft. worth smm food,2021-07-19,51.26,69.58792912019759 +0.17602808425275823,0.06899999999999999,0.4347165991902836,0.4424912104470116,0.00045966219381056813,0.4791979949874686,0.3874873864783047,14.66,des moines/ames smm food,2021-07-19,14.66,16.321439607283168 +0.5396188565697091,0.799,0.3952429149797572,0.377197388247112,0.011180048234582664,0.5343358395989974,0.5938446014127144,80.91,detroit smm food,2021-07-19,80.91,115.59597006481842 +0.7392176529588765,0.526,0.33704453441295573,0.3726770467101959,0.004021727624083649,0.28120300751879707,0.9192734611503531,44.84,grand rapids smm food,2021-07-19,44.84,67.44704279698256 +0.9247743229689067,0.596,0.6523279352226724,0.2300351582119538,0.004381669713865064,0.5904761904761904,0.5817356205852674,32.82,albany/schenectady/troy smm food,2021-07-19,32.82,35.96357605451709 +0.7246740220661985,0.97,0.16953441295546576,0.7438473129080865,0.006662885807941478,0.8947368421052628,0.6846619576185671,28.759999999999998,harrisburg/lancaster smm food,2021-07-19,28.759999999999998,46.29975157815335 +0.6148445336008024,0.843,0.8542510121457494,0.4269211451531894,0.00522375059233346,0.3413533834586465,0.6680121089808274,45.19,greensboro smm food,2021-07-19,45.19,38.965870280328666 +0.5125376128385154,0.676,0.6477732793522272,0.67754897036665,0.0068512460044409884,0.07418546365914794,0.4374369323915237,31.73,minneapolis/st. paul smm food,2021-07-19,31.73,43.253110875209934 +0.5877632898696087,0.22200000000000003,0.41447368421052644,0.5670517327975892,0.002468310003540633,0.8225563909774435,0.8143289606458123,17.93,milwaukee smm food,2021-07-19,17.93,27.023962905629 +0.49348044132397184,0.261,0.6953441295546562,0.23405323957810148,0.004312340498682891,0.47368421052631565,0.2477295660948537,91.18,miami/west palm beach smm food,2021-07-19,91.18,135.50117215185026 +0.07773319959879638,0.261,0.2550607287449394,0.587644399799096,0.0249252774309057,0.6090225563909774,0.5665993945509586,96.81,los angeles smm food,2021-07-19,96.81,119.60718427215683 +0.4237713139418255,0.221,0.3218623481781379,0.7157207433450528,0.0026376758945107813,0.7313283208020049,0.3890010090817356,9.35,little rock/pine bluff smm food,2021-07-19,9.35,12.12520063571447 +0.4042126379137411,0.254,0.6877530364372473,0.8126569563033651,0.0004891033673810796,0.2791979949874686,0.5721493440968719,4.58,madison wi smm food,2021-07-19,4.58,7.628159617274207 +0.6489468405215647,0.7839999999999999,0.5222672064777332,0.5529884480160724,0.0023518115962938776,0.20150375939849619,0.18617558022199798,21.3,knoxville smm food,2021-07-19,21.3,22.164654900199416 +0.7091273821464392,0.037,0.056174089068825935,0.7604218985434456,0.001812373319259988,0.41303258145363403,0.8582240161453077,30.81,kansas city smm food,2021-07-19,30.81,36.611463137276026 +0.29689067201604813,0.534,0.5070850202429151,0.44902059266700156,0.004213253538171385,0.5844611528822055,0.5050454086781029,28.160000000000004,jacksonville smm food,2021-07-19,28.160000000000004,37.369374880532 +0.29939819458375116,0.892,0.7950404858299599,0.7212456052235059,0.00800989864173209,0.8566416040100249,0.34460141271442984,33.2,indianapolis smm food,2021-07-19,33.2,44.58301133467526 +0.8911735205616851,0.326,0.452935222672065,0.3078854846810648,0.018384904893628613,0.331829573934837,0.5554994954591322,96.06,houston smm food,2021-07-19,96.06,125.25507148877745 +0.2246740220661986,0.9990000000000001,0.3628542510121459,0.6454043194374687,0.006338399755148205,0.2370927318295739,0.4788092835519677,65.32,hartford/new haven smm food,2021-07-19,65.32,72.65240326192888 +0.3495486459378134,0.6120000000000001,0.7150809716599194,0.5740833751883476,0.006920891791381984,0.5057644110275687,0.7704339051463168,16.08,las vegas smm food,2021-07-19,16.08,31.39353580863405 +0.5541624874623869,0.292,0.912955465587045,0.6509291813159217,0.0017224669397543396,0.4641604010025063,0.5832492431886983,50.63,pittsburgh smm food,2021-07-26,50.63,57.733537228866304 +0.4648946840521563,0.596,0.15030364372469635,0.5856353591160222,0.023759976786679318,0.4922305764411027,0.24873864783047428,214.92,rem us east north central smm food,2021-07-26,214.92,267.53784326443133 +0.6805416248746238,0.37900000000000006,0.19180161943319848,0.7845303867403316,0.0041819129340479365,0.15739348370927317,0.09989909182643794,65.14,raleigh/durham/fayetteville smm food,2021-07-26,65.14,76.44949767882673 +0.5416248746238715,0.592,0.060728744939271294,0.3520843797086891,0.00268326222778125,0.6967418546365912,0.4556004036326943,34.38,providence ri/new bedford ma smm food,2021-07-26,34.38,38.32830564957141 +0.6454363089267803,0.47800000000000004,0.11740890688259106,0.6559517830236062,0.0029381024936335283,0.6120300751879698,0.30524722502522705,31.769999999999996,portland or smm food,2021-07-26,31.769999999999996,42.02650005193198 +0.3430290872617854,0.332,0.45799595141700417,0.28729281767955805,0.004665001438011386,0.4491228070175438,0.5388496468213926,41.76,phoenix/prescott smm food,2021-07-26,41.76,71.98627564185445 +0.20561685055165493,0.9359999999999999,0.18927125506072887,0.6715218483174284,0.019248196079938128,0.31929824561403497,0.6261352169525731,221.74,new york smm food,2021-07-26,221.74,253.94123594039488 +0.519558676028084,0.529,0.3917004048582999,0.7825213460572578,0.0013713888592199596,0.581954887218045,0.7184661957618567,5.1,paducah ky/cape girardeau mo smm food,2021-07-26,5.1,9.288413907044273 +0.2567703109327984,0.27799999999999997,0.3107287449392714,0.1978905072827725,0.0032581565418032836,0.5243107769423557,0.5,68.3,orlando/daytona beach/melborne smm food,2021-07-26,68.3,86.90216042231009 +0.32597793380140416,0.6920000000000001,0.2859311740890691,0.7147162230035159,0.0011482057692499524,0.6731829573934835,0.16952573158425832,13.12,omaha smm food,2021-07-26,13.12,13.14075104449509 +0.7843530591775325,0.5820000000000001,0.5764170040485833,0.5389251632345555,0.001115598878091212,0.5754385964912277,0.756811301715439,2.63,oklahoma city smm food,2021-07-26,2.63,6.01752655367612 +0.7422266800401199,0.667,0.33805668016194346,0.6323455549974888,0.002649389049587221,0.5859649122807017,0.6014127144298689,51.0,norfolk/portsmouth/newport news smm food,2021-07-26,51.0,58.24317937851259 +0.2973921765295888,0.403,0.48127530364372484,0.17930688096433955,0.0079500665793146,0.6436090225563909,0.6992936427850656,68.24,rem us middle atlantic smm food,2021-07-26,68.24,83.966746797179 +0.5847542627883652,0.338,0.4994939271255064,0.23053741838272226,0.010216403800726347,0.5558897243107769,0.48385469223007066,128.0,philadelphia smm food,2021-07-26,128.0,152.81138340099972 +0.13991975927783348,0.8330000000000001,0.5420040485829963,0.40833751883475644,0.006207339046995605,0.7704260651629071,0.5015136226034309,91.73,rem us mountain smm food,2021-07-26,91.73,129.81253324598 +0.7041123370110329,0.901,0.45293522267206515,0.28679055750878957,0.0010529176698443178,0.46416040100250616,0.6251261352169526,21.06,sacramento/stockton/modesto smm food,2021-07-26,21.06,26.909776495579628 +0.7632898696088264,0.41500000000000004,0.44888663967611364,0.46710195881466604,0.005961679362149187,0.06967418546365912,0.8350151362260343,48.9,rem us pacific smm food,2021-07-26,48.9,62.65921872680499 +0.3881644934804413,0.522,0.3780364372469637,0.6494224008036164,0.020154857597206352,0.5548872180451127,0.4667003027245207,198.06,rem us south atlantic smm food,2021-07-26,198.06,242.82077309473306 +0.2592778335005015,0.04000000000000001,0.34767206477732815,0.30286288297338027,0.024512151285642072,0.500250626566416,0.5438950554994955,310.65,rem us south central smm food,2021-07-26,310.65,354.66611856771635 +0.15446339017051153,0.144,0.8760121457489882,0.41788046207935714,0.007051319356016935,0.4556390977443608,0.5353178607467205,71.03,rem us west north central smm food,2021-07-26,71.03,79.94537984920117 +0.8069207622868607,0.313,0.6826923076923079,0.6865896534404823,0.0024265225313760365,0.6080200501253132,0.26387487386478303,31.180000000000003,richmond/petersburg smm food,2021-07-26,31.180000000000003,40.80814624073418 +0.7377131394182547,0.21200000000000002,0.515688259109312,0.5946760421898544,0.0025275089224404794,0.07969924812030073,0.3193743693239152,30.89,salt lake city smm food,2021-07-26,30.89,32.81337299767755 +0.3044132397191574,0.558,0.5308704453441299,0.5976896032144652,0.0014347032109845001,0.48621553884711766,0.25176589303733604,18.12,san diego smm food,2021-07-26,18.12,26.07203299452795 +0.4523570712136408,0.7889999999999999,0.5733805668016196,0.8141637368156706,0.001276100759814326,0.5152882205513784,0.34056508577194755,33.93,san francisco/oakland/san jose smm food,2021-07-26,33.93,43.452089615890586 +0.27081243731193577,0.492,0.4438259109311743,0.5650426921145154,0.003485138492879163,0.8796992481203004,0.4263370332996973,41.64,seattle/tacoma smm food,2021-07-26,41.64,48.255227158159414 +0.3976930792377131,0.49500000000000005,0.3547570850202431,0.5534907081868409,0.001437552356813905,0.6461152882205513,0.12714429868819374,35.36,st. louis smm food,2021-07-26,35.36,39.02799661101014 +0.5260782347041123,0.902,0.6437246963562757,0.7343043696634858,0.0035778940182142156,0.8310776942355887,0.649848637739657,100.23,tampa/ft. myers smm food,2021-07-26,100.23,132.56138156542977 +0.7993981945837512,0.867,0.37398785425101233,0.48618784530386744,0.0012757841880555022,0.8070175438596491,0.2749747729566095,7.860000000000001,tucson/sierra vista smm food,2021-07-26,7.860000000000001,15.415515550023123 +0.69358074222668,0.8980000000000001,0.4296558704453442,0.6680060271220493,0.00546846056190341,0.45062656641603993,0.39606458123107974,102.12,washington dc/hagerstown smm food,2021-07-26,102.12,131.59731218702495 +0.24623871614844528,0.681,0.4681174089068829,0.56353591160221,0.0016917594791485372,0.7989974937343359,0.4298688193743693,15.679999999999998,new orleans smm food,2021-07-26,15.679999999999998,12.395293215493247 +0.5511534603811433,0.49500000000000005,0.3284412955465589,0.48367654445002517,0.004092323126301111,0.43709273182957387,0.4409687184661958,89.7,rem us new england smm food,2021-07-26,89.7,102.43740486892673 +0.8645937813440321,0.05500000000000001,0.40435222672064797,0.10396785534907083,0.0035522517057495766,0.27919799498746856,0.536326942482341,40.1,nashville smm food,2021-07-26,40.1,48.05390085766059 +0.6359077231695084,0.6200000000000001,0.8410931174089074,0.6373681567051733,0.0005739445987455647,0.2416040100250628,0.13975782038345105,2.89,yakima/pasco/richland/kennewick smm food,2021-07-26,2.89,2.2296076486115624 +0.49899699097291866,0.7280000000000001,0.7808704453441301,0.3867403314917127,0.0016572531574368624,0.46265664160401004,0.44803229061553984,35.77,minneapolis/st. paul smm food,2021-07-26,35.77,42.20387152968954 +0.5305917753259779,0.23700000000000002,0.4048582995951419,0.34003013561024614,0.002839332104880844,0.5393483709273181,0.3900100908173562,29.559999999999995,albany/schenectady/troy smm food,2021-07-26,29.559999999999995,34.133325376951944 +0.40120361083249745,0.15900000000000003,0.48836032388663997,0.3425414364640884,0.001182078947443981,0.15538847117794483,0.13168516649848638,22.22,albuquerque/santa fe smm food,2021-07-26,22.22,17.526468184072584 +0.7657973921765295,0.244,0.390688259109312,0.6278252134605726,0.005530192054873843,0.8175438596491226,0.5469223007063572,97.99,atlanta smm food,2021-07-26,97.99,131.1476540937407 +0.559679037111334,0.809,0.6128542510121461,0.3239578101456555,0.003261638831150333,0.5027568922305763,0.31735620585267404,52.91,baltimore smm food,2021-07-26,52.91,59.532833262791215 +0.2733199598796389,0.317,0.39018218623481804,0.5705675539929684,0.000479289642857576,0.6862155388471177,0.4298688193743693,3.75,baton rouge smm food,2021-07-26,3.75,2.3251443643543297 +0.8249749247743229,0.8420000000000001,0.40182186234817835,0.7754897036664993,0.0014359694980197913,0.45162907268170427,0.5802219979818365,13.77,birmingham/anniston/tuscaloosa smm food,2021-07-26,13.77,15.404007606769618 +0.667001003009027,0.54,0.08046558704453446,0.23204419889502764,0.007667367998685923,0.1388471177944862,0.4727547931382442,106.2,boston/manchester smm food,2021-07-26,106.2,139.1323931690249 +0.6058174523570712,0.19900000000000004,0.5668016194331986,0.13108990457056757,0.0011504217715617108,0.3067669172932331,0.7800201816347124,13.94,buffalo smm food,2021-07-26,13.94,18.024497147138277 +0.645937813440321,0.501,0.8679149797570855,0.4771471622300352,0.0035801100205259746,0.8937343358395987,0.9036326942482341,58.849999999999994,charlotte smm food,2021-07-26,58.849999999999994,85.5424543061552 +0.3405215646940822,0.339,0.4008097165991905,0.7820190858864893,0.005903113586766987,0.5012531328320801,0.7270433905146317,121.94999999999999,chicago smm food,2021-07-26,121.94999999999999,134.88862885665475 +0.5717151454363089,0.373,0.49038461538461564,0.37468608739326975,0.0035380059766025544,0.5037593984962406,0.5575176589303734,67.4,cleveland/akron/canton smm food,2021-07-26,67.4,84.34288725896009 +0.8485456369107321,0.034999999999999996,0.5237854251012148,0.5524861878453039,0.004441185204523733,0.2791979949874686,0.9076690211907165,45.96,columbus oh smm food,2021-07-26,45.96,61.059953113204344 +0.4714142427281846,0.992,0.28441295546558715,0.646911099949774,0.005334550707921407,0.5964912280701753,0.7124117053481333,55.78,dallas/ft. worth smm food,2021-07-26,55.78,66.68808770938412 +0.07723169508525576,0.681,0.42813765182186253,0.6182822702159719,0.0007958614016802812,0.3478696741854636,0.3849646821392533,14.919999999999998,des moines/ames smm food,2021-07-26,14.919999999999998,17.06842116729348 +0.7246740220661985,0.835,0.41852226720647795,0.17177297840281266,0.005885702140031741,0.32681704260651623,0.43340060544904135,85.92,detroit smm food,2021-07-26,85.92,112.44199787929324 +0.8239719157472416,0.5990000000000001,0.5475708502024295,0.5067805123053742,0.0014688929609373525,0.5964912280701753,0.2885973763874874,21.05,mobile/pensacola smm food,2021-07-26,21.05,19.852768152360454 +0.46589769307923773,0.5630000000000001,0.5860323886639679,0.41386238071320947,0.0034132767036264087,0.601002506265664,0.8249243188698284,29.5,greensboro smm food,2021-07-26,29.5,39.80806838520625 +0.8986960882647944,0.7040000000000002,0.036943319838056786,0.20642893018583627,0.0026842119430577184,0.27769423558897244,0.7961654894046418,50.97,grand rapids smm food,2021-07-26,50.97,65.74800846052062 +0.5205616850551654,0.759,0.6867408906882594,0.6735308890005023,0.0015971045232605484,0.5358395989974937,0.6352169525731585,17.37,milwaukee smm food,2021-07-26,17.37,25.887939609942684 +0.6429287863590771,0.17300000000000001,0.5485829959514172,0.4399799095931693,0.0028725721395572285,0.08771929824561402,0.313824419778002,105.81,miami/west palm beach smm food,2021-07-26,105.81,135.7844867489395 +0.5697091273821463,0.5780000000000001,0.8805668016194336,0.8051230537418383,0.0005739445987455646,0.46015037593984953,0.8395560040363269,5.32,madison wi smm food,2021-07-26,5.32,10.249709195657644 +0.24874623871614843,0.536,0.3304655870445347,0.8744349573078856,0.0016629514490956714,0.8992481203007517,0.09939455095862765,10.74,little rock/pine bluff smm food,2021-07-26,10.74,11.597745268397652 +0.4443329989969909,0.7010000000000001,0.8081983805668019,0.7101958814665997,0.0014381855003315503,0.6626566416040098,0.4944500504540868,17.45,las vegas smm food,2021-07-26,17.45,30.543644290454658 +0.4724172517552657,0.47500000000000003,0.3886639676113362,0.8779507785032648,0.008903580716888586,0.3483709273182956,0.5857719475277497,92.37,los angeles smm food,2021-07-26,92.37,119.15672425031191 +0.7151454363089268,0.128,0.1664979757085021,0.5826217980914115,0.0011804960886498683,0.575438596491228,0.7315842583249244,32.01,kansas city smm food,2021-07-26,32.01,35.39299082496442 +0.27031093279839513,0.10800000000000001,0.5526315789473686,0.6182822702159719,0.0020444204184770307,0.356390977443609,0.32795156407669024,34.78,jacksonville smm food,2021-07-26,34.78,36.08746411175559 +0.34102306920762276,0.671,0.9357287449392717,0.431943746860874,0.005458646837379908,0.4902255639097744,0.12563067608476286,28.23,indianapolis smm food,2021-07-26,28.23,40.21757616296881 +0.5220661985957875,0.021,0.5141700404858303,0.29080863887493724,0.0048878679562225705,0.5669172932330825,0.5252270433905146,100.02,houston smm food,2021-07-26,100.02,123.09139515088282 +0.4939819458375125,0.45599999999999996,0.3395748987854253,0.3812154696132597,0.004219901545106662,0.45162907268170416,0.7588294651866802,66.62,hartford/new haven smm food,2021-07-26,66.62,73.31181594361409 +0.77432296890672,0.188,0.2788461538461541,0.5469613259668509,0.003454747604032183,0.5919799498746865,0.8879919273461151,31.28,harrisburg/lancaster smm food,2021-07-26,31.28,44.74966212366209 +0.4082246740220662,0.577,0.662955465587045,0.7332998493219488,0.0015990039538134847,0.21253132832080193,0.6856710393541877,19.6,knoxville smm food,2021-07-26,19.6,25.60818618929445 +0.5947843530591773,0.282,0.4655870445344131,0.5770969362129583,0.003034973451833276,0.381453634085213,0.30171543895055497,53.83,pittsburgh smm food,2021-08-02,53.83,55.39862016773247 +0.5220661985957872,0.024000000000000004,0.4438259109311743,0.35007533902561533,0.02925566251984148,0.7308270676691727,0.23107971745711403,256.4,rem us east north central smm food,2021-08-02,256.4,267.60860804798574 +0.46690070210631884,0.49400000000000005,0.3001012145748989,0.4113510798593672,0.0051395425044866196,0.3448621553884711,0.1977800201816347,60.18000000000001,raleigh/durham/fayetteville smm food,2021-08-02,60.18000000000001,75.35851865446162 +0.7813440320962888,0.27799999999999997,0.13410931174089075,0.18081366147664493,0.002526559207164011,0.6661654135338344,0.19677093844601412,35.89,providence ri/new bedford ma smm food,2021-08-02,35.89,36.030323927731494 +0.45336008024072216,0.843,0.32742914979757093,0.503264691109995,0.0033607257916618396,0.1969924812030075,0.5605449041372351,34.01,portland or smm food,2021-08-02,34.01,41.38306422248639 +0.16700100300902707,0.8880000000000001,0.6670040485829961,0.3023606228026118,0.005459913124415199,0.3338345864661654,0.7245206861755802,42.56,phoenix/prescott smm food,2021-08-02,42.56,72.99458563562693 +0.5040120361083249,0.536,0.2530364372469637,0.7307885484681066,0.025089261601975863,0.39949874686716785,0.5973763874873865,228.11,new york smm food,2021-08-02,228.11,255.53528061243938 +0.2938816449348043,0.41200000000000003,0.26771255060728766,0.44650929181315924,0.0018171218956423286,0.5393483709273181,0.3546922300706357,4.96,paducah ky/cape girardeau mo smm food,2021-08-02,4.96,4.682065490596983 +0.4814443329989969,0.917,0.6280364372469638,0.3239578101456555,0.005115166479057273,0.7744360902255637,0.8249243188698284,65.22,orlando/daytona beach/melborne smm food,2021-08-02,65.22,91.40557607023621 +0.2547642928786359,0.9560000000000001,0.5010121457489882,0.846308387744852,0.0012026561117674576,0.30576441102756885,0.30625630676084764,12.07,omaha smm food,2021-08-02,12.07,13.69117174182611 +0.49949849548645936,0.019000000000000003,0.5000000000000003,0.5183324962330488,0.0019510317496243313,0.4571428571428569,0.7795156407669022,3.25,oklahoma city smm food,2021-08-02,3.25,5.000901825561371 +0.9032096288866595,0.10700000000000001,0.2656882591093119,0.57659467604219,0.002902963028404208,0.6932330827067669,0.45660948536831486,50.84,norfolk/portsmouth/newport news smm food,2021-08-02,50.84,57.41785851598678 +0.30290872617853565,0.04400000000000001,0.44838056680161964,0.13159216474133603,0.010818206714248312,0.5453634085213032,0.686175580221998,73.04,rem us middle atlantic smm food,2021-08-02,73.04,83.5401655906082 +0.35005015045135424,0.016,0.5197368421052634,0.23455549974886994,0.011794514018457531,0.632080200501253,0.04641775983854692,129.23,philadelphia smm food,2021-08-02,129.23,150.23005874359242 +0.3099297893681043,0.8220000000000001,0.3228744939271257,0.3425414364640884,0.007676232007932957,0.7774436090225562,0.3067608476286579,95.8,rem us mountain smm food,2021-08-02,95.8,128.68048784284326 +0.712136409227683,0.36500000000000005,0.43572874493927166,0.3972877950778504,0.0027908966257809698,0.8105263157894737,0.508577194752775,21.19,sacramento/stockton/modesto smm food,2021-08-02,21.19,27.938846230655436 +0.9814443329989969,0.5790000000000001,0.2828947368421054,0.1150175791059769,0.009210338751187786,0.24862155388471172,0.5045408678102926,49.44,rem us pacific smm food,2021-08-02,49.44,60.07805368355195 +0.10832497492477432,0.42900000000000005,0.6467611336032391,0.6353591160220995,0.025818959506062195,0.7969924812030075,0.6720484359233098,192.67,rem us south atlantic smm food,2021-08-02,192.67,245.13117105816414 +0.47592778335005004,0.141,0.22216599190283415,0.37016574585635365,0.03427870661708135,0.3408521303258144,0.49747729566094856,306.1,rem us south central smm food,2021-08-02,306.1,355.99471038491447 +0.4443329989969909,0.395,0.7849190283400814,0.40934203917629336,0.011892334691933746,0.6541353383458645,0.7457114026236126,66.49,rem us west north central smm food,2021-08-02,66.49,82.95489970243257 +0.9197592778335005,0.9560000000000001,0.48127530364372495,0.48166750376695133,0.002702889676828258,0.6015037593984961,0.4455095862764884,31.07,richmond/petersburg smm food,2021-08-02,31.07,41.068770368048895 +0.6925777331995987,0.277,0.2383603238866398,0.3917629331993973,0.0029118270376512437,0.22706766917293225,0.31079717457114026,26.98,salt lake city smm food,2021-08-02,26.98,31.89808605289224 +0.5732196589769307,0.11100000000000002,0.7165991902834012,0.7373179306880965,0.0018861345390656778,0.08822055137844609,0.31987891019172554,19.75,san diego smm food,2021-08-02,19.75,26.451922235471322 +0.4107321965897692,0.15800000000000003,0.2464574898785426,0.7774987443495731,0.0024110105151937244,0.5248120300751878,0.5353178607467205,35.1,san francisco/oakland/san jose smm food,2021-08-02,35.1,43.999301419005576 +0.06920762286860581,0.132,0.6791497975708506,0.7142139628327474,0.004080293399465848,0.870676691729323,0.39354187689202824,39.9,seattle/tacoma smm food,2021-08-02,39.9,48.61603426745438 +0.24523570712136405,0.771,0.29048582995951433,0.8854846810647916,0.0022330971867353636,0.27819548872180444,0.49293642785065583,34.13,st. louis smm food,2021-08-02,34.13,41.85555568314719 +0.5481444332998996,0.36600000000000005,0.8962550607287455,0.5560020090406831,0.006555567981700582,0.47167919799498736,0.6720484359233098,92.2,tampa/ft. myers smm food,2021-08-02,92.2,130.9185070921789 +0.637913741223671,0.265,0.7697368421052635,0.6609743847312909,0.0013992471739963576,0.6085213032581454,0.46316851664984865,8.9,tucson/sierra vista smm food,2021-08-02,8.9,16.603205878364427 +0.5110330992978936,0.6080000000000001,0.5308704453441296,0.4404821697639378,0.006704040136588428,0.34035087719298246,0.4399596367305752,105.97,washington dc/hagerstown smm food,2021-08-02,105.97,130.00497012776992 +0.4588766298896689,0.037,0.656376518218624,0.20341536916122555,0.002185294851153135,0.6330827067669172,0.2532795156407669,13.72,new orleans smm food,2021-08-02,13.72,9.0374808262737 +0.6910732196589768,0.9880000000000001,0.5425101214574902,0.5148166750376696,0.005027476101863383,0.6852130325814536,0.21846619576185672,90.29,rem us new england smm food,2021-08-02,90.29,102.81784341068445 +0.6760280842527582,0.681,0.7196356275303647,0.4505273731793069,0.004312340498682891,0.10827067669172923,0.5302724520686176,39.58,nashville smm food,2021-08-02,39.58,49.74823075193667 +0.9307923771313942,0.389,0.7474696356275308,0.5831240582621798,0.0006812624249864618,0.46365914786967427,0.507063572149344,3.75,yakima/pasco/richland/kennewick smm food,2021-08-02,3.75,5.077262338962598 +0.33851554663991973,0.40800000000000003,0.7763157894736847,0.17277749874434958,0.0028849184381513136,0.4666666666666667,0.5691220988900101,34.06,minneapolis/st. paul smm food,2021-08-02,34.06,41.44753786601189 +0.43630892678034094,0.729,0.7034412955465592,0.527373179306881,0.0027946954868868427,0.3243107769423558,0.2058526740665994,29.860000000000003,albany/schenectady/troy smm food,2021-08-02,29.860000000000003,33.71933174201122 +0.3420260782347041,0.041,0.5814777327935227,0.6664992466097439,0.0015993205255723062,0.16340852130325811,0.2885973763874874,19.95,albuquerque/santa fe smm food,2021-08-02,19.95,20.277416146800462 +0.5336008024072216,0.564,0.5566801619433202,0.37368156705173283,0.00622601678076615,0.8822055137844611,0.5443995963673057,98.3,atlanta smm food,2021-08-02,98.3,129.83845101362857 +0.17201604814443336,0.9580000000000001,0.9357287449392718,0.3621295831240583,0.0037615056383313843,0.5538847117794485,0.2346115035317861,49.6,baltimore smm food,2021-08-02,49.6,59.12031706257606 +0.08124373119358073,0.041,0.6199392712550611,0.5143144148669011,0.0009120432371682142,0.6776942355889722,0.5529767911200807,2.8,baton rouge smm food,2021-08-02,2.8,2.443266883233065 +0.6439317953861582,0.519,0.35273279352226733,0.4148669010547464,0.0024081613693643193,0.8461152882205512,0.5449041372351161,12.61,birmingham/anniston/tuscaloosa smm food,2021-08-02,12.61,14.011825496520679 +0.5942828485456368,0.9720000000000001,0.571356275303644,0.39276745354093423,0.008260940046478496,0.20200501253132824,0.7134207870837538,109.16,boston/manchester smm food,2021-08-02,109.16,142.10393046919717 +0.7748244734202606,0.188,0.35728744939271273,0.4505273731793069,0.002437919114693653,0.656641604010025,0.8440968718466196,16.4,buffalo smm food,2021-08-02,16.4,21.63763602074023 +0.6454363089267803,0.945,0.7641700404858305,0.30989452536413864,0.004916359414516614,0.9162907268170425,0.698284561049445,60.37,charlotte smm food,2021-08-02,60.37,83.79428122642695 +0.4042126379137412,0.148,0.5030364372469638,0.7930688096433953,0.008420175641166316,0.7398496240601502,0.3884964682139253,137.0,chicago smm food,2021-08-02,137.0,134.16323499547673 +0.7251755265797392,0.6000000000000001,0.5167004048582998,0.35509794073329987,0.0051360602151395715,0.7172932330827068,0.8203834510595358,75.68,cleveland/akron/canton smm food,2021-08-02,75.68,87.0165142368413 +0.537111334002006,0.551,0.3370445344129557,0.21848317428427927,0.004153104903995071,0.7042606516290726,0.6957618567103936,50.96,columbus oh smm food,2021-08-02,50.96,58.801152749109235 +0.7422266800401204,0.9650000000000001,0.46002024291498,0.7418382722250126,0.007316289918151543,0.4401002506265663,0.6453077699293643,56.59,dallas/ft. worth smm food,2021-08-02,56.59,67.18331699214512 +0.4312938816449348,0.08700000000000001,0.5420040485829962,0.5539929683576093,0.0014863044076726015,0.38446115288220545,0.4339051463168517,15.390000000000002,des moines/ames smm food,2021-08-02,15.390000000000002,17.579030576951865 +0.5501504513540622,0.064,0.45597165991902855,0.5665494726268208,0.00705226907129341,0.15187969924812025,0.5711402623612513,103.09,detroit smm food,2021-08-02,103.09,114.49819586929212 +0.5391173520561684,0.265,0.8102226720647778,0.5077850326469111,0.0021153324924533166,0.7157894736842104,0.3375378405650858,18.1,mobile/pensacola smm food,2021-08-02,18.1,20.133333558506862 +0.2562688064192578,0.09600000000000002,0.42813765182186264,0.4600703164239076,0.003864708031707586,0.5849624060150375,0.4939455095862765,31.94,greensboro smm food,2021-08-02,31.94,37.507165648538454 +0.8014042126379136,0.8410000000000001,0.36386639676113386,0.5002511300853842,0.00306821348650966,0.6045112781954887,0.7583249243188699,68.57,grand rapids smm food,2021-08-02,68.57,68.37717163264506 +0.21464393179538616,0.229,0.975708502024292,0.6273229532898041,0.002876054428904278,0.131328320802005,0.5418768920282543,20.4,milwaukee smm food,2021-08-02,20.4,23.431582966426724 +0.6228686058174524,0.22400000000000003,0.7763157894736846,0.7272727272727273,0.0037111707286785747,0.30476190476190473,0.3168516649848638,103.22,miami/west palm beach smm food,2021-08-02,103.22,138.36566569255888 +0.39217652958876614,0.513,0.5723684210526319,0.7127071823204421,0.0010728616906501484,0.5694235588972429,0.6180625630676084,4.46,madison wi smm food,2021-08-02,4.46,8.33197342555627 +0.44633901705115353,0.442,0.6169028340080975,0.90557508789553,0.0020589827193828758,0.9032581453634085,0.31432896064581234,10.8,little rock/pine bluff smm food,2021-08-02,10.8,13.549926709916427 +0.3465396188565697,0.8980000000000001,0.6776315789473688,0.33651431441486696,0.0020858913188828055,0.7749373433583958,0.2669021190716448,16.57,las vegas smm food,2021-08-02,16.57,27.37318060242604 +0.7818455366098294,0.20600000000000002,0.5000000000000002,0.7287795077850328,0.011696693344981317,0.6235588972431076,0.27648839556004035,96.4,los angeles smm food,2021-08-02,96.4,118.21470592361848 +0.7091273821464392,0.777,0.404352226720648,0.7940733299849323,0.0023714390453408855,0.7373433583959897,0.4788092835519677,34.37,kansas city smm food,2021-08-02,34.37,36.24288111934195 +0.34553660982948836,0.9810000000000001,0.5384615384615387,0.7574083375188349,0.0024129099457466598,0.18095238095238092,0.33097880928355194,32.59,jacksonville smm food,2021-08-02,32.59,36.93076385977057 +0.3104312938816448,0.6190000000000001,0.6781376518218626,0.6212958312405826,0.005533041200703244,0.3734335839598997,0.31180625630676084,39.4,indianapolis smm food,2021-08-02,39.4,41.79721066874714 +0.5295887662988968,0.5910000000000001,0.4898785425101217,0.3490708186840784,0.006579944007129931,0.7438596491228069,0.5832492431886983,95.46,houston smm food,2021-08-02,95.46,124.80838891703999 +0.7888665997993981,0.584,0.2494939271255062,0.5364138623807133,0.004770736405458169,0.8601503759398494,0.8476286579212916,66.97,hartford/new haven smm food,2021-08-02,66.97,76.55266890615869 +0.950852557673019,0.8160000000000001,0.24645748987854274,0.3992968357609242,0.003948282976036781,0.4416040100250625,0.536326942482341,28.84,harrisburg/lancaster smm food,2021-08-02,28.84,42.03550750771032 +0.42276830491474415,0.301,0.5622469635627535,0.8915118031140131,0.0020586661476240525,0.47368421052631565,0.665489404641776,19.76,knoxville smm food,2021-08-02,19.76,27.105320379584164 +0.6454363089267802,0.9369999999999999,0.09919028340080968,0.815670517327976,0.0037111707286785743,0.38596491228070173,0.24873864783047428,59.64999999999999,pittsburgh smm food,2021-08-09,59.64999999999999,56.73062510297951 +0.9378134403209626,0.20800000000000002,0.6462550607287453,0.14113510798593673,0.03018480063198612,0.6781954887218044,0.16094853683148336,247.25,rem us east north central smm food,2021-08-09,247.25,266.87518975836247 +0.36409227683049145,0.08100000000000002,0.2783400809716601,0.2923154193872426,0.0050309583912104315,0.6135338345864659,0.6165489404641776,67.86,raleigh/durham/fayetteville smm food,2021-08-09,67.86,77.54429202016502 +0.6369107321965897,0.7610000000000001,0.3284412955465589,0.5745856353591161,0.002905179030715967,0.5052631578947367,0.3819374369323915,35.9,providence ri/new bedford ma smm food,2021-08-09,35.9,39.01392541813443 +0.29538615847542626,0.6080000000000001,0.7186234817813768,0.08136614766449021,0.004290180475565302,0.4636591478696741,0.9752774974772956,36.91,portland or smm food,2021-08-09,36.91,42.193593452698146 +0.19057171514543628,0.7240000000000001,0.4225708502024292,0.6825715720743346,0.006800594523029355,0.20952380952380947,0.8809283551967709,46.12,phoenix/prescott smm food,2021-08-09,46.12,75.69580166825412 +0.5656970912738214,0.7559999999999999,0.6882591093117413,0.4485183324962331,0.026136797551920197,0.8070175438596491,0.5423814328960646,234.8,new york smm food,2021-08-09,234.8,255.47946020149675 +0.6168505516549647,0.9480000000000001,0.27580971659919046,0.09743847312908087,0.0021219804993885937,0.2641604010025062,0.5504540867810293,6.97,paducah ky/cape girardeau mo smm food,2021-08-09,6.97,3.7999681589637504 +0.7216649949849548,0.8140000000000001,0.49240890688259126,0.5233550979407333,0.006079444056431234,0.5619047619047618,0.6574167507568113,65.31,orlando/daytona beach/melborne smm food,2021-08-09,65.31,91.32429881988213 +0.4789368104312939,0.15200000000000002,0.7059716599190288,0.970366649924661,0.0013812025837434633,0.3298245614035087,0.467204843592331,12.09,omaha smm food,2021-08-09,12.09,15.560185772568971 +0.6639919759277833,0.42900000000000005,0.2768218623481783,0.395781014565545,0.002518644913193442,0.6656641604010023,0.5464177598385469,2.79,oklahoma city smm food,2021-08-09,2.79,4.00177040938992 +0.5541624874623868,0.548,0.19078947368421062,0.22400803616273232,0.003269869696879723,0.7513784461152881,0.3486377396569122,53.72,norfolk/portsmouth/newport news smm food,2021-08-09,53.72,54.582028068622776 +0.4393179538615848,0.194,0.5870445344129558,0.3561024610748368,0.01181255860871043,0.2997493734335839,0.843087790110999,78.23,rem us middle atlantic smm food,2021-08-09,78.23,85.49547023993573 +0.6198595787362087,0.35800000000000004,0.5106275303643727,0.2998493219487695,0.01347614320132374,0.7734335839598996,0.289606458123108,130.86,philadelphia smm food,2021-08-09,130.86,153.28940812947033 +0.7031093279839518,0.517,0.3011133603238868,0.3897538925163235,0.009562366546998635,0.7974937343358395,0.1236125126135217,115.63,rem us mountain smm food,2021-08-09,115.63,128.71791991777107 +0.8781344032096287,0.8420000000000001,0.4873481781376523,0.31240582621798096,0.0036795135527963037,0.5609022556390977,0.33955600403632696,23.32,sacramento/stockton/modesto smm food,2021-08-09,23.32,26.35457158826687 +0.7482447342026076,0.654,0.1659919028340082,0.16875941737820194,0.010456365193913955,0.58796992481203,0.42885973763874874,52.58,rem us pacific smm food,2021-08-09,52.58,60.74791390683236 +0.25827482447342026,0.27599999999999997,0.8881578947368425,0.5685585133098946,0.029967315833674926,0.4711779448621554,0.5257315842583249,216.74,rem us south atlantic smm food,2021-08-09,216.74,243.80240295931503 +0.7647943831494481,0.054000000000000006,0.45546558704453466,0.623807132094425,0.037812597160819215,0.3999999999999999,0.5327951564076691,321.57,rem us south central smm food,2021-08-09,321.57,358.9151962648821 +0.4523570712136408,0.123,0.47165991902834037,0.3390256152687092,0.013732249754211306,0.7378446115288219,0.6710393541876892,67.85,rem us west north central smm food,2021-08-09,67.85,82.33434426561617 +0.5586760280842528,0.523,0.2353238866396762,0.41185334003013563,0.002429371677205441,0.5343358395989974,0.3980827447023209,34.56,richmond/petersburg smm food,2021-08-09,34.56,39.19597023837962 +0.6609829488465395,0.043000000000000003,0.2813765182186236,0.4831742842792567,0.003934037246889759,0.48822055137844594,0.2870837537840565,30.550000000000004,salt lake city smm food,2021-08-09,30.550000000000004,33.101652775425194 +0.5897693079237712,0.07800000000000001,0.48734817813765213,0.42340532395781016,0.0017313309490013748,0.23558897243107763,0.5676084762865792,18.52,san diego smm food,2021-08-09,18.52,26.397148440559114 +0.6143430290872617,0.526,0.209008097165992,0.8232044198895029,0.003243910812656262,0.6335839598997492,0.6967709384460141,35.86,san francisco/oakland/san jose smm food,2021-08-09,35.86,46.137055658705634 +0.5200601805416248,0.5910000000000001,0.5313765182186238,0.5158211953792065,0.00481758902576393,0.6170426065162905,0.4308779011099899,44.59,seattle/tacoma smm food,2021-08-09,44.59,47.88866061463146 +0.43129388164493476,0.9400000000000001,0.6153846153846158,0.5926670015067805,0.003765937642954903,0.36942355889724304,0.8834510595358224,35.24,st. louis smm food,2021-08-09,35.24,43.52628572575884 +0.664493480441324,0.29900000000000004,0.5981781376518223,0.5891511803114013,0.00740018143423956,0.3964912280701754,0.6518668012108981,94.56,tampa/ft. myers smm food,2021-08-09,94.56,130.85863458001893 +0.36158475426278835,0.932,0.8056680161943324,0.7865394274234054,0.0015477193288842062,0.29122807017543856,0.44702320887991925,10.23,tucson/sierra vista smm food,2021-08-09,10.23,16.137135867236687 +0.13891675025075223,0.28300000000000003,0.4671052631578948,0.5223505775991965,0.007808559003120849,0.49874686716791977,0.5509586276488395,114.34000000000002,washington dc/hagerstown smm food,2021-08-09,114.34000000000002,130.95332737111278 +0.3881644934804413,0.7730000000000001,0.5420040485829963,0.2973380210949272,0.00276398802628104,0.5854636591478697,0.343087790110999,14.119999999999997,new orleans smm food,2021-08-09,14.119999999999997,10.182452794152177 +0.7021063189568706,0.5860000000000001,0.6892712550607292,0.6192867905575089,0.005595089265432492,0.9548872180451127,0.3748738647830474,93.54,rem us new england smm food,2021-08-09,93.54,105.15879660595142 +0.5080240722166499,0.7140000000000001,0.3289473684210528,0.4339527875439478,0.0007569230753450884,0.4601503759398497,0.822401614530777,3.64,yakima/pasco/richland/kennewick smm food,2021-08-09,3.64,5.2408904440938215 +0.2763289869608826,0.31400000000000006,0.7631578947368425,0.79809141135108,0.005086358449004407,0.17393483709273172,0.8107971745711403,41.75,nashville smm food,2021-08-09,41.75,52.866385586820776 +0.43029087261785354,0.42100000000000004,0.8223684210526322,0.34354595680562533,0.0035291419673555186,0.44511278195488724,0.8602421796165489,41.5,minneapolis/st. paul smm food,2021-08-09,41.5,44.32293702152959 +0.21965897693079234,0.298,0.7818825910931179,0.2566549472626821,0.0023973979295643477,0.46466165413533833,0.6806256306760847,18.44,mobile/pensacola smm food,2021-08-09,18.44,19.41148557175579 +0.5230692076228686,0.268,0.5430161943319842,0.40482169763937725,0.002972608815345203,0.4511278195488721,0.19021190716448033,31.610000000000003,albany/schenectady/troy smm food,2021-08-09,31.610000000000003,33.178269971539024 +0.23420260782347038,0.23700000000000002,0.7363360323886645,0.8920140632847816,0.0021349599415003235,0.46315789473684205,0.45862764883955603,20.25,albuquerque/santa fe smm food,2021-08-09,20.25,23.562358996620446 +0.35255767301905716,0.656,0.6730769230769235,0.46810647915620296,0.007275452161263417,0.6827067669172932,0.5766902119071645,101.3,atlanta smm food,2021-08-09,101.3,129.9080681992493 +0.3284854563691074,0.9300000000000002,0.6786437246963566,0.5434455047714717,0.004125246589218673,0.8320802005012531,0.32795156407669024,54.51,baltimore smm food,2021-08-09,54.51,61.702621121396035 +0.5361083249749248,0.15300000000000002,0.6482793522267211,0.20090406830738325,0.0011814458039263365,0.7483709273182956,0.5075681130171544,2.82,baton rouge smm food,2021-08-09,2.82,1.4696361949063004 +0.5471414242728182,0.004,0.5587044534412958,0.4359618282270216,0.0030109139981627504,0.5398496240601501,0.9298688193743694,12.39,birmingham/anniston/tuscaloosa smm food,2021-08-09,12.39,15.225948887166759 +0.5341023069207622,0.455,0.7403846153846158,0.2029131089904571,0.00995238295386821,0.6040100250626564,0.49747729566094856,118.91,boston/manchester smm food,2021-08-09,118.91,141.0119432940823 +0.6730190571715143,0.852,0.6280364372469639,0.44952285283777,0.005717919107855704,0.5754385964912281,0.6226034308779012,68.53,charlotte smm food,2021-08-09,68.53,83.13274156775879 +0.4358074222668004,0.9369999999999999,0.30971659919028355,0.7589151180311402,0.010306626751990816,0.5197994987468672,0.28910191725529766,131.14,chicago smm food,2021-08-09,131.14,133.27581985074147 +0.9077231695085255,0.18100000000000002,0.6229757085020245,0.7880462079357108,0.005955981070490377,0.4486215538847118,0.6695257315842583,81.13,cleveland/akron/canton smm food,2021-08-09,81.13,88.07987553434313 +0.24022066198595785,0.6280000000000001,0.45242914979757104,0.42893018583626324,0.0038143731220547767,0.5338345864661653,0.6029263370332997,54.05,columbus oh smm food,2021-08-09,54.05,58.504034817588106 +0.4408224674022067,0.49100000000000005,0.4969635627530367,0.5268709191361125,0.008328369831107733,0.33934837092731823,0.4783047426841574,58.56,dallas/ft. worth smm food,2021-08-09,58.56,64.11656808175414 +0.4819458375125376,0.925,0.29402834008097184,0.6519337016574587,0.0015011832803372687,0.5428571428571427,0.5151362260343088,15.479999999999999,des moines/ames smm food,2021-08-09,15.479999999999999,19.423680389295058 +0.36509528585757267,0.259,0.08603238866396766,0.7091913611250629,0.008516730027607243,0.07218045112781953,0.8557013118062563,98.0,detroit smm food,2021-08-09,98.0,116.47930245198577 +0.8239719157472416,0.528,0.5910931174089071,0.8689100954294325,0.0026867445171283003,0.8330827067669172,0.922300706357215,16.9,buffalo smm food,2021-08-09,16.9,25.448896750700158 +0.2843530591775326,0.713,0.5161943319838059,0.3802109492717228,0.0041664009178656244,0.4576441102756891,0.4682139253279516,33.05,greensboro smm food,2021-08-09,33.05,36.93506548494812 +0.6980942828485455,0.5,0.6988866396761139,0.4942240080361628,0.0031264626901330375,0.43809523809523804,0.7053481331987891,60.59,grand rapids smm food,2021-08-09,60.59,67.40309600152162 +0.7326980942828485,0.853,0.44787449392712575,0.9814163736815672,0.004026476200465989,0.6481203007518795,0.43037336024217965,109.22,miami/west palm beach smm food,2021-08-09,109.22,141.85941723513497 +0.3239719157472416,0.8310000000000001,0.6730769230769235,0.401305876443998,0.0011583360655322786,0.41253132832080197,0.4692230070635722,5.58,madison wi smm food,2021-08-09,5.58,5.307979065568517 +0.8385155466399196,0.9990000000000001,0.3537449392712553,0.6765444500251131,0.013089925655560043,0.7804511278195487,0.6614530776992936,93.99,los angeles smm food,2021-08-09,93.99,121.20003539377932 +0.7753259779338013,0.853,0.5364372469635631,0.6594676042189855,0.002317621846341026,0.8706766917293232,0.5650857719475277,10.01,little rock/pine bluff smm food,2021-08-09,10.01,14.218687009753047 +0.6178535606820461,0.778,0.6751012145748991,0.3726770467101959,0.002562331815910977,0.7538847117794484,0.346619576185671,17.85,las vegas smm food,2021-08-09,17.85,28.43903892801638 +0.42276830491474426,0.004,0.7393724696356281,0.5504771471622301,0.0025021831817346627,0.5473684210526314,0.31634712411705346,22.62,knoxville smm food,2021-08-09,22.62,23.391036634762393 +0.30491474423269804,0.8310000000000001,0.5693319838056683,0.5077850326469111,0.004150888901683312,0.4100250626566415,0.496468213925328,19.3,milwaukee smm food,2021-08-09,19.3,23.707424751004687 +0.3776328986960882,0.505,0.8891700404858305,0.7106981416373682,0.0033714892314618116,0.15037593984962402,0.5726538849646822,34.35,jacksonville smm food,2021-08-09,34.35,38.151014185661076 +0.49247743229689056,0.094,0.5318825910931178,0.4992466097438474,0.0048182221692815745,0.8260651629072681,0.5105953582240161,38.95,indianapolis smm food,2021-08-09,38.95,43.52225688989829 +0.7181544633901706,0.8029999999999999,0.5161943319838059,0.6212958312405826,0.007102920552705039,0.5954887218045111,0.37991927346115034,103.5,houston smm food,2021-08-09,103.5,125.23134604107616 +0.45185556670010024,0.722,0.48481781376518246,0.5565042692114516,0.005090790453627924,0.6711779448621553,0.5993945509586277,69.72,hartford/new haven smm food,2021-08-09,69.72,74.33513333837534 +0.7392176529588764,0.41900000000000004,0.30870445344129577,0.3380210949271723,0.004087574549918771,0.48822055137844594,0.417255297679112,31.88,harrisburg/lancaster smm food,2021-08-09,31.88,40.66036051099279 +0.5882647943831493,0.18899999999999997,0.32085020242914997,0.7468608739326972,0.00252877520947577,0.4300751879699247,0.5423814328960646,32.17,kansas city smm food,2021-08-09,32.17,34.88761326467331 +0.7271815446339016,0.6230000000000001,0.4939271255060732,0.48367654445002517,0.02031187718958242,0.5809523809523809,0.4808274470232089,122.34,rem us mountain smm food,2021-08-16,122.34,132.37452867219105 +0.5817452357071213,0.205,0.571862348178138,0.5223505775991965,0.01830702824095823,0.3428571428571428,0.908678102926337,74.55,rem us middle atlantic smm food,2021-08-16,74.55,88.10786526406653 +0.6283851554663991,0.752,0.536943319838057,0.26670015067805125,0.047494944404411654,0.5448621553884712,0.5343087790110999,203.96,rem us east north central smm food,2021-08-16,203.96,271.4500622540795 +0.44583751253761283,0.014000000000000002,0.2661943319838058,0.6619789050728278,0.009859944000291979,0.6736842105263156,0.7764883955600403,70.2,raleigh/durham/fayetteville smm food,2021-08-16,70.2,81.55093808701427 +0.5441323971915747,0.777,0.21811740890688272,0.6474133601205425,0.006126929820254639,0.2140350877192982,0.23511604439959638,32.08,providence ri/new bedford ma smm food,2021-08-16,32.08,37.91756005929131 +0.29989969909729186,0.40199999999999997,0.5394736842105267,0.3992968357609242,0.009618399748310255,0.5709273182957393,0.4919273461150353,37.98,portland or smm food,2021-08-16,37.98,42.09806439808914 +0.5175526579739216,0.496,0.10070850202429146,0.8658965344048217,0.004487088109553026,0.7223057644110275,0.4571140262361251,57.18000000000001,pittsburgh smm food,2021-08-16,57.18000000000001,58.95977383179858 +0.7106318956870611,0.4690000000000001,0.31022267206477755,0.43847312908086394,0.002372388760617354,0.5699248120300751,0.6972754793138244,6.1,paducah ky/cape girardeau mo smm food,2021-08-16,6.1,7.540567029447132 +0.526579739217653,0.933,0.6730769230769235,0.5796082370668006,0.02637960809093721,0.6345864661654134,0.5867810292633704,133.93,philadelphia smm food,2021-08-16,133.93,158.20855517169412 +0.7662988966900702,0.315,0.5915991902834011,0.4148669010547464,0.009575029417351546,0.7027568922305762,0.3496468213925328,64.63,orlando/daytona beach/melborne smm food,2021-08-16,64.63,89.75193969362982 +0.5130391173520561,0.51,0.7479757085020249,0.6579608237066801,0.0022622217885470523,0.38947368421052625,0.4939455095862765,13.41,omaha smm food,2021-08-16,13.41,14.48327166509948 +0.9468405215646938,0.6190000000000001,0.5060728744939273,0.5062782521346058,0.0029878042597686907,0.8155388471177943,0.2941473259334006,5.99,oklahoma city smm food,2021-08-16,5.99,4.4016043578931345 +0.46389167502507483,0.589,0.5055668016194335,0.34505273731793074,0.006852828863235101,0.7844611528822054,0.1781029263370333,53.86,norfolk/portsmouth/newport news smm food,2021-08-16,53.86,54.95397682038535 +0.4398194583751253,0.242,0.05870445344129541,0.8598694123556003,0.013687296564458487,0.5969924812030074,0.856710393541877,46.61,phoenix/prescott smm food,2021-08-16,46.61,78.7097236183053 +0.4052156469408224,0.8260000000000001,0.5693319838056683,0.5640381717729784,0.010369307960237712,0.7142857142857141,0.4339051463168517,93.62,rem us new england smm food,2021-08-16,93.62,104.65477569735828 +0.681544633901705,0.808,0.6654858299595146,0.36464088397790057,0.05278865735544494,0.6997493734335839,0.5095862764883955,236.15,new york smm food,2021-08-16,236.15,258.43114568649355 +0.4663991975927783,0.22400000000000003,0.49493927125506076,0.5816172777498745,0.046132102982679904,0.15639097744360908,0.6180625630676084,210.27,rem us south atlantic smm food,2021-08-16,210.27,245.79561450046631 +0.8054162487462385,0.333,0.6659919028340084,0.6835760924158715,0.054749502829592775,0.24962406015037591,0.7381432896064581,327.51,rem us south central smm food,2021-08-16,327.51,362.69031408447324 +0.16800401203610832,0.8660000000000001,0.47267206477732815,0.7388247112004018,0.01704422349501445,0.3959899749373433,0.4026236125126135,75.71,rem us west north central smm food,2021-08-16,75.71,82.34622296585432 +0.2201604814443331,0.934,0.6072874493927128,0.46308387744851837,0.005028109245381028,0.5899749373433583,0.14228052472250252,35.68,richmond/petersburg smm food,2021-08-16,35.68,38.397837374449445 +0.8921765295887661,0.258,0.4878542510121462,0.5896534404821698,0.004215152968724321,0.4225563909774435,0.6130171543895055,25.26,sacramento/stockton/modesto smm food,2021-08-16,25.26,28.926984170299797 +0.627382146439318,0.8490000000000001,0.3830971659919031,0.41386238071320947,0.008152039361443484,0.5588972431077692,0.32694248234106965,29.860000000000003,salt lake city smm food,2021-08-16,29.860000000000003,34.12701236400973 +0.6158475426278835,0.238,0.06983805668016198,0.16122551481667505,0.003438285872573402,0.7022556390977442,0.3738647830474268,24.47,san diego smm food,2021-08-16,24.47,25.321400141810294 +0.5822467402206619,0.4610000000000001,0.33046558704453455,0.6911099949773983,0.004625429968158548,0.7543859649122805,0.5211907164480323,47.31,san francisco/oakland/san jose smm food,2021-08-16,47.31,44.922354360872205 +0.4859578736208625,0.641,0.6735829959514172,0.6012054244098444,0.013348564782518193,0.38696741854636574,0.5156407669021191,48.96,seattle/tacoma smm food,2021-08-16,48.96,49.40994770332172 +0.42226680040120357,0.923,0.738866396761134,0.2099447513812155,0.004748576382340579,0.5443609022556389,0.6251261352169526,32.1,st. louis smm food,2021-08-16,32.1,40.570636423205 +0.6003009027081243,0.126,0.2828947368421055,0.7769964841788047,0.009756425035156955,0.4837092731829573,0.7310797174571141,95.26,tampa/ft. myers smm food,2021-08-16,95.26,132.61542952265694 +0.3430290872617853,0.19599999999999998,0.6047570850202432,0.5188347564038173,0.0029042293154394987,0.3704260651629072,0.42936427850655906,8.24,tucson/sierra vista smm food,2021-08-16,8.24,14.444467401526076 +0.35406218655967897,0.8800000000000001,0.6174089068825912,0.8553490708186842,0.01845043524770491,0.6952380952380951,0.3002018163471241,111.33,washington dc/hagerstown smm food,2021-08-16,111.33,134.23898544206048 +0.32748244734202603,0.458,0.3805668016194334,0.5334003013561025,0.0013789865814317042,0.46365914786967427,0.44904137235116043,3.55,yakima/pasco/richland/kennewick smm food,2021-08-16,3.55,3.357531630188646 +0.36359077231695075,0.7389999999999999,0.3254048582995953,0.16122551481667505,0.015244829617866199,0.8080200501253132,0.3980827447023209,61.45,rem us pacific smm food,2021-08-16,61.45,61.377075990213136 +0.4658976930792376,0.42900000000000005,0.4807692307692312,0.4269211451531894,0.004885335382151988,0.7493734335839598,0.40615539858728555,15.720000000000002,new orleans smm food,2021-08-16,15.720000000000002,12.028774333616546 +0.5125376128385154,0.45999999999999996,0.42257085020242946,0.20190858864892017,0.006879420890976209,0.37493734335839596,0.2815338042381433,40.16,grand rapids smm food,2021-08-16,40.16,63.11044569053589 +0.07221664994984954,0.32000000000000006,0.5754048582995953,0.4937217478653943,0.0031397587040035914,0.4651629072681704,0.9152371342078709,18.73,mobile/pensacola smm food,2021-08-16,18.73,21.87270991058608 +0.2652958876629889,0.15800000000000003,0.3669028340080974,0.8503264691109996,0.0037463101939078937,0.5719298245614034,0.3920282542885974,20.77,albuquerque/santa fe smm food,2021-08-16,20.77,23.291362724635135 +0.6198595787362086,0.119,0.4509109311740893,0.5479658463083878,0.016380372516763244,0.6812030075187968,0.17709384460141273,104.25,atlanta smm food,2021-08-16,104.25,129.38822311852098 +0.5140421263791375,0.49000000000000005,0.4752024291497978,0.7790055248618786,0.009843798840592024,0.5944862155388472,0.2532795156407669,54.92,baltimore smm food,2021-08-16,54.92,62.66946850307566 +0.9418254764292878,0.033,0.7975708502024296,0.4399799095931693,0.0014723752502844025,0.6536340852130325,0.3612512613521695,2.95,baton rouge smm food,2021-08-16,2.95,2.449786644483922 +0.4117352056168504,0.7789999999999999,0.5541497975708505,0.623807132094425,0.003549085988161349,0.30426065162907256,0.8602421796165489,12.93,birmingham/anniston/tuscaloosa smm food,2021-08-16,12.93,15.374420525653896 +0.49799398194583744,0.18300000000000002,0.6806680161943324,0.18533400301356104,0.022456650855606247,0.6521303258145362,0.23662966700302726,112.20999999999998,boston/manchester smm food,2021-08-16,112.20999999999998,141.0862342518792 +0.8279839518555665,0.017,0.7358299595141705,0.970366649924661,0.0036336106477670117,0.5438596491228069,0.9187689202825429,14.29,buffalo smm food,2021-08-16,14.29,25.105748697558056 +0.6033099297893679,0.634,0.2656882591093119,0.7453540934203918,0.008426190504583948,0.5548872180451128,0.6180625630676084,67.28,charlotte smm food,2021-08-16,67.28,84.67969553582125 +0.5641925777331995,0.894,0.4372469635627533,0.7182320441988951,0.01865399088862791,0.7142857142857142,0.3829465186680121,115.44,chicago smm food,2021-08-16,115.44,135.63524905446548 +0.5922768304914744,0.47500000000000003,0.7388663967611341,0.8769462581617279,0.007351745955139686,0.5328320802005013,0.7043390514631686,72.97,cleveland/akron/canton smm food,2021-08-16,72.97,88.92864961302723 +0.3405215646940822,0.24,0.5880566801619436,0.5208437970868911,0.00800388377831446,0.31578947368421045,0.4525731584258325,45.92,columbus oh smm food,2021-08-16,45.92,58.144017899535825 +0.1730190571715146,0.9369999999999999,0.4352226720647776,0.6740331491712708,0.014733566227367528,0.5208020050125313,0.22855701311806256,60.29,dallas/ft. worth smm food,2021-08-16,60.29,64.69752105865118 +0.23420260782347038,0.6080000000000001,0.5754048582995955,0.4640883977900553,0.0016246462662781235,0.6230576441102755,0.20433905146316853,14.830000000000002,des moines/ames smm food,2021-08-16,14.830000000000002,16.42518829380461 +0.32597793380140416,0.8140000000000001,0.38410931174089086,0.6976393771973883,0.016582661870650956,0.29624060150375936,0.6553985872855701,81.99,detroit smm food,2021-08-16,81.99,117.45455660295664 +0.2557673019057171,0.401,0.78087044534413,0.4665996986438976,0.010034058467644469,0.26365914786967404,0.6559031281533805,42.52,nashville smm food,2021-08-16,42.52,51.0619511693911 +0.5536609829488465,0.782,0.2419028340080974,0.3822199899547966,0.0062272830678014365,0.34987468671679195,0.16246215943491424,30.81,albany/schenectady/troy smm food,2021-08-16,30.81,33.13783928536202 +0.5135406218655968,0.217,0.342105263157895,0.1908588648920141,0.008412577918954571,0.6120300751879697,0.437941473259334,31.72,harrisburg/lancaster smm food,2021-08-16,31.72,40.48053299034778 +0.7617853560682046,0.41600000000000004,0.3026315789473686,0.7418382722250126,0.006140225834125192,0.6055137844611527,0.558526740665994,31.78,greensboro smm food,2021-08-16,31.78,40.792192070494714 +0.6183550651955867,0.9570000000000001,0.42712550607287486,0.3405323957810146,0.003963794992219094,0.7117794486215538,0.929364278506559,39.03,minneapolis/st. paul smm food,2021-08-16,39.03,45.91322359844953 +0.5631895687061184,0.8820000000000001,0.34615384615384626,0.6057257659467605,0.008007682639420331,0.8471177944862153,0.4021190716448032,18.15,milwaukee smm food,2021-08-16,18.15,25.93523017697722 +0.5466399197592777,0.26,0.2631578947368422,0.5565042692114516,0.008553452351630676,0.6601503759398496,0.508577194752775,104.91,miami/west palm beach smm food,2021-08-16,104.91,139.85734225023722 +0.8590772316950853,0.169,0.3755060728744941,0.5228528377699649,0.02605955404276746,0.6776942355889722,0.6180625630676084,113.72,los angeles smm food,2021-08-16,113.72,121.23950292326784 +0.458876629889669,0.7000000000000001,0.4974696356275307,0.5092918131592166,0.00430505934822997,0.5794486215538848,0.4162462159434914,11.2,little rock/pine bluff smm food,2021-08-16,11.2,11.252852977593427 +0.7271815446339015,0.414,0.5253036437246966,0.5057759919638373,0.002260005786235293,0.5483709273182957,0.2265388496468214,4.2,madison wi smm food,2021-08-16,4.2,5.4643862910601655 +0.2813440320962889,0.085,0.7358299595141705,0.12807634354595682,0.0042686535959653585,0.2656641604010023,0.32088799192734613,21.55,knoxville smm food,2021-08-16,21.55,20.17529951371659 +0.31945837512537617,0.072,0.034919028340080996,0.6243093922651934,0.0029419013547394004,0.17493734335839597,0.6150353178607467,32.28,kansas city smm food,2021-08-16,32.28,33.19895767974116 +0.27231695085255764,0.8580000000000001,0.9372469635627533,0.5730788548468106,0.005374438749533067,0.6380952380952379,0.6770938446014128,33.59,jacksonville smm food,2021-08-16,33.59,39.777073055114265 +0.6539618856569708,0.22000000000000003,0.6943319838056684,0.3681567051732798,0.008240996025672666,0.9624060150375937,0.6745711402623612,33.44,indianapolis smm food,2021-08-16,33.44,45.052028262772055 +0.6213640922768306,0.7530000000000001,0.44989878542510137,0.6263184329482673,0.013556868999823533,0.726315789473684,0.549949545913219,92.04,houston smm food,2021-08-16,92.04,127.33372995543999 +0.41524573721163494,0.531,0.6604251012145753,0.22451029633350078,0.01170777335654011,0.5208020050125313,0.34510595358224017,63.01,hartford/new haven smm food,2021-08-16,63.01,71.38449325505363 +0.7256770310932797,0.96,0.6963562753036441,0.7262682069311904,0.004474425239200117,0.5874686716791979,0.7744702320887992,20.03,las vegas smm food,2021-08-16,20.03,32.97311257965983 +0.10280842527582747,0.10700000000000001,0.26113360323886653,0.760924158714214,0.007938036852479336,0.39949874686716785,0.3713420787083754,39.42,portland or smm food,2021-08-23,39.42,42.06796917912035 +0.6058174523570712,0.031,0.4235829959514172,0.49723756906077354,0.015583244828047673,0.6145363408521302,0.7088799192734612,89.23,rem us middle atlantic smm food,2021-08-23,89.23,87.13337146490109 +0.531594784353059,0.40700000000000003,0.36285425101214586,0.40331491712707185,0.04178398987525005,0.3859649122807016,0.5297679112008072,212.46,rem us east north central smm food,2021-08-23,212.46,270.48327920528675 +0.4132397191574724,0.191,0.2201417004048584,0.47413360120542447,0.008818739485524103,0.632581453634085,0.677598385469223,69.45,raleigh/durham/fayetteville smm food,2021-08-23,69.45,79.6282491486996 +0.7342026078234704,0.51,0.5106275303643727,0.395781014565545,0.005180696833133574,0.594486215538847,0.36427850655903127,38.16,providence ri/new bedford ma smm food,2021-08-23,38.16,38.64148193733195 +0.2116349047141423,0.07500000000000001,0.38309716599190297,0.5770969362129583,0.004043887647201238,0.8175438596491226,0.4601412714429869,63.47999999999999,pittsburgh smm food,2021-08-23,63.47999999999999,57.02405411840838 +0.7753259779338009,0.42800000000000005,0.8375506072874499,0.31592164741336015,0.005986371959337357,0.4526315789473684,0.14833501513622604,51.96,norfolk/portsmouth/newport news smm food,2021-08-23,51.96,54.1124160544293 +0.22066198595787379,0.44400000000000006,0.8577935222672068,0.9547965846308388,0.022108738492660093,0.8345864661654133,0.5317860746720484,145.22,philadelphia smm food,2021-08-23,145.22,159.4325953201608 +0.7723169508525575,0.36400000000000005,0.564777327935223,0.6127574083375189,0.00202321011063591,0.4501253132832079,0.5978809283551968,5.42,paducah ky/cape girardeau mo smm food,2021-08-23,5.42,7.751829883821657 +0.794383149448345,0.388,0.5865384615384618,0.3274736313410347,0.009375905781052064,0.8546365914786966,0.03279515640766902,64.37,orlando/daytona beach/melborne smm food,2021-08-23,64.37,87.93534411057973 +0.45336008024072205,0.477,0.48228744939271295,0.5836263184329483,0.0016553537268839261,0.4741854636591478,0.47124117053481335,15.19,omaha smm food,2021-08-23,15.19,13.826316090407886 +0.487963891675025,0.40199999999999997,0.48886639676113397,0.40934203917629336,0.002510730619222874,0.6155388471177943,0.31029263370333,7.619999999999999,oklahoma city smm food,2021-08-23,7.619999999999999,2.3784250625232346 +0.5747241725175526,0.564,0.5339068825910934,0.47162230035158215,0.018856596814274446,0.3674185463659147,0.6922300706357215,111.98,rem us mountain smm food,2021-08-23,111.98,132.4076283131839 +0.6213640922768304,0.828,0.3861336032388664,0.5740833751883476,0.012100322337480266,0.48370927318295726,0.8254288597376388,49.28,phoenix/prescott smm food,2021-08-23,49.28,77.09149422468533 +0.346038114343029,0.867,0.3147773279352229,0.8282270215971874,0.009454732148998916,0.4877192982456138,0.627648839556004,91.97,rem us new england smm food,2021-08-23,91.97,106.22492948857739 +0.6920762286860581,0.919,0.6255060728744942,0.3962832747363135,0.006756591048552999,0.719799498746867,0.450050454086781,31.410000000000004,salt lake city smm food,2021-08-23,31.410000000000004,35.329348740161606 +0.537111334002006,0.8300000000000001,0.3977732793522267,0.6459065796082372,0.04073677049706453,0.30827067669172936,0.9046417759838546,215.01,rem us south atlantic smm food,2021-08-23,215.01,247.87392682893466 +0.48194583751253756,0.8029999999999999,0.5192307692307694,0.46810647915620296,0.049146182698430886,0.18496240601503755,0.6109989909182644,327.08,rem us south central smm food,2021-08-23,327.08,359.3202429015098 +0.5010030090270812,0.229,0.8739878542510126,0.5600200904068308,0.015379689187124668,0.3964912280701754,0.3753784056508577,81.88,rem us west north central smm food,2021-08-23,81.88,81.43690240489876 +0.36258776328986964,0.9730000000000001,0.9230769230769237,0.41185334003013563,0.004570346482123396,0.538345864661654,0.4384460141271443,32.54,richmond/petersburg smm food,2021-08-23,32.54,40.04420733239929 +0.49147442326980934,0.48700000000000004,0.46406882591093157,0.6223003515821196,0.003840332006278239,0.23157894736842097,0.6397578203834511,22.53,sacramento/stockton/modesto smm food,2021-08-23,22.53,28.04859511368725 +0.48395185556670006,0.6360000000000001,0.30465587044534426,0.27774987443495736,0.003144823852144754,0.7974937343358395,0.3385469223007064,24.25,san diego smm food,2021-08-23,24.25,26.144838590617674 +0.600802407221665,0.8890000000000001,0.19331983805668027,0.6233048719236565,0.004213886681689031,0.6456140350877191,0.5105953582240161,39.17,san francisco/oakland/san jose smm food,2021-08-23,39.17,44.223423686781985 +0.07422266800401194,0.16100000000000003,0.7580971659919032,0.5097940733299849,0.011966729055257086,0.5278195488721802,0.33097880928355194,41.47,seattle/tacoma smm food,2021-08-23,41.47,47.20163406523258 +0.3605817452357071,0.8320000000000001,0.6219635627530368,0.3129080863887494,0.003986904730613151,0.21102756892230576,0.6680121089808274,35.86,st. louis smm food,2021-08-23,35.86,40.05336735283092 +0.26429287863590767,0.785,0.14018218623481798,0.8864892014063286,0.009275552533505265,0.4245614035087718,0.6463168516649849,92.22,tampa/ft. myers smm food,2021-08-23,92.22,132.1582777264123 +0.2602808425275827,0.5700000000000001,0.564777327935223,0.3380210949271723,0.0028991641672983354,0.3734335839598997,0.5726538849646822,9.82,tucson/sierra vista smm food,2021-08-23,9.82,14.258887619647005 +0.44734202607823464,0.605,0.6113360323886641,0.689603214465093,0.016706441428350628,0.6105263157894736,0.15993945509586277,108.33,washington dc/hagerstown smm food,2021-08-23,108.33,131.99425288144 +0.34152457372116346,0.722,0.6831983805668019,0.5253641386238072,0.0010589325332619492,0.4516290726817043,0.44853683148335016,3.61,yakima/pasco/richland/kennewick smm food,2021-08-23,3.61,3.556311970500289 +0.5656970912738215,0.025,0.6892712550607292,0.4997488699146158,0.04753578216129979,0.24310776942355883,0.24924318869828452,252.5,new york smm food,2021-08-23,252.5,255.00260369225043 +0.5466399197592777,0.40199999999999997,0.7641700404858304,0.38874937217478656,0.01315830515546575,0.71328320802005,0.21392532795156408,58.43000000000001,rem us pacific smm food,2021-08-23,58.43000000000001,61.44230876519631 +0.3360080240722165,0.10300000000000001,0.2985829959514173,0.2556504269211452,0.0043974983018061995,0.6857142857142856,0.6710393541876892,14.19,new orleans smm food,2021-08-23,14.19,11.839030490294853 +0.2803410230692076,0.6910000000000001,0.46002024291498,0.29181315921647416,0.008746561124512525,0.5197994987468669,0.3420787083753784,40.53,nashville smm food,2021-08-23,40.53,48.834173333838386 +0.21614844533600802,0.319,0.5389676113360325,0.6077348066298344,0.002628811885263745,0.681704260651629,0.43693239152371344,17.45,mobile/pensacola smm food,2021-08-23,17.45,20.569644736273432 +0.6715145436308926,0.802,0.38309716599190313,0.7850326469111,0.003043520889321488,0.5102756892230575,0.38092835519677093,22.51,albuquerque/santa fe smm food,2021-08-23,22.51,23.548118361528665 +0.6364092276830491,0.926,0.3410931174089071,0.317930688096434,0.014693361613997048,0.7413533834586465,0.11604439959636731,100.76,atlanta smm food,2021-08-23,100.76,128.00023509561257 +0.25576730190571717,0.188,0.43927125506072895,0.4746358613761929,0.008861793244723993,0.3433583959899749,0.36881937436932394,53.6,baltimore smm food,2021-08-23,53.6,60.08885336725794 +0.765295887662989,0.8420000000000001,0.5526315789473687,0.7287795077850328,0.0011855612367910318,0.34085213032581446,0.4031281533804238,2.83,baton rouge smm food,2021-08-23,2.83,3.2678869250729576 +0.1519558676028083,0.7389999999999999,0.5703441295546562,0.45856353591160226,0.003513946522932029,0.325814536340852,0.5353178607467205,13.31,birmingham/anniston/tuscaloosa smm food,2021-08-23,13.31,12.166007658248397 +0.3585757271815446,0.7730000000000001,0.4671052631578951,0.5203415369161226,0.019693929116360497,0.6912280701754384,0.3920282542885974,115.51,boston/manchester smm food,2021-08-23,115.51,143.54717057622608 +0.8490471414242727,0.801,0.8537449392712556,0.9507785032646912,0.0037903136683842507,0.26365914786967415,0.5837537840565086,22.5,buffalo smm food,2021-08-23,22.5,22.67672648330806 +0.48996990972918747,0.7960000000000002,0.3446356275303646,0.4148669010547464,0.007237780121963511,0.593483709273183,0.31735620585267404,69.19,charlotte smm food,2021-08-23,69.19,80.93175075605754 +0.5356068204613841,0.269,0.5774291497975712,0.527373179306881,0.016919177650279487,0.5844611528822055,0.4581231079717457,114.99000000000001,chicago smm food,2021-08-23,114.99000000000001,134.0808759683844 +0.2913741223671013,0.961,0.5764170040485833,0.6474133601205425,0.007163069186881354,0.6401002506265664,0.6195761856710393,76.86,cleveland/akron/canton smm food,2021-08-23,76.86,87.05332138965056 +0.47592778335005004,0.687,0.5662955465587046,0.24359618282270218,0.007666101711650632,0.7453634085213031,0.4682139253279516,53.3,columbus oh smm food,2021-08-23,53.3,58.348805726349 +0.4809428284854564,0.878,0.8254048582995955,0.7679558011049724,0.013041173604701342,0.6771929824561403,0.44803229061553984,62.49000000000001,dallas/ft. worth smm food,2021-08-23,62.49000000000001,67.47653323764371 +0.38766298896690066,0.227,0.5632591093117413,0.5354093420391763,0.0014669935303844163,0.38947368421052625,0.4717457114026236,16.71,des moines/ames smm food,2021-08-23,16.71,17.709702735473613 +0.40170511534603814,0.145,0.8593117408906887,0.6353591160220995,0.01425332686923349,0.6295739348370926,0.3763874873864783,87.72,detroit smm food,2021-08-23,87.72,116.29187455938089 +0.39468405215646934,0.9660000000000001,0.17661943319838075,0.4485183324962331,0.006035440581954877,0.7614035087719297,0.12361251261352169,45.65,grand rapids smm food,2021-08-23,45.65,64.57257497313296 +0.834002006018054,0.49800000000000005,0.4154858299595145,0.653440482169764,0.0053785541823977625,0.10827067669172931,0.08123107971745712,33.49,albany/schenectady/troy smm food,2021-08-23,33.49,33.794132915635856 +0.4914744232698094,0.643,0.1811740890688261,0.5760924158714215,0.007621781665415453,0.5117794486215537,0.20433905146316853,35.43,harrisburg/lancaster smm food,2021-08-23,35.43,40.97298508382231 +0.5140421263791374,0.674,0.1346153846153847,0.7398292315419388,0.005083192731416179,0.70125313283208,0.4384460141271443,38.25,greensboro smm food,2021-08-23,38.25,39.83662849550411 +0.6409227683049147,0.132,0.349696356275304,0.38422903063787045,0.0031074683846036757,0.7568922305764411,0.5368314833501514,40.45,minneapolis/st. paul smm food,2021-08-23,40.45,43.51693563966382 +0.7131394182547642,0.10200000000000001,0.34919028340080976,0.7453540934203918,0.00652137823174773,0.5538847117794485,0.4162462159434914,20.05,milwaukee smm food,2021-08-23,20.05,25.590473611074692 +0.5376128385155465,0.934,0.724696356275304,0.3666499246609744,0.007809508718397317,0.5418546365914786,0.18113017154389505,101.91,miami/west palm beach smm food,2021-08-23,101.91,136.98030884382595 +0.409729187562688,0.771,0.3755060728744941,0.20441988950276246,0.02425921045034273,0.8125313283208017,0.1574167507568113,114.06,los angeles smm food,2021-08-23,114.06,116.44114890837858 +0.22066198595787362,0.7860000000000001,0.8097165991902838,0.7574083375188349,0.004042304788407125,0.6035087719298244,0.384460141271443,11.14,little rock/pine bluff smm food,2021-08-23,11.14,12.359822551632512 +0.6725175526579737,0.383,0.04301619433198383,0.6082370668006027,0.0021260959322532886,0.707268170426065,0.38597376387487387,6.57,madison wi smm food,2021-08-23,6.57,7.048382207507856 +0.20812437311935808,0.738,0.7292510121457496,0.3691612255148167,0.0038491960155252742,0.18746867167919784,0.3350151362260343,20.61,knoxville smm food,2021-08-23,20.61,21.512277974390535 +0.35707121364092276,0.687,0.3152834008097168,0.6007031642390759,0.0027187182647693932,0.09373433583959899,0.2729566094853683,31.010000000000005,kansas city smm food,2021-08-23,31.010000000000005,31.31700888168293 +0.2101303911735205,0.043000000000000003,0.8704453441295549,0.527373179306881,0.004320887936171104,0.7378446115288219,0.3910191725529768,32.52,jacksonville smm food,2021-08-23,32.52,37.497052238886404 +0.42978936810431284,0.331,0.5212550607287453,0.3129080863887494,0.007211188094222405,0.6225563909774434,0.8143289606458123,31.200000000000003,indianapolis smm food,2021-08-23,31.200000000000003,43.920815741974565 +0.7668004012036109,0.32400000000000007,0.348178137651822,0.5750878955298845,0.012506483904049796,0.5593984962406013,0.7240161453077699,87.72,houston smm food,2021-08-23,87.72,127.3663761514915 +0.7567703109327983,0.771,0.46457489878542535,0.3621295831240583,0.010617500219154714,0.35288220551378446,0.3602421796165489,75.38,hartford/new haven smm food,2021-08-23,75.38,72.14751462808513 +0.7587763289869608,0.992,0.8734817813765186,0.5248618784530388,0.0038615423141193594,0.6932330827067669,0.7073662966700303,19.53,las vegas smm food,2021-08-23,19.53,31.850345570318076 +0.3009027081243731,0.979,0.3608299595141703,0.5549974886991462,0.001987754073647766,0.36691729323308264,0.8577194752774975,36.37,portland or smm food,2021-08-30,36.37,43.563144483780924 +0.8350050150451352,0.17400000000000002,0.4008097165991904,0.28628829733802114,0.00706271593933456,0.5974937343358394,0.6311806256306761,79.44,rem us middle atlantic smm food,2021-08-30,79.44,84.65778696828053 +0.554162487462387,0.7910000000000001,0.04504048582995944,0.4028126569563034,0.02025679370354726,0.407017543859649,0.4772956609485368,255.94999999999996,rem us east north central smm food,2021-08-30,255.94999999999996,267.2334649042883 +0.23370110330992977,0.6360000000000001,0.2768218623481783,0.13360120542440987,0.0032635382617032683,0.5979949874686716,0.384460141271443,68.23,raleigh/durham/fayetteville smm food,2021-08-30,68.23,75.03256673292046 +0.7552657973921765,0.27599999999999997,0.5708502024291502,0.3761928679055751,0.001427738632290401,0.7989974937343357,0.4419778002018164,28.299999999999997,providence ri/new bedford ma smm food,2021-08-30,28.299999999999997,39.04805772405259 +0.3355065195586759,0.18300000000000002,0.7545546558704456,0.4028126569563034,0.003117598680886002,0.6170426065162907,0.40514631685166497,56.8,pittsburgh smm food,2021-08-30,56.8,55.439396633646346 +0.5521564694082243,0.233,0.8431174089068829,0.1079859367152185,0.0021010867633062943,0.41102756892230585,0.2598385469223007,49.23,norfolk/portsmouth/newport news smm food,2021-08-30,49.23,52.433811814675636 +0.5090270812437313,0.7090000000000001,0.6103238866396764,0.5806127574083376,0.007576195332144983,0.8416040100250625,0.6579212916246217,135.98,philadelphia smm food,2021-08-30,135.98,156.4500158465408 +0.6399197592778333,0.34400000000000003,0.6670040485829963,0.3676544450025113,0.0014166586207316066,0.1463659147869674,0.591321897073663,4.33,paducah ky/cape girardeau mo smm food,2021-08-30,4.33,5.1173717796338565 +0.8871614844533598,0.22999999999999998,0.6174089068825914,0.2014063284781517,0.005278517506609789,0.4270676691729322,0.3360242179616549,65.1,orlando/daytona beach/melborne smm food,2021-08-30,65.1,87.17067360255163 +0.5050150451354062,0.8470000000000001,0.3274291497975712,0.5565042692114516,0.0007072213092099237,0.833082706766917,0.3834510595358224,13.16,omaha smm food,2021-08-30,13.16,14.30277323018636 +0.3194583751253761,0.009,0.4767206477732797,0.6454043194374687,0.0015236598752136792,0.42907268170426044,0.384460141271443,5.2,oklahoma city smm food,2021-08-30,5.2,2.973499893001801 +0.6619859578736208,0.819,0.3911943319838059,0.37368156705173283,0.007605003362197851,0.4822055137844611,0.6064581231079718,113.30000000000001,rem us mountain smm food,2021-08-30,113.30000000000001,130.2981853823424 +0.3189568706118355,0.343,0.6751012145748989,0.2661978905072828,0.004913193696928386,0.16491228070175434,0.5015136226034309,49.55,phoenix/prescott smm food,2021-08-30,49.55,70.90160984554464 +0.4087261785356068,0.025,0.5617408906882595,0.4269211451531894,0.0033825692430206043,0.7057644110275686,0.6977800201816348,88.4,rem us new england smm food,2021-08-30,88.4,104.01981943053762 +0.44132397191574724,0.993,0.8345141700404863,0.47815168257157215,0.002044103846718207,0.5709273182957393,0.46871846619576185,30.740000000000002,salt lake city smm food,2021-08-30,30.740000000000002,34.525958562912805 +0.6955867602808423,0.37900000000000006,0.6280364372469637,0.6433952787543948,0.022442088554700396,0.5218045112781955,0.946518668012109,206.68,rem us south atlantic smm food,2021-08-30,206.68,246.38441821384117 +0.4262788365095285,0.572,0.33957489878542524,0.7101958814665997,0.02864404588179602,0.3834586466165413,0.4682139253279516,345.89,rem us south central smm food,2021-08-30,345.89,357.298930164558 +0.5471414242728184,0.22599999999999998,0.5495951417004051,0.6037167252636867,0.010256608414096828,0.3548872180451127,0.4318869828456105,79.28,rem us west north central smm food,2021-08-30,79.28,81.04245766566002 +0.3074222668004012,0.323,0.6781376518218627,0.6745354093420393,0.0016392085671839676,0.3604010025062656,0.7820383451059536,35.06,richmond/petersburg smm food,2021-08-30,35.06,42.03364065342618 +0.5030090270812436,0.868,0.1295546558704456,0.5474635861376194,0.0027804497577398214,0.12731829573934833,0.3829465186680121,23.7,sacramento/stockton/modesto smm food,2021-08-30,23.7,25.65175890754336 +0.41474423269809424,0.788,0.7343117408906886,0.5002511300853842,0.0011114834452265175,0.5072681704260651,0.7472250252270434,19.87,san diego smm food,2021-08-30,19.87,28.818911807947167 +0.40772316950852555,0.071,0.5480769230769235,0.8739326971371171,0.0023733384758938226,0.45062656641604004,0.4667003027245207,38.8,san francisco/oakland/san jose smm food,2021-08-30,38.8,44.05745963844845 +0.4423269809428283,0.536,0.7327935222672068,0.2832747363134104,0.002553784378422764,0.5047619047619046,0.24470232088799193,46.3,seattle/tacoma smm food,2021-08-30,46.3,44.78024928510655 +0.458876629889669,0.7040000000000002,0.571356275303644,0.46760421898543447,0.003052068326809702,0.13684210526315788,0.8980827447023209,40.08,st. louis smm food,2021-08-30,40.08,41.984590905566506 +0.4684052156469409,0.273,0.25050607287449417,0.47764942240080366,0.00590121415621405,0.444611528822055,0.3784056508577195,95.62,tampa/ft. myers smm food,2021-08-30,95.62,128.0231046039567 +0.5075225677031092,0.654,0.29301619433198395,0.1833249623304872,0.0009655438644092512,0.6080200501253131,0.47578203834510596,11.31,tucson/sierra vista smm food,2021-08-30,11.31,13.551215984674208 +0.1514543630892678,0.51,0.5511133603238869,0.39276745354093423,0.004239528994153668,0.47518796992481194,0.3920282542885974,110.18,washington dc/hagerstown smm food,2021-08-30,110.18,128.8924909275106 +0.3701103309929789,0.47900000000000004,0.4696356275303646,0.4359618282270216,0.00015037158544078513,0.374436090225564,0.5443995963673057,2.95,yakima/pasco/richland/kennewick smm food,2021-08-30,2.95,3.038154635153475 +0.4914744232698094,0.713,0.718117408906883,0.7297840281265696,0.015236282180377984,0.1719298245614035,0.3314833501513622,205.6,new york smm food,2021-08-30,205.6,252.24228969156167 +0.8876629889669005,0.37900000000000006,0.7044534412955469,0.6443997990959317,0.006926273511281971,0.4375939849624059,0.41372351160444,55.34,rem us pacific smm food,2021-08-30,55.34,62.854298468142225 +0.28686058174523565,0.5750000000000001,0.5642712550607292,0.17177297840281266,0.0018813859626833375,0.5684210526315789,0.8461150353178608,15.390000000000002,new orleans smm food,2021-08-30,15.390000000000002,11.954442742037948 +0.43129388164493476,0.97,0.44281376518218646,0.5067805123053742,0.003207821632150473,0.6320802005012529,0.23158425832492432,42.66,nashville smm food,2021-08-30,42.66,49.36283384811865 +0.29889669007021064,0.9300000000000002,0.26467611336032393,0.6981416373681568,0.002001366659277143,0.7533834586466165,0.15943491422805248,16.97,mobile/pensacola smm food,2021-08-30,16.97,19.86623160461623 +0.5070210631895686,0.317,0.5288461538461543,0.8292315419387244,0.0014562300905844436,0.3949874686716791,0.3425832492431887,20.16,albuquerque/santa fe smm food,2021-08-30,20.16,22.589121028514143 +0.48294884653961884,0.002,0.7348178137651825,0.45404319437468615,0.005039189256939827,0.6751879699248119,0.23713420787083753,102.72,atlanta smm food,2021-08-30,102.72,127.47453501734091 +0.35055165496489477,0.31200000000000006,0.4898785425101217,0.3907584128578604,0.0025142129085699255,0.343358395989975,0.6311806256306761,57.67,baltimore smm food,2021-08-30,57.67,60.48166657164677 +0.47743229689067196,0.962,0.33653846153846173,0.6002009040683074,0.000858542609927177,0.09373433583959898,0.5686175580221998,2.43,baton rouge smm food,2021-08-30,2.43,2.123735934267984 +0.5817452357071212,0.466,0.49089068825910953,0.3440482169763938,0.0021374925155709067,0.2701754385964911,0.6215943491422805,13.05,birmingham/anniston/tuscaloosa smm food,2021-08-30,13.05,12.185826471503397 +0.2893681043129388,0.8029999999999999,0.14676113360323895,0.7322953289804119,0.005703989950467505,0.894736842105263,0.3632694248234107,106.41,boston/manchester smm food,2021-08-30,106.41,142.9584039621036 +0.5245737211634905,0.10700000000000001,0.7095141700404862,0.8392767453540935,0.0027313811351223015,0.18746867167919798,0.375882946518668,13.13,buffalo smm food,2021-08-30,13.13,19.49945362818505 +0.41975927783350053,0.45,0.7540485829959518,0.5359116022099448,0.003363574937491244,0.5809523809523809,0.1367305751765893,71.13,charlotte smm food,2021-08-30,71.13,79.96668340127657 +0.5280842527582748,0.7889999999999999,0.22216599190283415,0.39427423405323964,0.0072048566590459506,0.5779448621553884,0.520686175580222,125.98,chicago smm food,2021-08-30,125.98,132.30552014794804 +0.35506519558676025,0.618,0.1644736842105265,0.3992968357609242,0.005064831569404463,0.644110275689223,0.19525731584258324,81.89,cleveland/akron/canton smm food,2021-08-30,81.89,82.58776830145231 +0.3781344032096288,0.05500000000000001,0.5738866396761136,0.18031140130587647,0.0028519949752337523,0.5473684210526314,0.7073662966700303,53.49,columbus oh smm food,2021-08-30,53.49,57.631120245959934 +0.8335005015045135,0.7860000000000001,0.6766194331983808,0.6438975389251633,0.005328852416262598,0.8807017543859648,0.45862764883955603,62.85000000000001,dallas/ft. worth smm food,2021-08-30,62.85000000000001,66.82654614128234 +0.461384152457372,0.787,0.44888663967611364,0.575590155700653,0.0008623414710330493,0.1238095238095238,0.4863773965691221,16.62,des moines/ames smm food,2021-08-30,16.62,17.429158494492086 +0.6469408224674023,0.9670000000000001,0.6239878542510124,0.39879457559015574,0.004460812653570744,0.58796992481203,0.21039354187689202,104.1,detroit smm food,2021-08-30,104.1,113.11423841326223 +0.23420260782347033,0.47500000000000003,0.2920040485829962,0.6926167754897037,0.002201440010853093,0.845112781954887,0.358728557013118,69.16,grand rapids smm food,2021-08-30,69.16,66.62772347762653 +0.8104312938816448,0.719,0.5480769230769235,0.8307383224510297,0.0017949618725247392,0.3824561403508771,0.24571140262361252,32.14,albany/schenectady/troy smm food,2021-08-30,32.14,36.25041691132462 +0.6213640922768303,0.144,0.13714574898785442,0.6901054746358615,0.0030862580767625544,0.44561403508771913,0.4434914228052472,36.32,harrisburg/lancaster smm food,2021-08-30,36.32,42.127074613152416 +0.3299899699097292,0.504,0.5738866396761136,0.34455047714716225,0.0020760775943593013,0.5573934837092731,0.4036326942482341,35.44,greensboro smm food,2021-08-30,35.44,36.38587648511464 +0.42577733199598794,0.6970000000000001,0.8036437246963568,0.683073832245103,0.0018345333423775778,0.6681704260651629,0.4556004036326943,40.14,minneapolis/st. paul smm food,2021-08-30,40.14,44.482907922386595 +0.6123370110330992,0.625,0.10779352226720644,0.57659467604219,0.002190043427535475,0.4060150375939849,0.5691220988900101,21.13,milwaukee smm food,2021-08-30,21.13,24.369590994364053 +0.681544633901705,0.282,0.585526315789474,0.6323455549974888,0.0024030962212231556,0.6411027568922304,0.4228052472250252,102.75,miami/west palm beach smm food,2021-08-30,102.75,139.3015279231093 +0.23671013039117347,0.734,0.3881578947368423,0.12908086388749374,0.008964362494582547,0.6095238095238094,0.23057517658930374,97.34,los angeles smm food,2021-08-30,97.34,113.35510976640883 +0.25626880641925776,0.533,0.9387651821862355,0.7905575087895531,0.002237845763117705,0.6761904761904761,0.7487386478304743,10.63,little rock/pine bluff smm food,2021-08-30,10.63,14.652326990887538 +0.43129388164493465,0.8300000000000001,0.15991902834008107,0.6901054746358615,0.0008594923252036446,0.6466165413533833,0.7199798183652876,6.51,madison wi smm food,2021-08-30,6.51,8.962417123098959 +0.1534603811434303,0.03900000000000001,0.5207489878542514,0.4580612757408338,0.0018497287868010671,0.2185463659147868,0.3864783047426842,20.96,knoxville smm food,2021-08-30,20.96,21.59272829938552 +0.4939819458375125,0.5990000000000001,0.4089068825910933,0.3324962330487193,0.0018503619303187127,0.13784461152882202,0.3350151362260343,31.32,kansas city smm food,2021-08-30,31.32,30.39996410657502 +0.16900702106318954,0.923,0.4134615384615386,0.5344048216976395,0.0018946819765538912,0.42155388471177935,0.05398587285570131,33.92,jacksonville smm food,2021-08-30,33.92,34.32383431954147 +0.4658976930792376,0.8420000000000001,0.285931174089069,0.26217980914113515,0.0030001505583627797,0.6190476190476188,0.5272452068617558,36.28,indianapolis smm food,2021-08-30,36.28,41.51656657673463 +0.6379137412236711,0.225,0.30060728744939286,0.3731793068809644,0.00489958111129901,0.2200501253132832,0.32694248234106965,103.86,houston smm food,2021-08-30,103.86,121.49914506359616 +0.7567703109327983,0.22000000000000003,0.4752024291497978,0.2692114515318935,0.003456330462826297,0.1884711779448622,0.38799192734611504,57.49999999999999,hartford/new haven smm food,2021-08-30,57.49999999999999,70.01120651103253 +0.6359077231695084,0.851,0.8608299595141704,0.6127574083375189,0.0011412411905558527,0.6260651629072681,0.6079717457114027,22.19,las vegas smm food,2021-08-30,22.19,30.909204242694436 +0.6409227683049147,0.013000000000000001,0.4468623481781379,0.5484681064791562,0.0020004169440006737,0.26265664160401,0.627648839556004,41.15,portland or smm food,2021-09-06,41.15,42.04394367488657 +0.5025075225677031,0.41700000000000004,0.35020242914979766,0.10145655449522854,0.006573612571953481,0.22857142857142856,0.4717457114026236,88.71,rem us middle atlantic smm food,2021-09-06,88.71,80.99244205387086 +0.692076228686058,0.6240000000000001,0.046052631578947296,0.20642893018583627,0.019439721994025855,0.30025062656641593,0.8410696266397578,258.8,rem us east north central smm food,2021-09-06,258.8,267.92462610081975 +0.26780341023069204,0.126,0.32995951417004066,0.5720743345052738,0.0028292018085985166,0.5157894736842105,0.24318869828456105,98.44,raleigh/durham/fayetteville smm food,2021-09-06,98.44,76.2619812329602 +0.5817452357071213,0.008,0.3825910931174091,0.2446007031642391,0.0013489122643435473,0.6937343358395989,0.5590312815338042,34.4,providence ri/new bedford ma smm food,2021-09-06,34.4,38.108107155838375 +0.40471414242728165,0.902,0.7813765182186236,0.7594173782019087,0.003423406999908735,0.5233082706766917,0.7008072653884965,57.77,pittsburgh smm food,2021-09-06,57.77,59.41116350711366 +0.3605817452357067,0.305,0.9463562753036442,0.191863385233551,0.0018604922266010381,0.6120300751879699,0.2467204843592331,80.86,norfolk/portsmouth/newport news smm food,2021-09-06,80.86,53.20338514040405 +0.8736208625877633,0.8260000000000001,0.59919028340081,0.32898041185334004,0.008434737942072161,0.7959899749373432,0.5676084762865792,155.51,philadelphia smm food,2021-09-06,155.51,155.12062250926465 +0.5356068204613841,0.431,0.36943319838056704,0.19738824711200403,0.001063997681403113,0.4491228070175438,0.3435923309788093,7.07,paducah ky/cape girardeau mo smm food,2021-09-06,7.07,3.2798361905473286 +0.8620862587763288,0.007000000000000001,0.5197368421052635,0.4113510798593672,0.0044050960240179455,0.08220551378446114,0.5898082744702321,60.35,orlando/daytona beach/melborne smm food,2021-09-06,60.35,88.44810692445677 +0.600802407221665,0.488,0.7656882591093123,0.4208940231039679,0.0006388418093042194,0.5784461152882203,0.4601412714429869,13.82,omaha smm food,2021-09-06,13.82,13.433601414725999 +0.6143430290872617,0.8640000000000001,0.4924089068825915,0.7855349070818685,0.001520494157625452,0.26516290726817027,0.21745711402623613,2.99,oklahoma city smm food,2021-09-06,2.99,3.1966518460057642 +0.7136409227683048,0.29300000000000004,0.6745951417004052,0.34505273731793074,0.006609701752459265,0.5729323308270675,0.33097880928355194,119.32999999999998,rem us mountain smm food,2021-09-06,119.32999999999998,128.6944420035197 +0.41775325977933797,0.908,0.7510121457489881,0.3335007533902562,0.004090423695748175,0.1363408521303258,0.5443995963673057,56.91,phoenix/prescott smm food,2021-09-06,56.91,71.80340424184706 +0.5987963891675026,0.547,0.7434210526315793,0.1089904570567554,0.003034973451833274,0.9243107769423556,0.5161453077699294,92.71,rem us new england smm food,2021-09-06,92.71,102.44379585040812 +0.19558676028084251,0.264,0.8405870445344134,0.5148166750376696,0.0015515181899900777,0.47218045112781953,0.5590312815338042,30.71,salt lake city smm food,2021-09-06,30.71,34.14117768388165 +0.8109327983951854,0.8570000000000001,0.49190283400809726,0.7805123053741839,0.020479660221758445,0.7664160401002507,0.8082744702320888,279.36,rem us south atlantic smm food,2021-09-06,279.36,247.17976538803885 +0.30692076228686055,0.9359999999999999,0.38613360323886653,0.7428427925665495,0.028262576912414662,0.27619047619047615,0.450050454086781,348.91,rem us south central smm food,2021-09-06,348.91,356.9926952371848 +0.41775325977933797,0.48300000000000004,0.15485829959514177,0.528377699648418,0.009898249183109525,0.4320802005012531,0.6967709384460141,87.6,rem us west north central smm food,2021-09-06,87.6,81.99709406273384 +0.2688064192577734,0.9830000000000001,0.508097165991903,0.911099949773983,0.0015945719491899661,0.1283208020050125,0.8541876892028254,47.08,richmond/petersburg smm food,2021-09-06,47.08,43.2185584779289 +0.8385155466399196,0.8250000000000001,0.3380566801619437,0.4354595680562532,0.002293878964429323,0.400501253132832,0.4419778002018164,25.66,sacramento/stockton/modesto smm food,2021-09-06,25.66,26.796061534209635 +0.46188565697091266,0.8119999999999999,0.606781376518219,0.5238573581115018,0.0011007200054265454,0.5614035087719297,0.4737638748738648,22.7,san diego smm food,2021-09-06,22.7,27.54755595487027 +0.26980942828485455,0.9420000000000001,0.7019230769230773,0.6594676042189855,0.0020428375596829185,0.5092731829573934,0.4934409687184662,39.55,san francisco/oakland/san jose smm food,2021-09-06,39.55,43.38647488726616 +0.7873620862587761,0.8720000000000001,0.8689271255060734,0.281767955801105,0.0024635614271582926,0.626065162907268,0.5565085771947528,42.94,seattle/tacoma smm food,2021-09-06,42.94,47.754441720177894 +0.4653961885656971,0.653,0.717105263157895,0.6057257659467605,0.003548452844643704,0.2927318295739348,0.6841574167507568,45.12,st. louis smm food,2021-09-06,45.12,42.164373362618946 +0.5245737211634905,0.97,0.5683198380566806,0.2004018081366148,0.005429838807327041,0.17443609022556386,0.6115035317860746,85.36,tampa/ft. myers smm food,2021-09-06,85.36,127.49349504009005 +0.8355065195586759,0.373,0.3031376518218625,0.21998995479658465,0.0005467194274868121,0.8035087719298245,0.2785065590312815,12.27,tucson/sierra vista smm food,2021-09-06,12.27,13.58702538685963 +0.35707121364092276,0.21400000000000002,0.4286437246963564,0.24158714213962834,0.003435753298502819,0.593984962406015,0.343087790110999,130.79,washington dc/hagerstown smm food,2021-09-06,130.79,128.12911438055812 +0.420260782347041,0.45,0.3431174089068828,0.6885986941235561,0.0001782299002171832,0.6676691729323309,0.5343087790110999,3.8099999999999996,yakima/pasco/richland/kennewick smm food,2021-09-06,3.8099999999999996,5.330722896575367 +0.5441323971915747,0.305,0.46508097165991935,0.6318432948267203,0.013916177946087302,0.2370927318295739,0.4803229061553985,236.95000000000002,new york smm food,2021-09-06,236.95000000000002,252.3047055843104 +0.5255767301905717,0.7280000000000001,0.5344129554655873,0.521848317428428,0.006540689109035917,0.4426065162907267,0.7260343087790111,56.78,rem us pacific smm food,2021-09-06,56.78,63.37794339990793 +0.5692076228686058,0.43700000000000006,0.8810728744939276,0.35007533902561533,0.0018737882404715927,0.5964912280701754,0.855196770938446,7.57,new orleans smm food,2021-09-06,7.57,13.713443118131458 +0.6845536609829487,0.584,0.40182186234817835,0.3621295831240583,0.003024210012033304,0.34636591478696727,0.16195761856710394,44.1,nashville smm food,2021-09-06,44.1,47.4394565005149 +0.3259779338014041,0.8570000000000001,0.3871457489878543,0.5504771471622301,0.002026692399982959,0.9503759398496239,0.4318869828456105,17.9,mobile/pensacola smm food,2021-09-06,17.9,21.29889629514699 +0.16198595787362086,0.925,0.4873481781376522,0.6931190356604722,0.0017968613030776746,0.1513784461152882,0.6195761856710393,22.19,albuquerque/santa fe smm food,2021-09-06,22.19,22.389615339136995 +0.5085255767301905,0.771,0.5394736842105267,0.7569060773480664,0.004748576382340584,0.6290726817042606,0.32795156407669024,109.49,atlanta smm food,2021-09-06,109.49,129.83019906033016 +0.43831494483450356,0.24700000000000003,0.6366396761133607,0.5308890005022602,0.0023970813578055245,0.5383458646616541,0.7921291624621595,64.56,baltimore smm food,2021-09-06,64.56,63.00924828953205 +0.6624874623871615,0.7330000000000001,0.47975708502024317,0.431943746860874,0.0007911128252979408,0.5789473684210525,0.6084762865792129,2.76,baton rouge smm food,2021-09-06,2.76,3.173730286086297 +0.9292878635907723,0.729,0.30465587044534426,0.3380210949271723,0.0018785368168539335,0.6335839598997491,0.8451059535822402,12.02,birmingham/anniston/tuscaloosa smm food,2021-09-06,12.02,15.122171048000688 +0.3014042126379137,0.86,0.19888663967611345,0.6338523355097941,0.00444783321145901,0.8756892230576439,0.3839556004036327,116.39,boston/manchester smm food,2021-09-06,116.39,142.35713080701981 +0.586258776328987,0.8480000000000001,0.5693319838056683,0.7885484681064793,0.002120714212353303,0.1538847117794486,0.4611503531786075,18.49,buffalo smm food,2021-09-06,18.49,19.873256803956636 +0.1765295887662989,0.6880000000000001,0.8274291497975713,0.8106479156202914,0.0031511552873212086,0.6521303258145363,0.15539858728557013,95.05,charlotte smm food,2021-09-06,95.05,81.5876696944579 +0.8921765295887661,0.525,0.3385627530364374,0.46459065796082377,0.007252975566387002,0.52531328320802,0.2830474268415742,132.52,chicago smm food,2021-09-06,132.52,131.73054656365886 +0.49949849548645936,0.6230000000000001,0.2565789473684213,0.5529884480160724,0.003936569820960341,0.4005012531328321,0.08678102926337034,84.14,cleveland/akron/canton smm food,2021-09-06,84.14,82.2253395335994 +0.550150451354062,0.064,0.6887651821862352,0.6067302862882974,0.0024151259480584184,0.14736842105263154,0.7320887991927346,56.04,columbus oh smm food,2021-09-06,56.04,59.276686746411684 +0.9388164493480442,0.908,0.3663967611336034,0.6383726770467103,0.004700457474999529,0.6686716791979949,0.5211907164480323,60.16,dallas/ft. worth smm food,2021-09-06,60.16,66.45541851016887 +0.4859578736208625,0.6320000000000001,0.4367408906882593,0.41888498242089406,0.0010484856652208001,0.3884711779448621,0.3092835519677094,16.73,des moines/ames smm food,2021-09-06,16.73,16.313262415314753 +0.5922768304914745,0.17400000000000002,0.3329959514170042,0.6217980914113511,0.003978673864883764,0.40300751879699237,0.5353178607467205,109.54,detroit smm food,2021-09-06,109.54,114.9978943235332 +0.2602808425275827,0.736,0.6133603238866402,0.45605223505775994,0.0023423144435291967,0.6210526315789473,0.5958627648839556,69.21,grand rapids smm food,2021-09-06,69.21,66.3336840835129 +0.885656970912738,0.05600000000000001,0.43421052631578977,0.7629331993972879,0.0016556702986427487,0.7187969924812029,0.2558022199798184,32.16,albany/schenectady/troy smm food,2021-09-06,32.16,36.69157256683313 +0.506519558676028,0.124,0.6143724696356279,0.41285786037167255,0.0024600791378112433,0.4541353383458645,0.686175580221998,41.15,harrisburg/lancaster smm food,2021-09-06,41.15,41.97454948906986 +0.6474423269809427,0.006000000000000001,0.47165991902834037,0.2204922149673531,0.001933620302889084,0.3904761904761904,0.512108980827447,55.3,greensboro smm food,2021-09-06,55.3,36.00373090014411 +0.3665997993981946,0.47100000000000003,0.8006072874493934,0.7584128578603717,0.0018522613608716494,0.20050125313283212,0.9248234106962664,43.4,minneapolis/st. paul smm food,2021-09-06,43.4,45.98273964482602 +0.7211634904714141,0.86,0.28340080971659926,0.6007031642390759,0.0021096342007945077,0.5047619047619046,0.6533804238143289,24.08,milwaukee smm food,2021-09-06,24.08,25.687276836128667 +0.7918756268806418,0.8340000000000001,0.599696356275304,0.7142139628327474,0.002191309714570765,0.4556390977443608,0.6291624621594349,104.06,miami/west palm beach smm food,2021-09-06,104.06,140.80976079431167 +0.2141424272818455,0.976,0.41902834008097195,0.5208437970868911,0.007913344255291164,0.39498746867167905,0.6992936427850656,109.3,los angeles smm food,2021-09-06,109.3,117.59488228224691 +0.2698094282848545,0.10300000000000001,0.837044534412956,0.4831742842792567,0.002134643369741502,0.7147869674185462,0.7366296670030272,11.85,little rock/pine bluff smm food,2021-09-06,11.85,12.68902704248945 +0.519558676028084,0.148,0.3355263157894739,0.7694625816172779,0.0006635344064923901,0.5884711779448619,0.5751765893037336,5.27,madison wi smm food,2021-09-06,5.27,8.308823096278019 +0.13891675025075229,0.5710000000000001,0.5809716599190288,0.5705675539929684,0.0016509217222604082,0.24310776942355874,0.4409687184661958,25.4,knoxville smm food,2021-09-06,25.4,22.859151986855984 +0.4498495486459377,0.24700000000000003,0.38410931174089086,0.3515821195379207,0.0019386854510302475,0.10776942355889722,0.5126135216952573,34.17,kansas city smm food,2021-09-06,34.17,31.2061253716872 +0.17301905717151453,0.9980000000000001,0.39271255060728755,0.5911602209944752,0.001913359710324431,0.5228070175438595,0.07063572149344097,31.769999999999996,jacksonville smm food,2021-09-06,31.769999999999996,35.090029926562956 +0.46790371113340007,0.5710000000000001,0.34919028340080993,0.6991461577096937,0.0032584731135621068,0.7964912280701751,0.5751765893037336,37.3,indianapolis smm food,2021-09-06,37.3,44.7981259116942 +0.4794383149448346,0.8420000000000001,0.32236842105263175,0.05323957810145656,0.004361725693059234,0.4270676691729322,0.31029263370333,108.11,houston smm food,2021-09-06,108.11,120.17076718797327 +0.5170511534603811,0.279,0.5865384615384618,0.3671521848317429,0.0033072251644208025,0.5137844611528822,0.38143289606458125,67.33,hartford/new haven smm food,2021-09-06,67.33,71.21569339521261 +0.5687061183550651,0.8410000000000001,0.7393724696356279,0.8327473631341036,0.0012938287783083968,0.3804511278195488,0.6478304742684158,23.98,las vegas smm food,2021-09-06,23.98,31.470079185895905 +0.8309929789368103,0.511,0.35576923076923095,0.6725263686589654,0.001646806289395712,0.6140350877192982,0.3193743693239152,40.37,portland or smm food,2021-09-13,40.37,42.49749268750839 +0.3179538615847542,0.067,0.4210526315789475,0.22149673530889002,0.005561216087238468,0.02907268170426065,0.4182643794147326,82.84,rem us middle atlantic smm food,2021-09-13,82.84,80.18350758762874 +0.8771313941825475,0.119,0.056174089068825844,0.36865896534404824,0.01717686706196116,0.36340852130325807,0.7098890010090817,240.67999999999998,rem us east north central smm food,2021-09-13,240.67999999999998,268.05131770269895 +0.5997993981945837,0.014000000000000002,0.4144736842105266,0.7091913611250629,0.002534473501134578,0.20250626566416036,0.375882946518668,74.59,raleigh/durham/fayetteville smm food,2021-09-13,74.59,77.35746237192637 +0.6023069207622869,0.124,0.48532388663967635,0.3164239075841286,0.001729431518448439,0.6902255639097743,0.7865792129162462,36.32,providence ri/new bedford ma smm food,2021-09-13,36.32,40.03097745498324 +0.6263791374122366,0.44500000000000006,0.44483805668016196,0.5494726268206932,0.003245493671450375,0.6426065162907267,0.4717457114026236,64.84,pittsburgh smm food,2021-09-13,64.84,57.17911585323592 +0.3360080240722162,0.547,0.8623481781376522,0.26318432948267206,0.001601853099642888,0.30526315789473696,0.27699293642785067,57.58,norfolk/portsmouth/newport news smm food,2021-09-13,57.58,52.82082936199539 +0.8460381143430292,0.35000000000000003,0.7140688259109316,0.539427423405324,0.007261206432116392,0.6431077694235589,0.5514631685166499,149.83,philadelphia smm food,2021-09-13,149.83,155.3973539613861 +0.6454363089267803,0.033,0.43016194331983826,0.2194876946258162,0.0008759540566624261,0.6641604010025062,0.16044399596367306,5.93,paducah ky/cape girardeau mo smm food,2021-09-13,5.93,3.020324037208624 +0.8555667001003008,0.808,0.24139676113360334,0.874937217478654,0.0037497924832549457,0.5228070175438595,0.31331987891019175,66.88,orlando/daytona beach/melborne smm food,2021-09-13,66.88,90.96178148737019 +0.8445336008024071,0.128,0.4939271255060733,0.5233550979407333,0.0006394749528218647,0.5784461152882203,0.36680121089808276,13.54,omaha smm food,2021-09-13,13.54,13.553406476802166 +0.6785356068204613,0.7230000000000001,0.5673076923076927,0.39829231541938726,0.0018801196756480455,0.3368421052631578,0.07568113017154389,5.31,oklahoma city smm food,2021-09-13,5.31,0.518136750982606 +0.4714142427281845,0.43700000000000006,0.8653846153846159,0.1451531893520844,0.00619847503774857,0.7142857142857142,0.06357214934409687,114.99999999999999,rem us mountain smm food,2021-09-13,114.99999999999999,126.15961188496651 +0.49899699097291866,0.9279999999999999,0.9144736842105267,0.35057759919638376,0.003523760247455533,0.362907268170426,0.6478304742684158,56.9,phoenix/prescott smm food,2021-09-13,56.9,73.36636624626945 +0.6439317953861584,0.535,0.320344129554656,0.14314414866901057,0.0029982511278098404,0.7929824561403506,0.38244197780020184,105.63,rem us new england smm food,2021-09-13,105.63,101.2646600824344 +0.6138415245737211,0.325,0.6533400809716603,0.4359618282270216,0.0014562300905844436,0.49874686716791977,0.31029263370333,34.69,salt lake city smm food,2021-09-13,34.69,32.92835107564902 +0.68555667001003,0.036,0.5501012145748989,0.5575087895529885,0.016230950646598918,0.7047619047619046,0.5635721493440968,221.21,rem us south atlantic smm food,2021-09-13,221.21,243.14325896659378 +0.12286860581745235,0.0,0.6710526315789476,0.7493721747865395,0.025998772265073498,0.03308270676691724,0.6377396569122099,338.41,rem us south central smm food,2021-09-13,338.41,356.48047461398755 +0.5491474423269809,0.7250000000000001,0.08906882591093121,0.29583124058262183,0.008555035210424788,0.4741854636591478,0.7053481331987891,80.77,rem us west north central smm food,2021-09-13,80.77,80.94755574640794 +0.6023069207622869,0.918,0.7424089068825914,0.5846308387744852,0.001145989766938193,0.5007518796992481,0.5943491422805247,35.96,richmond/petersburg smm food,2021-09-13,35.96,41.60226679985093 +0.5346038114343029,0.9210000000000002,0.34311740890688297,0.089904570567554,0.0023087578370939903,0.7127819548872179,0.47679112008072655,24.91,sacramento/stockton/modesto smm food,2021-09-13,24.91,25.52936259326375 +0.10782347041123369,0.11499999999999999,0.15485829959514177,0.4183827222501256,0.0014540140882726847,0.6200501253132831,0.2840565085771948,22.06,san diego smm food,2021-09-13,22.06,24.887922546890074 +0.33500501504513536,0.4730000000000001,0.5581983805668019,0.4213962832747363,0.0017620384096071785,0.7654135338345863,0.8198789101917255,39.68,san francisco/oakland/san jose smm food,2021-09-13,39.68,44.47246120653621 +0.6930792377131393,0.634,0.7004048582995955,0.19588146659969866,0.0017848315762424127,0.5007518796992477,0.4091826437941473,47.26,seattle/tacoma smm food,2021-09-13,47.26,45.555744495259376 +0.5982948846539619,0.20299999999999999,0.5931174089068828,0.4213962832747363,0.003085624933244909,0.5759398496240601,0.4510595358224016,37.37,st. louis smm food,2021-09-13,37.37,40.50779222565144 +0.2316950852557673,0.81,0.7489878542510127,0.27774987443495736,0.004238579278877201,0.2947368421052631,0.8804238143289607,93.22,tampa/ft. myers smm food,2021-09-13,93.22,129.24734061554742 +0.6384152457372115,0.125,0.5511133603238869,0.5057759919638373,0.0005464028557279893,0.7338345864661653,0.15338042381432895,12.89,tucson/sierra vista smm food,2021-09-13,12.89,13.990445395136298 +0.5330992978936809,0.876,0.39170040485829966,0.2707182320441989,0.0032610056876326856,0.381453634085213,0.31432896064581234,123.88,washington dc/hagerstown smm food,2021-09-13,123.88,128.02373770413033 +0.4448345035105315,0.367,0.6447368421052635,0.5534907081868409,0.0003982472725989634,0.8506265664160401,0.8289606458123108,3.71,yakima/pasco/richland/kennewick smm food,2021-09-13,3.71,7.04826059537956 +0.5361083249749247,0.7860000000000001,0.3011133603238868,0.4068307383224511,0.012241513341915191,0.21453634085213025,0.3234106962663975,230.57,new york smm food,2021-09-13,230.57,249.91098736784738 +0.5,0.671,0.7854251012145753,0.6619789050728278,0.006653705226935622,0.6907268170426064,0.5872855701311807,60.43,rem us pacific smm food,2021-09-13,60.43,64.24428652694218 +0.30441323971915746,0.7330000000000001,0.7191295546558709,0.5077850326469111,0.001514795865966645,0.7147869674185463,0.8002018163471242,24.18,new orleans smm food,2021-09-13,24.18,14.210311621958404 +0.4237713139418254,0.40800000000000003,0.3238866396761136,0.20090406830738325,0.002645906760240171,0.2045112781954886,0.12865792129162462,39.43,nashville smm food,2021-09-13,39.43,45.26766255975313 +0.6273821464393179,0.336,0.6523279352226723,0.31140130587644405,0.0017500086827719151,0.9137844611528823,0.48234106962663975,18.48,mobile/pensacola smm food,2021-09-13,18.48,20.493235459497186 +0.3510531594784353,0.21400000000000002,0.3755060728744942,0.7051732797589152,0.0015103638613431262,0.2641604010025062,0.6432896064581232,22.17,albuquerque/santa fe smm food,2021-09-13,22.17,22.822847016301964 +0.5551654964894683,0.279,0.4843117408906885,0.9246609743847314,0.003949232691313253,0.6185463659147868,0.30978809283551967,110.36,atlanta smm food,2021-09-13,110.36,130.35679292470292 +0.2026078234704113,0.21800000000000003,0.6680161943319842,0.4314414866901055,0.002171049122006113,0.7694235588972431,0.5918264379414733,61.67,baltimore smm food,2021-09-13,61.67,61.575800019931336 +0.5872617853560682,0.07900000000000001,0.5759109311740893,0.6207935710698143,0.0005653971612573519,0.845112781954887,0.6372351160443996,6.28,baton rouge smm food,2021-09-13,6.28,4.844481581591964 +0.8786359077231694,0.35800000000000004,0.7454453441295551,0.5429432446007032,0.0019503986061066875,0.713784461152882,0.4117053481331988,12.29,birmingham/anniston/tuscaloosa smm food,2021-09-13,12.29,14.055234343617393 +0.566198595787362,0.171,0.5657894736842108,0.6664992466097439,0.004122397443389269,0.6155388471177944,0.3562058526740666,117.31,boston/manchester smm food,2021-09-13,117.31,141.8783241479698 +0.5290872617853561,0.431,0.5576923076923079,0.575590155700653,0.00136094199117881,0.6140350877192982,0.2669021190716448,17.94,buffalo smm food,2021-09-13,17.94,18.55087293925233 +0.4037111334002006,0.17600000000000005,0.4215587044534416,0.7744851833249624,0.0025753112580227076,0.40250626566416037,0.29616548940464177,71.22,charlotte smm food,2021-09-13,71.22,81.23679919958789 +0.8064192577733198,0.177,0.43572874493927144,0.5695630336514315,0.006178847588701563,0.3152882205513784,0.6009081735620585,126.47000000000001,chicago smm food,2021-09-13,126.47000000000001,133.12729184416932 +0.621865596790371,0.5780000000000001,0.29352226720647795,0.6273229532898041,0.003183129034962303,0.47518796992481194,0.5676084762865792,81.0,cleveland/akron/canton smm food,2021-09-13,81.0,85.76768330906775 +0.6449348044132396,0.171,0.6953441295546563,0.737820190858865,0.0022163188835177595,0.35939849624060144,0.48486377396569125,53.22,columbus oh smm food,2021-09-13,53.22,59.43454558360874 +0.6599799398194585,0.472,0.43977732793522295,0.551481667503767,0.004070479674942344,0.45714285714285713,0.40817356205852673,54.28,dallas/ft. worth smm food,2021-09-13,54.28,63.9380834750078 +0.6885656970912738,0.516,0.19382591093117418,0.32697137117026626,0.0010836251304501205,0.4746867167919799,0.49848637739656915,16.86,des moines/ames smm food,2021-09-13,16.86,17.291049316768195 +0.6920762286860582,0.258,0.3512145748987856,0.5143144148669011,0.003982156154230814,0.27368421052631575,0.9525731584258325,105.22,detroit smm food,2021-09-13,105.22,116.61661124746072 +0.2321965897693079,0.5559999999999999,0.4423076923076926,0.3576092415871422,0.0018617585136363301,0.6746867167919799,0.7078708375378405,62.760000000000005,grand rapids smm food,2021-09-13,62.760000000000005,66.283170437956 +0.815446339017051,0.6040000000000001,0.2667004048582998,0.473631341034656,0.0014280552040492236,0.8025062656641602,0.2679112008072654,34.3,albany/schenectady/troy smm food,2021-09-13,34.3,35.36695297702059 +0.30591775325977927,0.891,0.6002024291497979,0.5499748869914616,0.0016892269050779556,0.31328320802005,0.7906155398587286,37.65,harrisburg/lancaster smm food,2021-09-13,37.65,42.83202807330058 +0.37763289869608824,0.399,0.056680161943319964,0.5454545454545455,0.00189689797886565,0.1609022556390977,0.6019172552976791,34.42,greensboro smm food,2021-09-13,34.42,37.14785676223628 +0.2141424272818455,0.11000000000000001,0.8345141700404863,0.6107483676544451,0.001957996328318433,0.4967418546365914,0.8955600403632694,45.98,minneapolis/st. paul smm food,2021-09-13,45.98,45.49939720488059 +0.6539618856569708,0.5750000000000001,0.5840080971659921,0.36012054244098446,0.002021943823600619,0.41203007518796986,0.4853683148335015,20.78,milwaukee smm food,2021-09-13,20.78,22.976498224074128 +0.8650952858575727,0.321,0.8127530364372475,0.41536916122551487,0.002766837172110444,0.31328320802005005,0.7088799192734612,106.45,miami/west palm beach smm food,2021-09-13,106.45,139.215697323894 +0.1634904714142427,0.727,0.4832995951417007,0.8176795580110499,0.008121331900837681,0.7107769423558896,0.8693239152371343,119.97,los angeles smm food,2021-09-13,119.97,121.1258953929362 +0.46690070210631895,0.985,0.40182186234817846,0.35509794073329987,0.0016243296945193015,0.6796992481203006,0.5787083753784057,11.67,little rock/pine bluff smm food,2021-09-13,11.67,11.33139652579758 +0.7216649949849546,0.9050000000000001,0.36993927125506093,0.5936715218483175,0.0005986371959337354,0.3017543859649122,0.7129162462159435,8.3,madison wi smm food,2021-09-13,8.3,7.911696128644493 +0.44433299899699097,0.092,0.5541497975708506,0.6464088397790055,0.0016183148311016697,0.27518796992481187,0.43440968718466194,22.64,knoxville smm food,2021-09-13,22.64,23.62107708503809 +0.34052156469408223,0.663,0.49240890688259137,0.48618784530386744,0.0016550371551251033,0.40751879699248117,0.45963673057517657,35.16,kansas city smm food,2021-09-13,35.16,32.63404327320155 +0.20561685055165493,0.439,0.43168016194331993,0.808136614766449,0.0019415345968596517,0.820551378446115,0.14228052472250252,32.77,jacksonville smm food,2021-09-13,32.77,37.49253160229194 +0.397693079237713,0.891,0.550607287449393,0.5399296835760925,0.003288230858891441,0.3809523809523808,0.7436932391523714,37.35,indianapolis smm food,2021-09-13,37.35,43.73465469312819 +0.6875626880641925,0.6440000000000001,0.5480769230769234,0.46710195881466604,0.003790630240143074,0.7318295739348369,0.44298688193743696,105.88,houston smm food,2021-09-13,105.88,124.56485277060744 +0.2713139418254764,0.501,0.4210526315789476,0.7538925163234557,0.0029172087575512298,0.38195488721804516,0.24470232088799193,68.05,hartford/new haven smm food,2021-09-13,68.05,71.76686495889268 +0.6213640922768304,0.39000000000000007,0.8046558704453446,0.8221998995479659,0.0011048354382912416,0.13182957393483707,0.4717457114026236,24.83,las vegas smm food,2021-09-13,24.83,29.512123785448757 +0.6133400200601805,0.6120000000000001,0.44534412955465613,0.46358613761928685,0.0019035459858009263,0.5719298245614034,0.4031281533804238,39.78,portland or smm food,2021-09-20,39.78,41.4310271638525 +0.44583751253761283,0.7530000000000001,0.723684210526316,0.6378704168759418,0.005499801166026864,0.22807017543859645,0.47124117053481335,79.18,rem us middle atlantic smm food,2021-09-20,79.18,84.19645743513945 +0.7397191574724171,0.554,0.3142712550607288,0.7664490205926671,0.015603821992371139,0.7453634085213031,0.574167507568113,202.81,rem us east north central smm food,2021-09-20,202.81,270.63284945920077 +0.9834503510531594,0.844,0.8577935222672071,0.5570065293822201,0.002228981753870667,0.5218045112781954,0.4364278506559031,62.15,raleigh/durham/fayetteville smm food,2021-09-20,62.15,79.07590570102052 +0.771815446339017,0.908,0.46103238866396784,0.551481667503767,0.0020729118767710743,0.6987468671679198,0.31836528758829463,32.15,providence ri/new bedford ma smm food,2021-09-20,32.15,39.3687574589942 +0.5526579739217651,0.282,0.3375506072874494,0.3671521848317429,0.0025506186608345366,0.5614035087719298,0.21745711402623613,55.17,pittsburgh smm food,2021-09-20,55.17,54.04913656860533 +0.18204613841524536,0.706,0.48431174089068835,0.4505273731793069,0.001501816423854913,0.5543859649122808,0.5181634712411706,47.98,norfolk/portsmouth/newport news smm food,2021-09-20,47.98,55.634407170129336 +0.909729187562688,0.7210000000000001,0.6280364372469639,0.6805625313912608,0.005441551962403481,0.5949874686716792,0.8753784056508578,146.17,philadelphia smm food,2021-09-20,146.17,157.90240871941552 +0.3901705115346037,0.671,0.3552631578947371,0.18432948267202412,0.000732230478156918,0.8280701754385963,0.3496468213925328,5.28,paducah ky/cape girardeau mo smm food,2021-09-20,5.28,4.226582383462215 +0.4724172517552657,0.933,0.5668016194331986,0.4892014063284782,0.004004316177348401,0.77593984962406,0.42936427850655906,59.08,orlando/daytona beach/melborne smm food,2021-09-20,59.08,89.86299950187092 +0.9418254764292878,0.127,0.24746963562753074,0.6263184329482673,0.0007176681772510731,0.5894736842105261,0.14278506559031282,14.600000000000001,omaha smm food,2021-09-20,14.600000000000001,12.901438471844202 +0.3771313941825476,0.7570000000000001,0.531376518218624,0.15318935208437973,0.0019348865899243733,0.5102756892230575,0.31786074672048437,3.66,oklahoma city smm food,2021-09-20,3.66,0.5543421097872994 +0.23420260782347038,0.645,0.9610323886639682,0.08789552988448017,0.00627920083624836,0.8897243107769421,0.44702320887991925,118.66,rem us mountain smm food,2021-09-20,118.66,128.367295768666 +0.34603811434302906,0.686,0.8395748987854253,0.6664992466097439,0.003551618562231931,0.657142857142857,0.30423814328960647,54.17,phoenix/prescott smm food,2021-09-20,54.17,73.68647481884163 +0.6670010030090269,0.126,0.08957489878542516,0.5479658463083878,0.002607601577422622,0.8050125313283204,0.437941473259334,103.16,rem us new england smm food,2021-09-20,103.16,103.59467663027576 +0.7316950852557672,0.645,0.5313765182186238,0.4058262179809142,0.001555633622854773,0.531829573934837,0.25176589303733604,30.039999999999996,salt lake city smm food,2021-09-20,30.039999999999996,32.80315867202968 +0.4648946840521563,0.9490000000000001,0.5597165991902835,0.4942240080361628,0.015911529741946807,0.5714285714285714,0.5549949545913219,197.7,rem us south atlantic smm food,2021-09-20,197.7,242.33401120013787 +0.5080240722166499,0.719,0.39878542510121473,0.8307383224510297,0.023841968872214406,0.20401002506265656,0.9641775983854692,322.93,rem us south central smm food,2021-09-20,322.93,359.8717194689996 +0.3490471414242728,0.797,0.21204453441295557,0.4500251130085385,0.007156737751704897,0.2786967418546365,0.6942482341069627,73.56,rem us west north central smm food,2021-09-20,73.56,80.73888082535963 +0.8304914744232699,0.381,0.7849190283400813,0.16875941737820194,0.001201706396490989,0.5784461152882204,0.37790110998990917,33.78,richmond/petersburg smm food,2021-09-20,33.78,38.37339728528722 +0.6258776328986959,0.405,0.3345141700404862,0.0743345052737318,0.00228184923759406,0.9398496240601502,0.1104944500504541,23.73,sacramento/stockton/modesto smm food,2021-09-20,23.73,23.925153777113472 +0.07673019057171512,0.684,0.2818825910931176,0.3440482169763938,0.0015727284978311992,0.2892230576441102,0.2805247225025227,18.64,san diego smm food,2021-09-20,18.64,23.723280852912403 +0.60481444332999,0.593,0.7930161943319842,0.3515821195379207,0.001476807254907921,0.7213032581453633,0.7764883955600403,37.16,san francisco/oakland/san jose smm food,2021-09-20,37.16,44.292915580859884 +0.6283851554663991,0.894,0.34058704453441324,0.203917629331994,0.001416025477213961,0.05263157894736832,0.4273461150353179,44.68,seattle/tacoma smm food,2021-09-20,44.68,44.06097552417735 +0.8665997993981943,0.47500000000000003,0.2672064777327936,0.21446509291813162,0.002166617117382595,0.899749373433584,0.46064581231079715,33.82,st. louis smm food,2021-09-20,33.82,40.625950638162976 +0.5531594784353059,0.521,0.7935222672064783,0.4364640883977901,0.004153104903995071,0.6265664160401001,0.5327951564076691,86.54,tampa/ft. myers smm food,2021-09-20,86.54,129.5860971612821 +0.36158475426278835,0.37799999999999995,0.5323886639676116,0.7865394274234054,0.0006245960801571976,0.3879699248120301,0.07719475277497477,11.2,tucson/sierra vista smm food,2021-09-20,11.2,13.741015534630542 +0.3781344032096288,0.396,0.5501012145748989,0.41386238071320947,0.0030473197504273593,0.5228070175438595,0.25176589303733604,116.24,washington dc/hagerstown smm food,2021-09-20,116.24,128.50456303264997 +0.5682046138415245,0.426,0.7145748987854255,0.44902059266700156,0.0004995502354222291,0.5944862155388472,0.9046417759838546,3.12,yakima/pasco/richland/kennewick smm food,2021-09-20,3.12,6.385454383422655 +0.5837512537612838,0.809,0.3719635627530366,0.7327975891511804,0.012396316931979496,0.3218045112781954,0.15691220988900095,230.26,new york smm food,2021-09-20,230.26,251.29948543988354 +0.48194583751253756,0.6160000000000001,0.7864372469635632,0.4655951783023607,0.007006682738022939,0.6040100250626566,0.31886982845610495,50.8,rem us pacific smm food,2021-09-20,50.8,61.291070624987746 +0.49749247743229674,0.383,0.5688259109311745,0.33550979407333004,0.0012457098709673456,0.7508771929824561,0.5983854692230071,34.03,new orleans smm food,2021-09-20,34.03,12.196757047971865 +0.6213640922768304,0.41300000000000003,0.26771255060728766,0.49171270718232046,0.002820021227592659,0.5468671679197993,0.4717457114026236,42.92,nashville smm food,2021-09-20,42.92,50.30208813626262 +0.6474423269809427,0.7200000000000002,0.3390688259109313,0.22501255650426924,0.0016151491135134423,0.9568922305764411,0.3355196770938446,17.3,mobile/pensacola smm food,2021-09-20,17.3,19.282498557264745 +0.5015045135406218,0.066,0.5227732793522271,0.8242089402310397,0.001056083387432544,0.7498746867167918,0.23612512613521697,21.48,albuquerque/santa fe smm food,2021-09-20,21.48,22.856834922632345 +0.5135406218655968,0.9640000000000001,0.7049595141700409,0.5660472124560523,0.004534890445135257,0.850125313283208,0.6074672048435923,122.59,atlanta smm food,2021-09-20,122.59,131.20983797037513 +0.5205616850551655,0.07600000000000001,0.6118421052631582,0.37920642893018586,0.002147622811853233,0.9433583959899747,0.6352169525731585,56.75,baltimore smm food,2021-09-20,56.75,62.49320684700051 +0.15346038114343025,0.798,0.6953441295546563,0.8237066800602713,0.0006021194852807857,0.4786967418546365,0.39606458123107974,3.8400000000000003,baton rouge smm food,2021-09-20,3.8400000000000003,3.1621507521865055 +0.46539618856569703,0.835,0.7555668016194336,0.5665494726268208,0.001404945465655166,0.4586466165413533,0.05852674066599395,12.55,birmingham/anniston/tuscaloosa smm food,2021-09-20,12.55,10.815623575230383 +0.42226680040120357,0.794,0.9089068825910936,0.6911099949773983,0.004396548586529731,0.393984962406015,0.496468213925328,113.79,boston/manchester smm food,2021-09-20,113.79,142.44213814877043 +0.44583751253761283,0.135,0.3851214574898787,0.5173279758915118,0.001829784765995237,0.7488721804511277,0.3365287588294652,13.96,buffalo smm food,2021-09-20,13.96,18.723311189950294 +0.6720160481444332,0.9660000000000001,0.49898785425101244,0.7202410848819689,0.0026838953712988957,0.5553884711779449,0.5232088799192735,67.35,charlotte smm food,2021-09-20,67.35,83.5900240289332 +0.8034102306920761,0.9590000000000001,0.6528340080971664,0.6167754897036666,0.005199691138662935,0.3614035087719297,0.7391523713420787,105.95,chicago smm food,2021-09-20,105.95,134.6925885258678 +0.3560682046138415,0.97,0.5207489878542513,0.31240582621798096,0.0032898137176855546,0.7573934837092732,0.7366296670030272,79.08,cleveland/akron/canton smm food,2021-09-20,79.08,85.70968132882491 +0.5235707121364092,0.799,0.4539473684210528,0.4590657960823707,0.0020643644392828618,0.3984962406015037,0.41372351160444,47.83,columbus oh smm food,2021-09-20,47.83,57.467217739503525 +0.2407221664994986,0.07900000000000001,0.27530364372469646,0.5318935208437972,0.004393066297182681,0.3218045112781954,0.2623612512613522,55.82,dallas/ft. worth smm food,2021-09-20,55.82,61.62685395475614 +0.820962888665998,0.894,0.47823886639676144,0.17830236062280264,0.0008746877696271349,0.22907268170426062,0.507063572149344,16.58,des moines/ames smm food,2021-09-20,16.58,16.268715445313532 +0.5180541624874624,0.892,0.39321862348178155,0.44751381215469616,0.003705155865260947,0.5052631578947366,0.5201816347124117,76.97,detroit smm food,2021-09-20,76.97,114.43560879968386 +0.2918756268806419,0.515,0.3289473684210529,0.5660472124560523,0.0016388919954251453,0.71328320802005,0.3698284561049445,45.22,grand rapids smm food,2021-09-20,45.22,65.61728836389827 +0.6504513540621865,0.9430000000000001,0.508603238866397,0.4173782019085887,0.0014229900559080606,0.6456140350877191,0.5842583249243188,34.23,albany/schenectady/troy smm food,2021-09-20,34.23,36.420806349535226 +0.43129388164493476,0.7630000000000001,0.1482793522267208,0.5600200904068308,0.0018171218956423286,0.3909774436090223,0.8935418768920282,39.6,harrisburg/lancaster smm food,2021-09-20,39.6,43.61864368697182 +0.26328986960882644,0.39000000000000007,0.10678137651821878,0.7704671019588147,0.001802559594736484,0.28220551378446107,0.3284561049445005,29.9,greensboro smm food,2021-09-20,29.9,37.049647590353096 +0.5070210631895686,0.5740000000000001,0.5951417004048588,0.4801607232546459,0.002052651284206422,0.6080200501253132,0.5479313824419778,49.56,minneapolis/st. paul smm food,2021-09-20,49.56,43.652093231543596 +0.627382146439318,0.771,0.689777327935223,0.4691109994977399,0.002148572527129701,0.31228070175438594,0.5973763874873865,18.05,milwaukee smm food,2021-09-20,18.05,24.06933397515612 +0.7131394182547643,0.43,0.6265182186234821,0.13410346559517833,0.0029501322204687898,0.3438596491228069,0.9071644803229062,104.62,miami/west palm beach smm food,2021-09-20,104.62,138.55848293246794 +0.6133400200601805,0.512,0.45900809716599217,0.4168759417378202,0.00836920758799586,0.9684210526315786,0.46417759838546924,99.09,los angeles smm food,2021-09-20,99.09,117.95162531121244 +0.3981945837512538,0.014000000000000002,0.36740890688259137,0.5660472124560523,0.0016477560046721815,0.6566416040100249,0.48890010090817354,9.39,little rock/pine bluff smm food,2021-09-20,9.39,11.366040593605582 +0.39669007021063174,0.663,0.47419028340080993,0.2566549472626821,0.0005764771728161462,0.21052631578947364,0.7103935418768921,5.87,madison wi smm food,2021-09-20,5.87,5.092241706522572 +0.6278836509528586,0.7509999999999999,0.23329959514170062,0.7373179306880965,0.0013925991670610807,0.31629072681704246,0.6937436932391524,23.4,knoxville smm food,2021-09-20,23.4,26.154706601566097 +0.681544633901705,0.251,0.3451417004048585,0.3967855349070819,0.0013612585629376329,0.644611528822055,0.6584258324924319,33.17,kansas city smm food,2021-09-20,33.17,34.25456919551129 +0.30892678034102306,0.343,0.1341093117408907,0.5791059768960322,0.001589823372807626,0.5864661654135337,0.40867810292633705,28.800000000000004,jacksonville smm food,2021-09-20,28.800000000000004,36.89709305813847 +0.461384152457372,0.746,0.6862348178137656,0.15369161225514819,0.0029536145098158413,0.08771929824561393,0.41977800201816345,31.83,indianapolis smm food,2021-09-20,31.83,38.81353304433681 +0.4744232698094283,0.875,0.6518218623481785,0.5198392767453541,0.0032891805741679086,0.5493734335839598,0.5993945509586277,111.54,houston smm food,2021-09-20,111.54,124.95256206327576 +0.49297893681043126,0.9730000000000001,0.24291497975708515,0.869412355600201,0.0024524814155994982,0.4,0.49697275479313824,59.61999999999999,hartford/new haven smm food,2021-09-20,59.61999999999999,74.35946255707118 +0.6619859578736208,0.5790000000000001,0.7282388663967615,0.6554495228528379,0.0012571064542849628,0.156390977443609,0.4283551967709385,24.17,las vegas smm food,2021-09-20,24.17,28.51205842786849 +0.4869608826479438,0.517,0.4635627530364375,0.6594676042189855,0.002427155674893681,0.13784461152882202,0.5469223007063572,36.01,portland or smm food,2021-09-27,36.01,41.8720959917816 +0.48896690070210624,0.774,0.7535425101214578,0.5188347564038173,0.005578627533973717,0.26967418546365907,0.48335015136226034,78.62,rem us middle atlantic smm food,2021-09-27,78.62,83.82481136181511 +0.4699097291875625,0.191,0.5440283400809719,0.5107985936715218,0.016554486984115723,0.7057644110275688,0.3572149344096872,202.26,rem us east north central smm food,2021-09-27,202.26,267.4459687376243 +0.9754262788365096,0.754,0.6492914979757088,0.3385233550979408,0.0022894469598058035,0.8892230576441102,0.6236125126135217,64.26,raleigh/durham/fayetteville smm food,2021-09-27,64.26,79.87348585158638 +0.8355065195586759,0.20400000000000001,0.33502024291497995,0.538422903063787,0.0017914795831776894,0.381453634085213,0.2921291624621594,32.14,providence ri/new bedford ma smm food,2021-09-27,32.14,37.82383015393099 +0.5426278836509527,0.8380000000000001,0.2505060728744939,0.5786037167252638,0.0024816060174111866,0.3829573934837093,0.4001009081735621,58.95000000000001,pittsburgh smm food,2021-09-27,58.95000000000001,55.94323386457305 +0.54864593781344,0.8109999999999999,0.2803643724696357,0.683073832245103,0.0012878139148907643,0.5353383458646617,0.5554994954591322,51.74,norfolk/portsmouth/newport news smm food,2021-09-27,51.74,57.62809481646994 +0.48495486459378145,0.004,0.45242914979757115,0.3972877950778504,0.005954081639937441,0.7774436090225563,0.8647830474268415,145.33,philadelphia smm food,2021-09-27,145.33,155.70972496319064 +0.40070210631895675,0.741,0.28997975708502044,0.4309392265193371,0.0006844281425746894,0.9869674185463658,0.4101917255297679,5.48,paducah ky/cape girardeau mo smm food,2021-09-27,5.48,6.484517440154079 +0.47492477432296887,0.503,0.774291497975709,0.14364640883977903,0.004175581498871484,0.5102756892230575,0.7643794147325933,57.95,orlando/daytona beach/melborne smm food,2021-09-27,57.95,88.95931541984774 +0.7657973921765295,0.682,0.517206477732794,0.6981416373681568,0.0005422874228632943,0.2295739348370926,0.6004036326942482,12.9,omaha smm food,2021-09-27,12.9,14.953156587523239 +0.046138415245737203,0.042,0.4903846153846157,0.5062782521346058,0.0018870842543421448,0.4686716791979948,0.7280524722502523,4.46,oklahoma city smm food,2021-09-27,4.46,3.909723119083253 +0.5616850551654964,0.09000000000000002,0.7191295546558709,0.407835258663988,0.0056792973532793336,0.5774436090225562,0.4364278506559031,115.08999999999999,rem us mountain smm food,2021-09-27,115.08999999999999,129.22793297196688 +0.4042126379137412,0.8660000000000001,0.5526315789473685,0.7458563535911602,0.003655454099125778,0.5298245614035086,0.15136226034308778,54.23,phoenix/prescott smm food,2021-09-27,54.23,72.8807544470916 +0.5330992978936809,0.45300000000000007,0.501012145748988,0.7222501255650428,0.0027051056791400152,0.8661654135338342,0.5010090817356206,93.03,rem us new england smm food,2021-09-27,93.03,105.33984158926881 +0.4789368104312939,0.271,0.43016194331983826,0.7237569060773481,0.0016968246272896996,0.7904761904761904,0.31331987891019175,31.92,salt lake city smm food,2021-09-27,31.92,35.14464007062526 +0.5586760280842525,0.164,0.2920040485829959,0.7850326469111,0.016795081520820977,0.5228070175438596,0.6493440968718466,213.12,rem us south atlantic smm food,2021-09-27,213.12,244.14936749969502 +0.529087261785356,0.369,0.36336032388663975,0.6976393771973883,0.023361729514080363,0.6546365914786966,0.863773965691221,312.75,rem us south central smm food,2021-09-27,312.75,359.7069920430726 +0.21664994984954863,0.127,0.5693319838056683,0.6504269211451532,0.007170666909093096,0.550375939849624,0.830978809283552,74.24,rem us west north central smm food,2021-09-27,74.24,83.2086888690239 +0.5762286860581746,0.17,0.8577935222672068,0.05323957810145656,0.0013267522412259574,0.39298245614035077,0.4026236125126135,33.61,richmond/petersburg smm food,2021-09-27,33.61,36.82190525060795 +0.6043129388164492,0.44000000000000006,0.6629554655870451,0.2747363134103466,0.0019307711570596801,0.500751879699248,0.5272452068617558,22.87,sacramento/stockton/modesto smm food,2021-09-27,22.87,26.25894442392309 +0.07773319959879638,0.142,0.7140688259109316,0.48267202410848825,0.0014077946114845695,0.18696741854636587,0.4571140262361251,21.74,san diego smm food,2021-09-27,21.74,25.214766344402157 +0.5937813440320963,0.536,0.5308704453441297,0.317930688096434,0.0017639378401601148,0.4085213032581453,0.8466195761856711,36.73,san francisco/oakland/san jose smm food,2021-09-27,36.73,43.37420293543258 +0.7422266800401202,0.254,0.531376518218624,0.45153189352084383,0.0018297847659952367,0.06265664160400992,0.6311806256306761,47.9,seattle/tacoma smm food,2021-09-27,47.9,46.75885652212054 +0.9192577733199597,0.038000000000000006,0.4929149797570852,0.4952285283776997,0.0023815693416232124,0.5669172932330826,0.2694248234106963,35.39,st. louis smm food,2021-09-27,35.39,40.14847144707346 +0.897693079237713,0.511,0.5278340080971664,0.6142641888498243,0.004349695966223971,0.6365914786967417,0.4419778002018164,83.16,tampa/ft. myers smm food,2021-09-27,83.16,130.54400432892288 +0.21915747241725173,0.20800000000000002,0.4989878542510124,0.8473129080863888,0.000700573302274647,0.4180451127819548,0.4934409687184662,13.72,tucson/sierra vista smm food,2021-09-27,13.72,16.26821682843832 +0.43630892678034094,0.13,0.37955465587044535,0.33400301356102463,0.0035275591085614038,0.8145363408521301,0.2840565085771948,113.15999999999998,washington dc/hagerstown smm food,2021-09-27,113.15999999999998,129.0750849641428 +0.4854563691073219,0.443,0.4691295546558707,0.5680562531391261,0.0004460496081811919,0.5373433583959901,0.5645812310797175,3.7400000000000007,yakima/pasco/richland/kennewick smm food,2021-09-27,3.7400000000000007,4.632488586266291 +0.41023069207622864,0.44500000000000006,0.3593117408906884,0.5524861878453039,0.013494187791576637,0.5894736842105263,0.3335015136226034,237.2,new york smm food,2021-09-27,237.2,251.80829617246872 +0.1649949849548646,0.288,0.3603238866396763,0.5434455047714717,0.006220951632624983,0.46867167919799496,0.5822401614530777,56.230000000000004,rem us pacific smm food,2021-09-27,56.230000000000004,61.79362002009632 +0.9563691073219657,0.944,0.6052631578947372,0.23807132094424915,0.0014369192132962594,0.6045112781954887,0.22805247225025227,17.31,new orleans smm food,2021-09-27,17.31,10.113296526427341 +0.4829488465396187,0.7330000000000001,0.46912955465587075,0.8252134605725767,0.002723150269392911,0.4340852130325813,0.5312815338042381,43.99,nashville smm food,2021-09-27,43.99,52.23371376723018 +0.3039117352056168,0.369,0.5334008097165994,0.13108990457056757,0.0015394884631548158,0.5463659147869673,0.15640766902119072,15.57,mobile/pensacola smm food,2021-09-27,15.57,15.809170213106285 +0.7933801404212637,0.683,0.572368421052632,0.6082370668006027,0.0012745179010202107,0.751378446115288,0.29011099899091825,20.66,albuquerque/santa fe smm food,2021-09-27,20.66,22.770581366288383 +0.46088264794383144,0.7530000000000001,0.32085020242914997,0.24058262179809142,0.004887867956222574,0.6711779448621553,0.6851664984863775,116.38,atlanta smm food,2021-09-27,116.38,128.87298684134853 +0.9062186559679036,0.8140000000000001,0.3815789473684212,0.20241084881968863,0.0021397085178826653,0.8541353383458646,0.9828456104944501,55.3,baltimore smm food,2021-09-27,55.3,64.06157592715047 +0.1263791374122367,0.9800000000000001,0.43623481781376544,0.41938724259166255,0.0006486555338277235,0.18446115288220546,0.48133198789101916,2.19,baton rouge smm food,2021-09-27,2.19,0.3182862685517165 +0.21464393179538602,0.15400000000000003,0.3355263157894739,0.581115017579106,0.0014274220605315783,0.6651629072681703,0.08375378405650857,11.65,birmingham/anniston/tuscaloosa smm food,2021-09-27,11.65,10.69876660401571 +0.4984954864593781,0.005000000000000001,0.920546558704454,0.6403817177297841,0.004345263961600453,0.42556390977443603,0.33703329969727547,114.52,boston/manchester smm food,2021-09-27,114.52,141.08764395276268 +0.6599799398194583,0.9480000000000001,0.5764170040485832,0.6428930185836264,0.0020434707032005632,0.29373433583959885,0.28910191725529766,16.09,buffalo smm food,2021-09-27,16.09,18.637977451616734 +0.7116349047141424,0.35600000000000004,0.9175101214574904,0.4003013561024611,0.003194209046521097,0.6636591478696742,0.5671039354187689,67.22,charlotte smm food,2021-09-27,67.22,82.45870414433426 +0.8064192577733198,0.11399999999999999,0.7302631578947372,0.6308387744851834,0.004827719322046256,0.3729323308270676,0.48890010090817354,112.47000000000001,chicago smm food,2021-09-27,112.47000000000001,132.96780842624048 +0.4909729187562687,0.30200000000000005,0.9084008097165998,0.3144148669010548,0.003634243791284658,0.43759398496240604,0.27800201816347125,72.7,cleveland/akron/canton smm food,2021-09-27,72.7,82.27443227393043 +0.32397191574724166,0.809,0.5607287449392716,0.42893018583626324,0.0020257426847064912,0.1523809523809524,0.4031281533804238,51.58,columbus oh smm food,2021-09-27,51.58,56.20309858331753 +0.4919759277833501,0.051000000000000004,0.42560728744939297,0.30035158211953794,0.0047976450049581,0.39899749373433574,0.45509586276488395,56.4,dallas/ft. worth smm food,2021-09-27,56.4,62.211268160506904 +0.8846539618856569,0.677,0.5885627530364376,0.30989452536413864,0.0008211871423860976,0.3142857142857142,0.6997981836528759,12.87,des moines/ames smm food,2021-09-27,12.87,18.468089874479418 +0.31895687061183553,0.545,0.7358299595141705,0.8528377699648418,0.0037839822332078003,0.5177944862155387,0.46215943491422806,88.84,detroit smm food,2021-09-27,88.84,116.18636621437464 +0.7517552657973922,0.072,0.7545546558704458,0.45153189352084383,0.0015838085093899947,0.3348370927318295,0.4788092835519677,45.61,grand rapids smm food,2021-09-27,45.61,65.23471425095784 +0.33701103309929775,0.9890000000000001,0.578947368421053,0.7292817679558011,0.00158444165290764,0.6335839598997492,0.5746720484359233,33.64,albany/schenectady/troy smm food,2021-09-27,33.64,37.678243592339925 +0.3996990972918756,0.23700000000000002,0.23329959514170062,0.33500753390256155,0.0018332670553422865,0.482706766917293,0.9273461150353178,36.2,harrisburg/lancaster smm food,2021-09-27,36.2,42.56844331842966 +0.629889669007021,0.6480000000000001,0.3431174089068828,0.5434455047714717,0.001879169960371579,0.5062656641604009,0.6004036326942482,32.39,greensboro smm food,2021-09-27,32.39,38.904344682186355 +0.7678034102306919,0.5940000000000001,0.5693319838056685,0.3239578101456555,0.0017341800948307803,0.3418546365914788,0.29112008072653883,47.81,minneapolis/st. paul smm food,2021-09-27,47.81,40.829117682761485 +0.450852557673019,0.903,0.765688259109312,0.6418884982420895,0.0017344966665896022,0.08220551378446113,0.8007063572149344,20.33,milwaukee smm food,2021-09-27,20.33,25.27927515341515 +0.32998996990972923,0.36200000000000004,0.3815789473684213,0.43445504771471627,0.0027339137091928825,0.6040100250626564,0.6942482341069627,102.39,miami/west palm beach smm food,2021-09-27,102.39,138.99999814144715 +0.8625877632898695,0.596,0.3461538461538463,0.401305876443998,0.009381287500952051,0.5182957393483707,0.5196770938446014,98.9,los angeles smm food,2021-09-27,98.9,117.31844499808656 +0.3916750250752257,0.303,0.6012145748987858,0.40482169763937725,0.0016445902870839547,0.5152882205513784,0.31735620585267404,9.27,little rock/pine bluff smm food,2021-09-27,9.27,9.276384342867921 +0.37863590772316935,0.7730000000000001,0.4433198380566803,0.27272727272727276,0.00046314448315761767,0.26315789473684204,0.4525731584258325,5.48,madison wi smm food,2021-09-27,5.48,3.839354663080158 +0.3329989969909729,0.271,0.5556680161943324,0.7041687594173782,0.0015527844770253695,0.5624060150375938,0.79313824419778,25.75,knoxville smm food,2021-09-27,25.75,26.808393510427074 +0.679037111334002,0.9400000000000001,0.25809716599190297,0.4796584630838775,0.0013226368083612628,0.44411027568922296,0.5802219979818365,30.479999999999997,kansas city smm food,2021-09-27,30.479999999999997,33.91121511075527 +0.4292878635907723,0.5780000000000001,0.14068825910931174,0.2832747363134104,0.00146857638917853,0.11177944862155387,0.7916246215943491,25.69,jacksonville smm food,2021-09-27,25.69,36.249064428577604 +0.3891675025075224,0.248,0.6042510121457494,0.3676544450025113,0.002687694232404769,0.18746867167919787,0.2199798183652876,31.380000000000003,indianapolis smm food,2021-09-27,31.380000000000003,38.75150747983122 +0.495987963891675,0.30200000000000005,0.7702429149797575,0.22350577599196386,0.004043887647201238,0.30476190476190473,0.7129162462159435,100.18,houston smm food,2021-09-27,100.18,123.10589458393204 +0.7091273821464392,0.8260000000000001,0.6472672064777331,0.8347564038171774,0.0028665572761395965,0.7609022556390977,0.4909182643794147,64.74,hartford/new haven smm food,2021-09-27,64.74,75.84015737392342 +0.7673019057171513,0.876,0.7125506072874498,0.2646911099949774,0.0015046655696843185,0.47819548872180445,0.44601412714429867,24.46,las vegas smm food,2021-09-27,24.46,27.71163397096776 +0.3390170511534603,0.18899999999999997,0.1275303643724697,0.9065796082370668,0.0015831753658723485,0.11679197994987467,0.3955600403632694,39.96,portland or smm food,2021-10-04,39.96,41.62275748617828 +0.6223671013039117,0.067,0.6806680161943323,0.4565544952285284,0.005773952309167325,0.2451127819548872,0.6972754793138244,85.78,rem us middle atlantic smm food,2021-10-04,85.78,84.51008609926569 +0.37161484453360066,0.76,0.3532388663967613,0.28729281767955805,0.017224669397543385,0.35388471177944847,0.09434914228052473,235.94,rem us east north central smm food,2021-10-04,235.94,263.63141626260165 +0.6980942828485457,0.515,0.30971659919028355,0.07785032646911101,0.0025952552788285374,0.44561403508771924,0.6680121089808274,70.68,raleigh/durham/fayetteville smm food,2021-10-04,70.68,76.52849585654262 +0.5942828485456368,0.7280000000000001,0.369433198380567,0.6012054244098444,0.0015486690441606746,0.2310776942355889,0.786074672048436,30.41,providence ri/new bedford ma smm food,2021-10-04,30.41,40.406969634629284 +0.5110330992978935,0.284,0.06123481781376503,0.701657458563536,0.0025547340936992314,0.29573934837092736,0.49596367305751765,57.03999999999999,pittsburgh smm food,2021-10-04,57.03999999999999,56.519180335850756 +0.6223671013039113,0.8550000000000001,0.3446356275303645,0.395781014565545,0.001303009359314254,0.5368421052631579,0.7078708375378405,51.97,norfolk/portsmouth/newport news smm food,2021-10-04,51.97,57.05538733125421 +0.2607823470411235,0.969,0.20850202429149808,0.4485183324962331,0.006240262509913167,0.6917293233082705,0.70686175580222,155.04,philadelphia smm food,2021-10-04,155.04,154.7870296531653 +0.4072216649949848,0.7150000000000002,0.3522267206477735,0.7187343043696636,0.001039305084214942,0.9283208020050123,0.3501513622603431,5.53,paducah ky/cape girardeau mo smm food,2021-10-04,5.53,7.689427532643421 +0.8841524573721162,0.808,0.5662955465587048,0.46710195881466604,0.0038403320062782398,0.32380952380952377,0.8390514631685166,230.65000000000003,orlando/daytona beach/melborne smm food,2021-10-04,230.65000000000003,91.3155238992384 +0.6283851554663991,0.41200000000000003,0.41042510121457537,0.4455047714716223,0.0006062349181454806,0.08872180451127809,0.9445005045408679,13.9,omaha smm food,2021-10-04,13.9,14.65459185590376 +0.0872617853560682,0.061,0.5662955465587048,0.3726770467101959,0.0016376257083898528,0.4606516290726815,0.669021190716448,4.75,oklahoma city smm food,2021-10-04,4.75,2.866477475933948 +0.5235707121364092,0.6920000000000001,0.3957489878542512,0.5223505775991965,0.004905595974716642,0.49724310776942343,0.18163471241170534,118.89,rem us mountain smm food,2021-10-04,118.89,128.06785785714231 +0.5651955867602808,0.895,0.3142712550607287,0.5037669512807634,0.003127728977168328,0.46265664160400993,0.2941473259334006,56.41,phoenix/prescott smm food,2021-10-04,56.41,72.1762846449232 +0.3144433299899699,0.829,0.6128542510121461,0.6780512305374184,0.002499334035905257,0.5403508771929821,0.37790110998990917,94.87,rem us new england smm food,2021-10-04,94.87,103.21366540496173 +0.3154463390170511,0.902,0.30718623481781393,0.8267202410848821,0.002025109541188845,0.39348370927318305,0.2759838546922301,33.0,salt lake city smm food,2021-10-04,33.0,34.279482119277375 +0.44132397191574707,0.257,0.031882591093117245,0.41436464088397795,0.017304762052525537,0.6982456140350877,0.4656912209889001,306.17,rem us south atlantic smm food,2021-10-04,306.17,241.2669109000639 +0.5010030090270813,0.191,0.6098178137651824,0.5258663987945756,0.024110105151937233,0.7223057644110275,0.7663975782038345,332.75,rem us south central smm food,2021-10-04,332.75,358.49529376491677 +0.2988966900702106,0.20099999999999998,0.6912955465587048,0.6750376695128077,0.007426773461980664,0.44110275689223055,0.5711402623612513,75.77,rem us west north central smm food,2021-10-04,75.77,81.78743183996372 +0.4543630892678035,0.137,0.9013157894736848,0.20693119035660473,0.0012393784357908908,0.6225563909774435,0.3864783047426842,39.11,richmond/petersburg smm food,2021-10-04,39.11,38.11482147274206 +0.3430290872617853,0.7480000000000002,0.6786437246963568,0.5951783023606229,0.002157436536376737,0.06416040100250617,0.7209889001009082,24.86,sacramento/stockton/modesto smm food,2021-10-04,24.86,27.613050235216413 +0.3124373119358074,0.535,0.9539473684210532,0.7076845806127575,0.0012874973431319418,0.3263157894736841,0.7653884964682139,20.41,san diego smm food,2021-10-04,20.41,29.42270011850747 +0.3375125376128385,0.15400000000000003,0.5283400809716602,0.19588146659969866,0.0021498388141649926,0.46115288220551365,0.5726538849646822,36.91,san francisco/oakland/san jose smm food,2021-10-04,36.91,40.7000472654381 +0.4794383149448343,0.8420000000000001,0.8608299595141705,0.6750376695128077,0.0015540507640606602,0.3914786967418545,0.38244197780020184,45.91,seattle/tacoma smm food,2021-10-04,45.91,47.6112150048308 +0.47793380140421254,0.149,0.38360323886639686,0.5344048216976395,0.002707321681451776,0.10877192982456138,0.044399596367305755,38.65,st. louis smm food,2021-10-04,38.65,36.94581379247845 +0.6148445336008024,0.439,0.5971659919028345,0.47312908086388755,0.004303793061194678,0.5934837092731828,0.7790110998990918,308.71,tampa/ft. myers smm food,2021-10-04,308.71,131.08657590363833 +0.39518555667001004,0.878,0.4746963562753038,0.7358111501757911,0.0005783766033690826,0.581453634085213,0.6215943491422805,10.13,tucson/sierra vista smm food,2021-10-04,10.13,17.44948765083067 +0.5962888665997993,0.17200000000000001,0.45141700404858304,0.3967855349070819,0.003680779839831593,0.6245614035087719,0.6195761856710393,117.22,washington dc/hagerstown smm food,2021-10-04,117.22,131.14185214254596 +0.38214643931795383,0.7509999999999999,0.44787449392712575,0.6579608237066801,0.0004796062146163987,0.8591478696741855,0.4661957618567104,4.16,yakima/pasco/richland/kennewick smm food,2021-10-04,4.16,5.535401157893503 +0.5210631895687061,0.934,0.16346153846153857,0.407835258663988,0.012869275139660616,0.8125313283208019,0.7376387487386479,253.29,new york smm food,2021-10-04,253.29,254.21585397006203 +0.40672016048144427,0.916,0.27226720647773295,0.5801104972375691,0.006120281813319363,0.47268170426065154,0.5963673057517659,54.06,rem us pacific smm food,2021-10-04,54.06,62.723214669749815 +0.7337011033099295,0.994,0.6872469635627535,0.5640381717729784,0.0012520413061437995,0.2781954887218046,0.3012108980827447,13.21,new orleans smm food,2021-10-04,13.21,11.069225048106809 +0.3229689067201603,0.9890000000000001,0.9195344129554661,0.6418884982420895,0.0026231135936049363,0.3974937343358394,0.27648839556004035,58.94,nashville smm food,2021-10-04,58.94,49.706912080920254 +0.11384152457372115,0.6030000000000001,0.7494939271255064,0.4731290808638876,0.001481239259531438,0.4355889724310777,0.313824419778002,37.5,mobile/pensacola smm food,2021-10-04,37.5,18.251553636934446 +0.5481444332998996,0.29300000000000004,0.47874493927125533,0.40482169763937725,0.0015660804908959223,0.2746867167919799,0.4162462159434914,24.07,albuquerque/santa fe smm food,2021-10-04,24.07,20.256135504789526 +0.6559679037111332,0.26,0.34767206477732815,0.532898041185334,0.0045003841234235835,0.5082706766917292,0.6695257315842583,216.82,atlanta smm food,2021-10-04,216.82,130.0104196314003 +0.730692076228686,0.802,0.3122469635627532,0.08387744851833251,0.002026059256465314,0.6536340852130326,0.9853683148335015,55.67,baltimore smm food,2021-10-04,55.67,62.420614498598155 +0.4032096288866599,0.15500000000000003,0.44433198380566824,0.1978905072827725,0.0006527709666924186,0.39699248120300745,0.5509586276488395,2.23,baton rouge smm food,2021-10-04,2.23,0.19679214591180028 +0.34954864593781326,0.217,0.341093117408907,0.7076845806127575,0.001944383742689056,0.45062656641604004,0.11806256306760848,29.030000000000005,birmingham/anniston/tuscaloosa smm food,2021-10-04,29.030000000000005,11.288115765415021 +0.7006018054162486,0.663,0.801113360323887,0.4545454545454546,0.0036627352495787005,0.33583959899749366,0.1786074672048436,112.53000000000002,boston/manchester smm food,2021-10-04,112.53000000000002,139.30029875290592 +0.3390170511534605,0.5940000000000001,0.8643724696356279,0.532898041185334,0.0016971411990485232,0.07268170426065153,0.20988900100908173,18.03,buffalo smm food,2021-10-04,18.03,16.293213165012915 +0.8831494483450352,0.29100000000000004,0.8896761133603245,0.582119537920643,0.002997301412533374,0.5538847117794485,0.5842583249243188,81.84,charlotte smm food,2021-10-04,81.84,83.47023585334438 +0.4307923771313941,0.038000000000000006,0.2656882591093119,0.7031642390758414,0.004521277859505877,0.5197994987468672,0.3249243188698285,125.41999999999999,chicago smm food,2021-10-04,125.41999999999999,131.89901169966924 +0.8640922768304914,0.388,0.9164979757085024,0.7157207433450528,0.004035340209713026,0.5413533834586466,0.3077699293642785,84.1,cleveland/akron/canton smm food,2021-10-04,84.1,85.78848233293097 +0.5275827482447342,0.7450000000000001,0.4438259109311743,0.5886489201406329,0.0022688697954823286,0.23659147869674185,0.27447023208879917,52.33,columbus oh smm food,2021-10-04,52.33,56.90533638616253 +0.497492477432297,0.29500000000000004,0.6234817813765186,0.323455549974887,0.004949599449192998,0.3538847117794485,0.6024217961654894,57.64,dallas/ft. worth smm food,2021-10-04,57.64,63.32157691029359 +0.7151454363089266,0.29,0.620445344129555,0.5730788548468106,0.0006663835523217947,0.7268170426065161,0.5953582240161454,15.43,des moines/ames smm food,2021-10-04,15.43,20.182915746327836 +0.7021063189568706,0.30000000000000004,0.5065789473684214,0.5760924158714215,0.0042756181746594615,0.5739348370927316,0.9147325933400605,99.38,detroit smm food,2021-10-04,99.38,117.85265657634115 +0.5672016048144433,0.11000000000000001,0.6933198380566805,0.32194876946258166,0.0017534909721189647,0.19448621553884707,0.7840565085771948,60.92999999999999,grand rapids smm food,2021-10-04,60.92999999999999,65.52363180764877 +0.4493480441323971,0.782,0.5465587044534416,0.49221496735308895,0.0012754676162966797,0.6601503759398496,0.5,33.93,albany/schenectady/troy smm food,2021-10-04,33.93,35.99884014111743 +0.4969909729187562,0.10400000000000001,0.36639676113360353,0.21195379206428933,0.0021080513420003947,0.6125313283208018,0.47124117053481335,37.7,harrisburg/lancaster smm food,2021-10-04,37.7,39.84351529619241 +0.5651955867602808,0.3740000000000001,0.6133603238866401,0.5640381717729784,0.0019953517958595118,0.5473684210526315,0.5479313824419778,36.08,greensboro smm food,2021-10-04,36.08,38.79199834180387 +0.6349047141424272,0.30400000000000005,0.6072874493927131,0.046710195881466604,0.0018035093100129526,0.4075187969924812,0.4788092835519677,47.9,minneapolis/st. paul smm food,2021-10-04,47.9,40.20996711115564 +0.40320962888665995,0.852,0.6907894736842108,0.5831240582621798,0.0015217604446607445,0.029573934837092725,0.5817356205852674,23.03,milwaukee smm food,2021-10-04,23.03,23.33259087253831 +0.29588766298896696,0.9390000000000001,0.3861336032388666,0.4158714213962833,0.002619947876016709,0.5739348370927316,0.7542885973763875,346.43,miami/west palm beach smm food,2021-10-04,346.43,139.34518457777028 +0.5240722166499497,0.835,0.44635627530364397,0.8689100954294325,0.009259090802046486,0.46466165413533816,0.6190716448032291,101.55,los angeles smm food,2021-10-04,101.55,119.9956952057973 +0.42126379137412245,0.508,0.607287449392713,0.044701155198392774,0.001527142164560731,0.5669172932330825,0.6488395560040363,11.02,little rock/pine bluff smm food,2021-10-04,11.02,9.426501468877284 +0.5927783350050149,0.9369999999999999,0.4291497975708504,0.5690607734806631,0.0004672599160223129,0.4992481203007517,0.7033299697275479,7.17,madison wi smm food,2021-10-04,7.17,8.144267850844017 +0.26479438314944836,0.09799999999999999,0.850708502024292,0.32194876946258166,0.0015616484862724053,0.6992481203007516,0.4026236125126135,21.9,knoxville smm food,2021-10-04,21.9,22.76853626868948 +0.3625877632898696,0.894,0.41548582995951444,0.47915620291310906,0.0013337168199200576,0.5744360902255637,0.5650857719475277,31.260000000000005,kansas city smm food,2021-10-04,31.260000000000005,33.77299928509921 +0.37261785356068206,0.87,0.5794534412955469,0.5625313912606731,0.0015727284978312,0.019548872180451125,0.7633703329969728,74.28,jacksonville smm food,2021-10-04,74.28,37.72133502627269 +0.471915747241725,0.635,0.5835020242914983,0.43345052737317935,0.0026389421815460725,0.3127819548872179,0.13218970736629668,36.52,indianapolis smm food,2021-10-04,36.52,39.30482159817731 +0.7597793380140422,0.042,0.6680161943319842,0.18533400301356104,0.004377554281000369,0.25964912280701746,0.6256306760847629,100.31,houston smm food,2021-10-04,100.31,122.54590527408038 +0.5827482447342026,0.634,0.7920040485829963,0.3977900552486188,0.0027839320470868707,0.6421052631578946,0.24470232088799193,66.34,hartford/new haven smm food,2021-10-04,66.34,71.32137246228842 +0.5762286860581745,0.04400000000000001,0.7024291497975712,0.5580110497237569,0.0012529910214202676,0.3298245614035087,0.7194752774974773,24.34,las vegas smm food,2021-10-04,24.34,29.77124831696218 +0.5797392176529588,0.44400000000000006,0.4635627530364373,0.8895027624309393,0.002509464332187585,0.25062656641604014,0.3203834510595358,69.47,pittsburgh smm food,2021-10-11,69.47,56.86497493904729 +0.4503510531594783,0.48300000000000004,0.3071862348178139,0.3972877950778504,0.0158947514387292,0.08972431077694225,0.0963673057517659,272.73,rem us east north central smm food,2021-10-11,272.73,263.2429207090291 +0.592778335005015,0.11599999999999999,0.5242914979757087,0.19989954796584633,0.002569929538122721,0.4105263157894737,0.7305751765893037,62.04,raleigh/durham/fayetteville smm food,2021-10-11,62.04,77.24830398451377 +0.68555667001003,0.126,0.4954453441295549,0.3802109492717228,0.0017519081133248516,0.49874686716791966,0.8390514631685166,36.73,providence ri/new bedford ma smm food,2021-10-11,36.73,40.256417326498216 +0.14794383149448345,0.8720000000000001,0.13208502024291507,0.6162732295328981,0.00111180001698534,0.20050125313283204,0.38799192734611504,52.08,portland or smm food,2021-10-11,52.08,40.11000596284301 +0.46690070210631895,0.6950000000000001,0.11892712550607276,0.6690105474635862,0.002776017753116303,0.31127819548872177,0.7129162462159435,61.410000000000004,phoenix/prescott smm food,2021-10-11,61.410000000000004,74.6552257315592 +0.34403209628886655,0.30000000000000004,0.2100202429149799,0.5921647413360122,0.011896133553039619,0.45363408521303245,0.9323915237134208,237.6,new york smm food,2021-10-11,237.6,254.59173378617206 +0.3164493480441323,0.082,0.4003036437246966,0.5715720743345053,0.0012577395978026088,0.8531328320802003,0.6251261352169526,7.079999999999999,paducah ky/cape girardeau mo smm food,2021-10-11,7.079999999999999,7.823430507380124 +0.7181544633901704,0.405,0.20748987854251022,0.6489201406328479,0.004431688051759053,0.5543859649122806,0.7780020181634713,54.76,orlando/daytona beach/melborne smm food,2021-10-11,54.76,92.11796603521859 +0.7161484453360079,0.17600000000000005,0.43016194331983854,0.4108488196885987,0.0005995869112102039,0.034586466165413436,0.8244197780020182,13.42,omaha smm food,2021-10-11,13.42,13.641014754004715 +0.40772316950852555,0.07800000000000001,0.5323886639676118,0.24108488196885988,0.0013394151115788645,0.6751879699248119,0.3511604439959637,3.36,oklahoma city smm food,2021-10-11,3.36,1.4147273474214614 +0.6454363089267798,0.774,0.1756072874493927,0.13812154696132597,0.0013492288361023693,0.7082706766917293,0.8002018163471242,46.66,norfolk/portsmouth/newport news smm food,2021-10-11,46.66,56.55040064211107 +0.4904714142427281,0.878,0.7768218623481784,0.8739326971371171,0.005532091485426779,0.350375939849624,0.8279515640766902,86.68,rem us middle atlantic smm food,2021-10-11,86.68,88.16249519744537 +0.7527582748244735,0.528,0.6290485829959517,0.8141637368156706,0.005976558234813854,0.4100250626566415,0.4873864783047427,149.48,philadelphia smm food,2021-10-11,149.48,155.57167233273168 +0.600802407221665,0.687,0.2257085020242916,0.16775489703666502,0.005166134532227728,0.5187969924812029,0.346619576185671,143.55,rem us mountain smm food,2021-10-11,143.55,127.11987273551578 +0.29237713139418253,0.853,0.733805668016195,0.6489201406328479,0.0020121300990771154,0.3253132832080199,0.5847628657921292,27.45,sacramento/stockton/modesto smm food,2021-10-11,27.45,27.917183965347583 +0.4568706118355064,0.064,0.6821862348178142,0.5012556504269212,0.006176948158148628,0.6436090225563909,0.4646821392532795,62.97,rem us pacific smm food,2021-10-11,62.97,61.98524790665861 +0.2547642928786357,0.766,0.37601214574898784,0.08237066800602713,0.01652694524109815,0.6290726817042606,0.22452068617558021,206.03,rem us south atlantic smm food,2021-10-11,206.03,237.77961439526928 +0.7091273821464392,0.35700000000000004,0.6786437246963566,0.30487192365645405,0.02270072768165855,0.7669172932330826,0.7795156407669022,332.65,rem us south central smm food,2021-10-11,332.65,357.7114151984641 +0.1725175526579739,0.48300000000000004,0.7975708502024295,0.6670015067805124,0.007482490091533461,0.13283208020050122,0.2512613521695257,78.99,rem us west north central smm food,2021-10-11,78.99,78.92616232813492 +0.679037111334002,0.435,0.7317813765182191,0.6378704168759418,0.0011934755307615988,0.7092731829573935,0.5252270433905146,35.38,richmond/petersburg smm food,2021-10-11,35.38,42.05672424601698 +0.12587763289869605,0.5730000000000001,0.5136639676113364,0.779507785032647,0.0017436772475954599,0.10325814536340859,0.2593340060544904,34.88,salt lake city smm food,2021-10-11,34.88,32.63248535709833 +0.41825476429287856,0.019000000000000003,0.7732793522267211,0.8804620793571071,0.0010842582739677648,0.25313283208020043,0.5746720484359233,26.87,san diego smm food,2021-10-11,26.87,28.879173031630366 +0.5376128385155465,0.391,0.940283400809717,0.40482169763937725,0.00222676575155891,0.36240601503759395,0.33249243188698285,39.6,san francisco/oakland/san jose smm food,2021-10-11,39.6,40.90400206516607 +0.44132397191574707,0.995,0.5040485829959517,0.6745354093420393,0.001689860048595601,0.669674185463659,0.479313824419778,45.72,seattle/tacoma smm food,2021-10-11,45.72,48.83970464947558 +0.32698094282848533,0.9730000000000001,0.2049595141700405,0.7081868407835259,0.0029827391116275296,0.1107769423558897,0.34157416750756814,33.94,st. louis smm food,2021-10-11,33.94,39.72824904965722 +0.2537612838515546,0.9300000000000002,0.774797570850203,0.5926670015067805,0.004271502741794763,0.7243107769423557,0.4046417759838547,75.93,tampa/ft. myers smm food,2021-10-11,75.93,129.7359220121579 +0.679037111334002,0.08100000000000002,0.6568825910931178,0.5278754394776495,0.0005752108857808556,0.16741854636591474,0.21796165489404642,13.78,tucson/sierra vista smm food,2021-10-11,13.78,12.853598244306731 +0.5712136409227682,0.29100000000000004,0.3355263157894737,0.6398794575590157,0.0029985676995686627,0.32581453634085206,0.6150353178607467,134.03,washington dc/hagerstown smm food,2021-10-11,134.03,131.4290310153736 +0.5220661985957872,0.248,0.45647773279352255,0.4103465595178303,0.0010142959152679477,0.11127819548872186,0.45862764883955603,11.9,new orleans smm food,2021-10-11,11.9,9.712885161060818 +0.5917753259779337,0.778,0.28997975708502044,0.851833249623305,0.002127362219288578,0.5854636591478694,0.39455095862764883,106.74,rem us new england smm food,2021-10-11,106.74,104.63405277640267 +0.43079237713139407,0.794,0.7651821862348182,0.2591662481165244,0.0030017334171568914,0.6401002506265662,0.5580221997981837,40.66,nashville smm food,2021-10-11,40.66,49.946787089260035 +0.38214643931795383,0.48200000000000004,0.7889676113360328,0.5364138623807133,0.0004767570687869943,0.8080200501253133,0.7855701311806257,4.71,yakima/pasco/richland/kennewick smm food,2021-10-11,4.71,6.614893437131343 +0.5336008024072216,0.246,0.5814777327935228,0.4354595680562532,0.0019744580597772137,0.21754385964912293,0.801715438950555,42.4,minneapolis/st. paul smm food,2021-10-11,42.4,43.53111428286545 +0.5030090270812436,0.686,0.36842105263157926,0.4947262682069312,0.0011342766118617531,0.769924812030075,0.7522704339051464,36.94,albany/schenectady/troy smm food,2021-10-11,36.94,37.73129084087901 +0.11685055165496488,0.743,0.7029352226720652,0.3787041687594174,0.0012681864658437567,0.03609022556390976,0.6685166498486378,21.75,albuquerque/santa fe smm food,2021-10-11,21.75,20.413905494472388 +0.7021063189568706,0.851,0.5065789473684214,0.43797086891009546,0.0036263294973140933,0.5438596491228069,0.5141271442986882,106.39,atlanta smm food,2021-10-11,106.39,129.00083250105172 +0.48896690070210636,0.618,0.5531376518218626,0.39829231541938726,0.0016806794675897426,0.5588972431077694,0.5201816347124117,62.19,baltimore smm food,2021-10-11,62.19,60.84232495307843 +0.6459378134403209,0.08600000000000001,0.5759109311740893,0.20241084881968863,0.00064359038568656,0.5027568922305764,0.7421796165489405,2.64,baton rouge smm food,2021-10-11,2.64,2.1095189840642092 +0.595285857572718,0.502,0.2651821862348179,0.7830236062280262,0.0016765640347250472,0.17142857142857149,0.2522704339051463,10.82,birmingham/anniston/tuscaloosa smm food,2021-10-11,10.82,12.090088264469522 +0.5496489468405216,0.22200000000000003,0.7682186234817817,0.3897538925163235,0.003951765265383831,0.2686716791979949,0.4394550958627649,127.65,boston/manchester smm food,2021-10-11,127.65,139.79794407487788 +0.1429287863590773,0.391,0.4347165991902836,0.4314414866901055,0.0013362493939906392,0.23007518796992468,0.47679112008072655,18.19,buffalo smm food,2021-10-11,18.19,17.01274030663828 +0.7998996990972919,0.29100000000000004,0.6391700404858304,0.45303867403314924,0.0022698195107587974,0.637593984962406,0.47023208879919276,66.47,charlotte smm food,2021-10-11,66.47,81.93588848866796 +0.4478435305917753,0.387,0.4180161943319841,0.4927172275238574,0.00503285782176337,0.39999999999999997,0.46770938446014126,132.15,chicago smm food,2021-10-11,132.15,131.50536508897687 +0.7562688064192578,0.631,0.753542510121458,0.4866901054746359,0.0037171855920962063,0.9619047619047618,0.5368314833501514,87.67,cleveland/akron/canton smm food,2021-10-11,87.67,86.895008631744 +0.8019057171514542,0.42800000000000005,0.11133603238866403,0.7875439477649423,0.0024100607999172556,0.4345864661654135,0.2547931382441978,53.61,columbus oh smm food,2021-10-11,53.61,58.6705893990988 +0.24222668004012052,0.38,0.4863360323886642,0.7669512807634356,0.004427572618894357,0.45914786967418536,0.4374369323915237,59.42,dallas/ft. worth smm food,2021-10-11,59.42,64.68737203758614 +0.6293881644934805,0.435,0.42206477732793546,0.8056253139126068,0.0007559733600686204,0.5523809523809523,0.6372351160443996,16.76,des moines/ames smm food,2021-10-11,16.76,21.03272728539548 +0.9959879638916751,0.625,0.24342105263157918,0.22199899547965848,0.004586175070064535,0.7483709273182956,0.7114026236125126,117.0,detroit smm food,2021-10-11,117.0,115.71065928174323 +0.5396188565697091,0.916,0.5516194331983808,0.8337518834756404,0.0012786333338849069,0.7854636591478696,0.6226034308779012,14.25,mobile/pensacola smm food,2021-10-11,14.25,23.893442640804807 +0.18104312938816447,0.32200000000000006,0.5480769230769235,0.6539427423405325,0.0018823356779598057,0.6150375939849623,0.5635721493440968,30.6,greensboro smm food,2021-10-11,30.6,38.88692591400444 +0.4443329989969909,0.844,0.4564777327935225,0.6695128076343546,0.0015743113566253136,0.2471177944862155,0.7346115035317861,71.87,grand rapids smm food,2021-10-11,71.87,67.35502733229067 +0.36108324974924777,0.253,0.8021255060728748,0.7995981918633853,0.0014749078243549841,0.1588972431077694,0.2265388496468214,23.46,milwaukee smm food,2021-10-11,23.46,22.62818884512678 +0.6795386158475426,0.519,0.3223684210526317,0.2787543947764943,0.0024857214502758814,0.3924812030075187,0.8647830474268415,96.18,miami/west palm beach smm food,2021-10-11,96.18,139.02596324425133 +0.5737211634904712,0.21600000000000003,0.29149797570850217,0.3631341034655952,0.0005543171496985567,0.4556390977443608,0.9228052472250252,5.41,madison wi smm food,2021-10-11,5.41,7.665118454724578 +0.5606820461384152,0.8550000000000001,0.7859311740890693,0.4831742842792567,0.0016085011065781662,0.9568922305764407,0.665489404641776,10.33,little rock/pine bluff smm food,2021-10-11,10.33,13.753616479360339 +0.4874623871614843,0.434,0.5475708502024295,0.7292817679558011,0.001272935042226098,0.26967418546365907,0.7159434914228052,25.92,las vegas smm food,2021-10-11,25.92,30.48597880076563 +0.2256770310932798,0.7110000000000001,0.38259109311740913,0.8106479156202914,0.008263472620549077,0.9072681704260649,0.3148335015136226,114.70999999999998,los angeles smm food,2021-10-11,114.70999999999998,118.53592883767274 +0.5626880641925777,0.541,0.425101214574899,0.45404319437468615,0.0015496187594371425,0.8070175438596491,0.5196770938446014,29.149999999999995,kansas city smm food,2021-10-11,29.149999999999995,34.29251905372117 +0.1675025075225677,0.2,0.9665991902834014,0.7885484681064793,0.0015907730880840942,0.3789473684210526,0.718970736629667,25.91,jacksonville smm food,2021-10-11,25.91,39.45744694165361 +0.479939819458375,0.313,0.7494939271255064,0.19035660472124563,0.0028428143942278946,0.21604010025062642,0.3612512613521695,40.72,indianapolis smm food,2021-10-11,40.72,38.935173911808974 +0.4272818455366099,0.446,0.31882591093117424,0.17930688096433955,0.003703256434708007,0.4040100250626566,0.425832492431887,108.13,houston smm food,2021-10-11,108.13,121.12567727364501 +0.29087261785356067,0.09100000000000001,0.5870445344129558,0.3862380713209443,0.002436652827658363,0.5654135338345864,0.28456104944500504,69.15,hartford/new haven smm food,2021-10-11,69.15,70.3374392064731 +0.4894684052156469,0.31600000000000006,0.48532388663967646,0.2350577599196384,0.0019953517958595118,0.7974937343358394,0.05600403632694248,36.33,harrisburg/lancaster smm food,2021-10-11,36.33,38.2845687458322 +0.6740220661985957,0.8420000000000001,0.4337044534412959,0.3912606730286289,0.0011653006442263784,0.5162907268170425,0.3546922300706357,19.1,knoxville smm food,2021-10-11,19.1,23.037299003412905 +0.271815446339017,0.242,0.11285425101214583,0.4173782019085887,0.001419191194802187,0.19849624060150373,0.5045408678102926,45.77,portland or smm food,2021-10-18,45.77,39.586986351252214 +0.3009027081243731,0.9369999999999999,0.6720647773279355,0.923154193872426,0.0043484296791886845,0.5498746867167918,0.7946518668012109,81.08,rem us middle atlantic smm food,2021-10-18,81.08,88.3498887217915 +0.5050150451354061,0.164,0.27176113360323895,0.45755901557006534,0.012670784646878774,0.38095238095238076,0.22401614530776992,241.51,rem us east north central smm food,2021-10-18,241.51,264.69736413999215 +0.7883650952858574,0.605,0.7434210526315794,0.29633350075339027,0.002551884947869827,0.41854636591478694,0.5075681130171544,66.61,raleigh/durham/fayetteville smm food,2021-10-18,66.61,77.21620575047352 +0.5255767301905717,0.9890000000000001,0.6386639676113363,0.12506278252134606,0.0013131396555965819,0.6165413533834586,0.35317860746720486,38.04,providence ri/new bedford ma smm food,2021-10-18,38.04,36.503267053477224 +0.8370110330992977,0.001,0.7297570850202431,0.9281767955801106,0.0016863777592485512,0.39649122807017545,0.08829465186680122,64.82,pittsburgh smm food,2021-10-18,64.82,56.463401996134884 +0.7347041123370105,0.233,0.13056680161943318,0.07734806629834255,0.0011523212021146464,0.7543859649122807,0.7134207870837538,49.29,norfolk/portsmouth/newport news smm food,2021-10-18,49.29,55.68575705268002 +0.5070210631895689,0.242,0.8952429149797576,0.5725765946760423,0.004670383157911372,0.21654135338345862,0.2260343087790111,141.85,philadelphia smm food,2021-10-18,141.85,151.51200121913882 +0.5972918756268804,0.493,0.5075910931174092,0.6906077348066298,0.0009785233065209827,0.6025062656641602,0.8708375378405651,7.55,paducah ky/cape girardeau mo smm food,2021-10-18,7.55,9.836934240640915 +0.5742226680040119,0.361,0.32995951417004066,0.36263184329482673,0.0031220306855095207,0.7288220551378445,0.7790110998990918,59.56,orlando/daytona beach/melborne smm food,2021-10-18,59.56,90.6549732141477 +0.4964894684052155,0.18200000000000002,0.7312753036437254,0.575590155700653,0.0005498851450750392,0.36942355889724293,0.6185671039354188,14.87,omaha smm food,2021-10-18,14.87,14.241263743364016 +0.5912738214643931,0.669,0.5480769230769235,0.6745354093420393,0.0006290280847807137,0.5167919799498745,0.2119071644803229,3.7,oklahoma city smm food,2021-10-18,3.7,3.087825648067934 +0.6860581745235707,0.793,0.49848178137651844,0.4580612757408338,0.0047466769517876435,0.2796992481203007,0.23158425832492432,135.16,rem us mountain smm food,2021-10-18,135.16,127.67351408340423 +0.5020060180541626,0.257,0.26771255060728744,0.6670015067805124,0.002613299869081432,0.23458646616541348,0.5645812310797175,57.480000000000004,phoenix/prescott smm food,2021-10-18,57.480000000000004,73.47054055450918 +0.786359077231695,0.621,0.5450404858299598,0.4952285283776997,0.002002316374553609,0.5664160401002503,0.6190716448032291,112.69,rem us new england smm food,2021-10-18,112.69,104.22395955211691 +0.10180541624874624,0.706,0.4200404858299598,0.6891009542943245,0.0014198243383198323,0.1709273182957394,0.14934409687184663,34.16,salt lake city smm food,2021-10-18,34.16,31.605844237533105 +0.23370110330992955,0.788,0.5126518218623483,0.5052737317930688,0.012539090795208528,0.5924812030075187,0.5449041372351161,215.15,rem us south atlantic smm food,2021-10-18,215.15,241.44096132121 +0.41223671013039115,0.932,0.5111336032388667,0.15770969362129586,0.017306344911319656,0.8586466165413532,0.5837537840565086,329.2,rem us south central smm food,2021-10-18,329.2,354.9285648768848 +0.13991975927783348,0.025,0.7206477732793525,0.5680562531391261,0.005184812265998265,0.41604010025062654,0.1977800201816347,82.08,rem us west north central smm food,2021-10-18,82.08,78.2901301787276 +0.7316950852557673,0.002,0.7064777327935227,0.6644902059266701,0.0010703291165795664,0.707268170426065,0.6523713420787084,35.69,richmond/petersburg smm food,2021-10-18,35.69,42.79432323933836 +0.1198595787362086,0.17200000000000001,0.650809716599191,0.6604721245605224,0.0010348730795914241,0.6962406015037591,0.7018163471241171,24.1,sacramento/stockton/modesto smm food,2021-10-18,24.1,29.01922729346007 +0.2116349047141424,0.8420000000000001,0.3598178137651824,0.851833249623305,0.0007062715939334546,0.4070175438596491,0.4021190716448032,20.43,san diego smm food,2021-10-18,20.43,27.922973703333376 +0.4338014042126379,0.46799999999999997,0.7378542510121462,0.6202913108990458,0.0014777569701843892,0.45012531328320793,0.4419778002018164,35.61,san francisco/oakland/san jose smm food,2021-10-18,35.61,42.67730587982473 +0.5556670010030089,0.969,0.14726720647773298,0.8643897538925164,0.0017129697869896585,0.4005012531328319,0.686175580221998,56.699999999999996,seattle/tacoma smm food,2021-10-18,56.699999999999996,50.25620609950113 +0.5110330992978935,0.961,0.34919028340080976,0.5705675539929684,0.001970342626912518,0.15238095238095237,0.35065590312815337,36.63,st. louis smm food,2021-10-18,36.63,39.36838459696057 +0.1835506519558676,0.55,0.6093117408906887,0.6197890507282773,0.0026994073874812086,0.44862155388471164,0.20030272452068618,86.66,tampa/ft. myers smm food,2021-10-18,86.66,127.23889740173563 +0.43731193580742217,0.336,0.8734817813765188,0.5057759919638373,0.0006179480732219208,0.3177944862155388,0.35923309788092833,12.25,tucson/sierra vista smm food,2021-10-18,12.25,13.864349511067381 +0.6885656970912738,0.524,0.19787449392712544,0.2852837769964842,0.0027646211697986843,0.41854636591478694,0.7421796165489405,120.03,washington dc/hagerstown smm food,2021-10-18,120.03,130.6092254637357 +0.31544633901705116,0.6920000000000001,0.523279352226721,0.4846810647915621,0.00034126435601087646,0.5253132832080202,0.7885973763874874,4.59,yakima/pasco/richland/kennewick smm food,2021-10-18,4.59,5.266057376875878 +0.12136409227683043,0.40599999999999997,0.418016194331984,0.5313912606730287,0.009417376681457838,0.5177944862155387,0.574167507568113,238.74,new york smm food,2021-10-18,238.74,251.8227587621504 +0.17953861584754258,0.321,0.927125506072875,0.7338021094927173,0.0042838490403888495,0.687719298245614,0.7593340060544904,58.28,rem us pacific smm food,2021-10-18,58.28,64.70002548154143 +0.4764292878635906,0.935,0.20951417004048606,0.27624309392265195,0.0007040555916216967,0.1784461152882206,0.45408678102926336,18.54,new orleans smm food,2021-10-18,18.54,9.17427066147416 +0.30842527582748236,0.269,0.4200404858299598,0.5620291310899046,0.002719667980045861,0.532330827067669,0.46165489404641774,41.58,nashville smm food,2021-10-18,41.58,50.091851508667126 +0.7793380140421262,0.3740000000000001,0.7722672064777332,0.868407835258664,0.0010193610634091112,0.718796992481203,0.3698284561049445,17.29,mobile/pensacola smm food,2021-10-18,17.29,22.66762433319593 +0.5461384152457371,0.40800000000000003,0.6093117408906887,0.6715218483174284,0.0008914660728447371,0.27117794486215535,0.977800201816347,24.56,albuquerque/santa fe smm food,2021-10-18,24.56,25.06036932614471 +0.4759277833500501,0.501,0.6295546558704456,0.407835258663988,0.0030865746485213806,0.3042606516290726,0.21745711402623613,104.05,atlanta smm food,2021-10-18,104.05,125.82786211993798 +0.2873620862587764,0.325,0.6209514170040489,0.47815168257157215,0.0018301013377540595,0.5348370927318297,0.41523713420787084,63.81,baltimore smm food,2021-10-18,63.81,60.20787289377364 +0.8029087261785354,0.15900000000000003,0.599696356275304,0.11049723756906078,0.0004077444253636446,0.294235588972431,0.6730575176589304,3.42,baton rouge smm food,2021-10-18,3.42,0.8139396726665211 +0.5305917753259777,0.24500000000000002,0.47925101214574917,0.6368658965344048,0.0008069414132390759,0.19298245614035092,0.6907164480322906,14.270000000000001,birmingham/anniston/tuscaloosa smm food,2021-10-18,14.270000000000001,13.641936265657684 +0.5902708124373118,0.326,0.8491902834008103,0.6619789050728278,0.004112900290624587,0.1358395989974937,0.32795156407669024,132.27,boston/manchester smm food,2021-10-18,132.27,140.48698102418996 +0.5802407221664995,0.13999999999999999,0.05668016194331987,0.18684078352586642,0.0009186912441034909,0.6370927318295737,0.58627648839556,18.36,buffalo smm food,2021-10-18,18.36,17.830167927349393 +0.7873620862587764,0.101,0.22115384615384637,0.23304871923656456,0.0020792433119475287,0.6050125313283207,0.33955600403632696,68.32,charlotte smm food,2021-10-18,68.32,79.42801401265191 +0.3480441323971915,0.142,0.7312753036437252,0.23455549974886994,0.004093905985095225,0.2771929824561403,0.570635721493441,120.04999999999998,chicago smm food,2021-10-18,120.04999999999998,130.02280485807321 +0.6424272818455365,0.9810000000000001,0.7110323886639681,0.3249623304871924,0.0024271556748936825,0.8045112781954886,0.6564076690211907,93.07,cleveland/akron/canton smm food,2021-10-18,93.07,85.93945845948556 +0.3851554663991975,0.984,0.29554655870445357,0.6956303365143145,0.0024572299919818387,0.25764411027568923,0.3884964682139253,53.16,columbus oh smm food,2021-10-18,53.16,58.052993135460355 +0.2688064192577735,0.774,0.7626518218623486,0.5439477649422402,0.003416125849455813,0.8060150375939847,0.33097880928355194,60.92999999999999,dallas/ft. worth smm food,2021-10-18,60.92999999999999,64.12025859607205 +0.7066198595787361,0.892,0.5060728744939273,0.6554495228528379,0.0005093639599457328,0.3483709273182958,0.6286579212916247,15.86,des moines/ames smm food,2021-10-18,15.86,19.848310695126344 +0.7051153460381144,0.074,0.40840080971659953,0.4831742842792567,0.0037770176545137008,0.7047619047619046,0.37991927346115034,100.83,detroit smm food,2021-10-18,100.83,114.39735928860811 +0.471915747241725,0.205,0.4954453441295549,0.5655449522852838,0.0013147225143906951,0.36942355889724304,0.5126135216952573,62.1,grand rapids smm food,2021-10-18,62.1,65.58976018626774 +0.2246740220661985,0.8130000000000002,0.2272267206477735,0.5037669512807634,0.0011402914752793845,0.87719298245614,0.532795156407669,38.77,albany/schenectady/troy smm food,2021-10-18,38.77,36.35315329721354 +0.43681043129388164,0.8550000000000001,0.5278340080971664,0.5374183827222502,0.001764887555436582,0.5293233082706765,0.3975782038345106,36.98,harrisburg/lancaster smm food,2021-10-18,36.98,41.31959273250554 +0.22968906720160479,0.7050000000000001,0.3502024291497978,0.40482169763937725,0.0017433606758366382,0.5097744360902253,0.8980827447023209,33.04,greensboro smm food,2021-10-18,33.04,39.19109818680872 +0.7326980942828485,0.925,0.691295546558705,0.4409844299347062,0.0009677598667210106,0.505263157894737,0.8335015136226034,42.9,minneapolis/st. paul smm food,2021-10-18,42.9,45.208693425496755 +0.5406218655967903,0.048999999999999995,0.584514170040486,0.6263184329482673,0.001404945465655166,0.5308270676691729,0.2941473259334006,24.26,milwaukee smm food,2021-10-18,24.26,23.241581549898704 +0.730692076228686,0.7960000000000002,0.3734817813765184,0.4073329984932195,0.001659152587989798,0.6576441102756891,0.7961654894046418,104.34,miami/west palm beach smm food,2021-10-18,104.34,140.3135388618025 +0.6128385155466399,0.17200000000000001,0.4767206477732796,0.5781014565544953,0.006239945938154344,0.8521303258145362,0.5978809283551968,104.56,los angeles smm food,2021-10-18,104.56,118.84238628440157 +0.46740220661985965,0.755,0.5187246963562757,0.653440482169764,0.0010969211443206744,0.6847117794486214,0.2815338042381433,10.76,little rock/pine bluff smm food,2021-10-18,10.76,11.224527889626465 +0.39017051153460364,0.133,0.4038461538461541,0.5303867403314918,0.00044509989290472343,0.2791979949874686,0.7063572149344097,6.24,madison wi smm food,2021-10-18,6.24,6.531166310582989 +0.9287863590772316,0.673,0.09362348178137667,0.6800602712204923,0.0011937921025204218,0.5187969924812028,0.4026236125126135,22.94,knoxville smm food,2021-10-18,22.94,25.119198287030777 +0.46840521564694076,0.9480000000000001,0.4347165991902836,0.5575087895529885,0.0011212971697500222,0.6300751879699247,0.5479313824419778,32.09,kansas city smm food,2021-10-18,32.09,34.477542489111435 +0.5120361083249748,0.8970000000000001,0.6761133603238869,0.5615268709191361,0.0013906997365081444,0.5824561403508771,0.6902119071644803,32.02,jacksonville smm food,2021-10-18,32.02,39.312372151969164 +0.3766298896690069,0.8220000000000001,0.8755060728744942,0.29683576092415875,0.0024423511193171726,0.4922305764411025,0.3582240161453078,35.89,indianapolis smm food,2021-10-18,35.89,40.46595613934488 +0.21163490471414254,0.215,0.16599190283400816,0.29784028126569567,0.0034351201549851756,0.7037593984962405,0.5847628657921292,104.77,houston smm food,2021-10-18,104.77,123.05598088679776 +0.2948846539618856,0.422,0.7307692307692312,0.4349573078854847,0.0022324640432177176,0.3834586466165414,0.2820383451059536,71.43,hartford/new haven smm food,2021-10-18,71.43,70.25713216683619 +0.2948846539618856,0.3740000000000001,0.29251012145749006,0.7011551983927675,0.0009576295704386836,0.5403508771929824,0.6992936427850656,26.87,las vegas smm food,2021-10-18,26.87,30.517895539179115 +0.26980942828485455,0.8300000000000001,0.3739878542510124,0.37117026619789056,0.0038672406057781673,0.5714285714285713,0.34056508577194755,38.17,portland or smm food,2021-10-25,38.17,40.29914751977456 +0.6374122367101304,0.642,0.6234817813765184,0.8041185334003015,0.00910840264484688,0.7528822055137843,0.5216952573158425,88.67,rem us middle atlantic smm food,2021-10-25,88.67,87.7798472916396 +0.5366098294884653,0.5990000000000001,0.24190283400809723,0.7227523857358112,0.033300183310560366,0.3568922305764409,0.18920282542885974,217.51,rem us east north central smm food,2021-10-25,217.51,269.0782481733437 +0.5225677031093279,0.916,0.7980769230769236,0.5695630336514315,0.006218735630313222,0.2185463659147869,0.3834510595358224,68.69,raleigh/durham/fayetteville smm food,2021-10-25,68.69,77.69245100240933 +0.4448345035105316,0.101,0.6624493927125509,0.4173782019085887,0.0031375427016918324,0.52531328320802,0.41422805247225025,42.47,providence ri/new bedford ma smm food,2021-10-25,42.47,37.974060107681716 +0.7261785356068204,0.257,0.41042510121457493,0.8739326971371171,0.003105568954050739,0.4977443609022556,0.41977800201816345,66.25,pittsburgh smm food,2021-10-25,66.25,58.32575859316038 +0.3099297893681039,0.746,0.4959514170040487,0.4691109994977399,0.0034436675924733877,0.7258145363408521,0.5368314833501514,51.12,norfolk/portsmouth/newport news smm food,2021-10-25,51.12,56.89162118953607 +0.3811434302908728,0.48700000000000004,0.40232793522267235,0.6750376695128077,0.01084416559847177,0.2957393483709273,0.26639757820383453,149.98,philadelphia smm food,2021-10-25,149.98,153.0495607048038 +0.8149448345035103,0.051000000000000004,0.5819838056680166,0.9337016574585636,0.0027329639939164155,0.24411027568922297,0.850151362260343,4.96,paducah ky/cape girardeau mo smm food,2021-10-25,4.96,10.449805620216196 +0.6414242728184554,0.279,0.2823886639676115,0.17528879959819188,0.005281683224198017,0.6791979949874685,0.5433905146316852,61.32,orlando/daytona beach/melborne smm food,2021-10-25,61.32,88.41257810076516 +0.41624874623871594,0.527,0.8552631578947376,0.7689603214465094,0.001965594050530177,0.5664160401002504,0.5943491422805247,14.400000000000002,omaha smm food,2021-10-25,14.400000000000002,16.118485663347982 +0.3816449348044132,0.15500000000000003,0.4994939271255064,0.6107483676544451,0.002331551003729223,0.2656641604010024,0.16599394550958627,5.4,oklahoma city smm food,2021-10-25,5.4,1.302139464001172 +0.2537612838515546,0.129,0.5551619433198384,0.8854846810647916,0.012658438348284696,0.4922305764411027,0.4535822401614531,125.34,rem us mountain smm food,2021-10-25,125.34,132.18523276752123 +0.4528585757271816,0.6360000000000001,0.4357287449392713,0.3766951280763436,0.007243794985381143,0.4220551378446115,0.5403632694248234,65.15,phoenix/prescott smm food,2021-10-25,65.15,73.09604592817826 +0.8440320962888664,0.82,0.5622469635627533,0.49171270718232046,0.004814106736416877,0.18847117794486193,0.7759838546922301,103.25,rem us new england smm food,2021-10-25,103.25,104.53736431304124 +0.1263791374122367,0.04800000000000001,0.18927125506072887,0.6182822702159719,0.004350329109741615,0.5007518796992482,0.33148335015136227,32.92,salt lake city smm food,2021-10-25,32.92,33.28511661467918 +0.09077231695085237,0.742,0.43522267206477744,0.6795580110497238,0.032403652089574464,0.7293233082706766,0.8264379414732593,219.67,rem us south atlantic smm food,2021-10-25,219.67,246.9825325147521 +0.21013039117352056,0.202,0.26366396761133615,0.5143144148669011,0.04920538161733073,0.4175438596491227,0.5186680121089808,338.07,rem us south central smm food,2021-10-25,338.07,358.8914108542147 +0.47442326980942817,0.282,0.6138663967611339,0.2446007031642391,0.015953000642352586,0.4822055137844611,0.5554994954591322,80.34,rem us west north central smm food,2021-10-25,80.34,80.8424671338077 +0.5787362086258777,0.317,0.592105263157895,0.401305876443998,0.0025683466793286077,0.5508771929824561,0.8027245206861756,36.29,richmond/petersburg smm food,2021-10-25,36.29,41.706555614591814 +0.3074222668004012,0.284,0.39018218623481826,0.5429432446007032,0.003089740366109604,0.7814536340852127,0.4979818365287588,25.44,sacramento/stockton/modesto smm food,2021-10-25,25.44,27.92376672952613 +0.14543630892678033,0.15100000000000002,0.5101214574898788,0.5554997488699147,0.002196058290953106,0.7548872180451127,0.5186680121089808,21.92,san diego smm food,2021-10-25,21.92,27.850028181969613 +0.3530591775325977,0.39199999999999996,0.28340080971659937,0.4892014063284782,0.0039520818371426535,0.8335839598997493,0.5388496468213926,36.21,san francisco/oakland/san jose smm food,2021-10-25,36.21,43.57665281896408 +0.34804413239719134,0.8550000000000001,0.3719635627530367,0.6574585635359117,0.005188927698862963,0.34887218045112767,0.8012108980827447,47.92,seattle/tacoma smm food,2021-10-25,47.92,49.80569481792578 +0.27432296890672003,0.145,0.2601214574898786,0.47664490205926674,0.004674498590776067,0.4526315789473684,0.40060544904137235,38.06,st. louis smm food,2021-10-25,38.06,39.60396650710348 +0.4679037111334002,0.652,0.6862348178137656,0.5901557006529383,0.004670383157911371,0.09022556390977442,0.2956609485368315,94.43,tampa/ft. myers smm food,2021-10-25,94.43,127.35757465808473 +0.12286860581745235,0.9740000000000001,0.47267206477732815,0.39979909593169266,0.0019317208723361478,0.38696741854636585,0.37891019172552975,15.61,tucson/sierra vista smm food,2021-10-25,15.61,13.297468591748789 +0.8159478435305917,0.553,0.5435222672064779,0.05223505775991964,0.008881104122012174,0.3694235588972431,0.5731584258324924,110.76,washington dc/hagerstown smm food,2021-10-25,110.76,129.44078724764643 +0.10080240722166499,0.8160000000000001,0.1330971659919029,0.5007533902561527,0.0009259723945564133,0.45012531328320815,0.8435923309788093,4.1,yakima/pasco/richland/kennewick smm food,2021-10-25,4.1,4.988082307568021 +0.2953861584754262,0.18300000000000002,0.592611336032389,0.2988448016072326,0.022862179278658135,0.6471177944862154,0.17709384460141267,299.41,new york smm food,2021-10-25,299.41,250.77643849926275 +0.5225677031093279,0.596,0.9220647773279357,0.5760924158714215,0.010641243101066417,0.3172932330827067,0.5474268415741675,59.339999999999996,rem us pacific smm food,2021-10-25,59.339999999999996,63.01300143837475 +0.39167502507522556,0.783,0.4504048582995955,0.5720743345052738,0.0033094411667325616,0.25664160401002517,0.42936427850655906,14.56,new orleans smm food,2021-10-25,14.56,11.26868899888823 +0.5155466399197591,0.557,0.2702429149797572,0.8513309894525365,0.006289964276048332,0.3192982456140349,0.4919273461150353,44.48,nashville smm food,2021-10-25,44.48,52.153503646130694 +0.3109327983951855,0.17400000000000002,0.669028340080972,0.79156202913109,0.002467676860022988,0.7924812030075188,0.42885973763874874,18.24,mobile/pensacola smm food,2021-10-25,18.24,22.065686312266905 +0.9593781344032096,0.391,0.6290485829959517,0.6755399296835761,0.002151738244717927,0.35187969924812024,0.6321897073662966,22.89,albuquerque/santa fe smm food,2021-10-25,22.89,24.200793231800176 +0.4348044132397191,0.18700000000000006,0.752024291497976,0.6142641888498243,0.009730466150933497,0.21503759398496242,0.27749747729566093,107.9,atlanta smm food,2021-10-25,107.9,127.87724359745039 +0.28986960882647944,0.8730000000000001,0.272267206477733,0.6162732295328981,0.004696658613893657,0.24511278195488737,0.6624621594349143,56.239999999999995,baltimore smm food,2021-10-25,56.239999999999995,61.98269669830627 +0.909729187562688,0.41300000000000003,0.8896761133603243,0.1908588648920141,0.001662951449095671,0.4080200501253132,0.5075681130171544,2.38,baton rouge smm food,2021-10-25,2.38,1.3162727915069183 +0.6003009027081242,0.614,0.7343117408906885,0.323455549974887,0.0033439474884442368,0.4872180451127819,0.8451059535822402,12.9,birmingham/anniston/tuscaloosa smm food,2021-10-25,12.9,14.452440641102477 +0.551654964894684,0.51,0.4478744939271258,0.8181818181818182,0.010846698172542352,0.07869674185463657,0.34460141271442984,131.08,boston/manchester smm food,2021-10-25,131.08,142.0245900101266 +0.8696088264794384,0.532,0.12145748987854257,0.32194876946258166,0.0018744213839892384,0.6005012531328319,0.7951564076690212,18.67,buffalo smm food,2021-10-25,18.67,20.538156467169884 +0.5285857572718154,0.49500000000000005,0.18927125506072895,0.4866901054746359,0.005734064267555661,0.33533834586466166,0.6135216952573158,71.83,charlotte smm food,2021-10-25,71.83,81.87863431827884 +0.4207622868605817,0.363,0.8208502024291502,0.5228528377699649,0.012576762834508436,0.24611528822055134,0.29313824419778,131.17,chicago smm food,2021-10-25,131.17,131.44102741418274 +0.7031093279839518,0.87,0.8805668016194338,0.4927172275238574,0.0056204150061383105,0.7398496240601503,0.5595358224016146,80.39,cleveland/akron/canton smm food,2021-10-25,80.39,86.74090342223867 +0.22316950852557663,0.6940000000000001,0.3582995951417006,0.4158714213962833,0.006267804252930743,0.3383458646616541,0.7628657921291625,51.28,columbus oh smm food,2021-10-25,51.28,59.04083292439974 +0.14493480441323986,0.539,0.522773279352227,0.532898041185334,0.012131662941603711,0.44210526315789456,0.7734611503531786,58.91,dallas/ft. worth smm food,2021-10-25,58.91,66.25949291473148 +0.5205616850551654,0.522,0.9119433198380571,0.6629834254143647,0.0014730083938020479,0.6576441102756893,0.2346115035317861,18.37,des moines/ames smm food,2021-10-25,18.37,18.46753387256834 +0.22066198595787365,0.978,0.31528340080971684,0.40833751883475644,0.010455732050396314,0.5959899749373432,0.4399596367305752,89.33,detroit smm food,2021-10-25,89.33,114.47409811936127 +0.5561685055165496,0.48700000000000004,0.49645748987854277,0.3897538925163235,0.003775118223960761,0.6751879699248119,0.45963673057517657,50.51,grand rapids smm food,2021-10-25,50.51,65.84064725550839 +0.19007021063189558,0.43200000000000005,0.6852226720647777,0.36514314414866905,0.0024379191146936536,0.3899749373433583,0.33703329969727547,38.1,albany/schenectady/troy smm food,2021-10-25,38.1,33.144922517290155 +0.68555667001003,0.24300000000000002,0.4215587044534416,0.7478653942742342,0.0047932130003345815,0.16441102756892229,0.8113017154389506,35.73,harrisburg/lancaster smm food,2021-10-25,35.73,44.28475595942187 +0.4042126379137411,0.057999999999999996,0.4979757085020247,0.6097438473129081,0.0041926763738479094,0.6145363408521302,0.8890010090817356,36.94,greensboro smm food,2021-10-25,36.94,41.06228986839523 +0.5215646940822467,0.543,0.24696356275303674,0.2596685082872928,0.003922957235330965,0.6832080200501254,0.5454086781029264,40.78,minneapolis/st. paul smm food,2021-10-25,40.78,42.6687778653311 +0.7116349047141424,0.5790000000000001,0.2682186234817814,0.33500753390256155,0.003929921814025064,0.3899749373433583,0.375882946518668,20.31,milwaukee smm food,2021-10-25,20.31,22.304033674417376 +0.39017051153460375,0.609,0.5283400809716602,0.47162230035158215,0.005486821723915129,0.6235588972431076,0.7906155398587286,102.18,miami/west palm beach smm food,2021-10-25,102.18,140.52307932761966 +0.5952858575727181,0.30600000000000005,0.8001012145748992,0.43244600703164243,0.017762841387541996,0.5283208020050123,0.6755802219979818,101.21,los angeles smm food,2021-10-25,101.21,119.30781308774722 +0.4252758274824473,0.15700000000000003,0.4412955465587048,0.4655951783023607,0.00290201331312774,0.3924812030075187,0.20887991927346114,10.23,little rock/pine bluff smm food,2021-10-25,10.23,8.683543577500451 +0.31695085255767286,0.29100000000000004,0.8112348178137657,0.8633852335509795,0.0014182414795257195,0.6837092731829573,0.6427850655903128,6.18,madison wi smm food,2021-10-25,6.18,9.657822221567528 +0.4648946840521564,0.521,0.2140688259109314,0.8774485183324963,0.0034075784119676,0.700751879699248,0.5489404641775983,22.6,knoxville smm food,2021-10-25,22.6,27.20196593881993 +0.4508525576730189,0.225,0.5840080971659921,0.5092918131592166,0.002669649642151874,0.4621553884711778,0.7174571140262361,35.27,kansas city smm food,2021-10-25,35.27,34.609190031221836 +0.712136409227683,0.7350000000000001,0.4159919028340083,0.35660472124560527,0.0030663140559567237,0.4776942355889724,0.2865792129162462,33.26,jacksonville smm food,2021-10-25,33.26,35.81191738195428 +0.5807422266800399,0.246,0.9028340080971663,0.5836263184329483,0.006579944007129931,0.4651629072681701,0.2477295660948537,33.56,indianapolis smm food,2021-10-25,33.56,42.05645460423784 +0.42176529588766304,0.6070000000000001,0.04504048582995953,0.5665494726268208,0.010323721626967243,0.6701754385964912,0.8123107971745711,102.6,houston smm food,2021-10-25,102.6,127.23599354310792 +0.7281845536609829,0.9570000000000001,0.5708502024291502,0.10396785534907083,0.0055045497424092,0.2887218045112782,0.49142280524722504,85.96,hartford/new haven smm food,2021-10-25,85.96,70.61464176642339 +0.4608826479438315,0.7630000000000001,0.40637651821862375,0.7011551983927675,0.0022973612537763722,0.45814536340852124,0.9056508577194753,24.28,las vegas smm food,2021-10-25,24.28,32.17357523821631 +0.42728184553660975,0.124,0.5414979757085023,0.6248116524359619,0.008168817664661087,0.7879699248120299,0.32593340060544906,42.81,portland or smm food,2021-11-01,42.81,42.98012968311938 +0.7833500501504513,0.5790000000000001,0.43168016194331993,0.7709693621295832,0.016464264032851263,0.3964912280701754,0.6044399596367306,92.31,rem us middle atlantic smm food,2021-11-01,92.31,88.09856244328002 +0.5837512537612837,0.9800000000000001,0.5673076923076925,0.7338021094927173,0.06225067065489676,0.40451127819548854,0.39505549949545915,234.42,rem us east north central smm food,2021-11-01,234.42,275.00906076348787 +0.5747241725175526,0.861,0.5414979757085022,0.5072827724761427,0.011091408142112302,0.26065162907268163,0.7623612512613521,67.3,raleigh/durham/fayetteville smm food,2021-11-01,67.3,80.25251212083866 +0.5752256770310932,0.7150000000000002,0.6958502024291501,0.652435961828227,0.00607912748467241,0.7263157894736841,0.6432896064581232,39.25,providence ri/new bedford ma smm food,2021-11-01,39.25,42.20482344174115 +0.7743229689067201,0.11200000000000002,0.5182186234817814,0.8784530386740332,0.00630737572278358,0.35137844611528823,0.8849646821392533,60.13999999999999,pittsburgh smm food,2021-11-01,60.13999999999999,61.123375230968996 +0.5105315947843526,0.403,0.3790485829959515,0.9181315921647414,0.006545754257177077,0.6761904761904761,0.18264379414732593,47.32,norfolk/portsmouth/newport news smm food,2021-11-01,47.32,57.79732279958726 +0.4002006018054164,0.543,0.04959514170040497,0.7689603214465094,0.02221858889297157,0.48621553884711766,0.39152371342078707,151.73,philadelphia smm food,2021-11-01,151.73,156.34528812973429 +0.7151454363089266,0.8980000000000001,0.8137651821862354,0.575590155700653,0.00392707266819566,0.33533834586466166,0.7780020181634713,6.0,paducah ky/cape girardeau mo smm food,2021-11-01,6.0,8.798804970423973 +0.600802407221665,0.911,0.4696356275303647,0.22752385735811154,0.010678598568607497,0.632581453634085,0.5408678102926338,55.63,orlando/daytona beach/melborne smm food,2021-11-01,55.63,89.65099200213325 +0.7547642928786358,0.9810000000000001,0.6761133603238872,0.7830236062280262,0.003634243791284657,0.4120300751879697,0.7078708375378405,15.379999999999999,omaha smm food,2021-11-01,15.379999999999999,17.27852813906904 +0.3365095285857573,0.19900000000000004,0.6826923076923082,0.3043696634856856,0.004922057706175421,0.3523809523809522,0.44853683148335016,2.8,oklahoma city smm food,2021-11-01,2.8,1.8750642959693096 +0.5351053159478435,0.40800000000000003,0.30617408906882604,0.7197388247112004,0.02602124885994991,0.6761904761904761,0.4308779011099899,124.96,rem us mountain smm food,2021-11-01,124.96,134.00091241448507 +0.08124373119358078,0.48700000000000004,0.31123481781376516,0.6157709693621296,0.013602138761335182,0.7027568922305764,0.8940464177598385,60.09,phoenix/prescott smm food,2021-11-01,60.09,77.513782907981 +0.9719157472417252,0.435,0.5460526315789476,0.431943746860874,0.010793830688818958,0.2471177944862153,0.7038345105953582,102.89,rem us new england smm food,2021-11-01,102.89,104.82537696621647 +0.4553660982948846,0.5700000000000001,0.5511133603238869,0.5539929683576093,0.007922841408055846,0.6696741854636592,0.5832492431886983,35.63,salt lake city smm food,2021-11-01,35.63,36.41175392271025 +0.43681043129388136,0.8050000000000002,0.7591093117408909,0.6298342541436465,0.06004511521117898,0.6666666666666665,0.6962663975782039,206.94,rem us south atlantic smm food,2021-11-01,206.94,250.44288807898337 +0.36409227683049145,0.5790000000000001,0.6047570850202432,0.8031140130587645,0.0952700548153814,0.5172932330827067,0.7487386478304743,328.7,rem us south central smm food,2021-11-01,328.7,369.30825200075896 +0.502507522567703,0.7370000000000001,0.39473684210526333,0.22852837769964843,0.030890439082401938,0.3328320802005012,0.5958627648839556,83.85,rem us west north central smm food,2021-11-01,83.85,82.74775505757319 +0.24523570712136414,0.8980000000000001,0.6644736842105267,0.6268206931190358,0.004742561518922948,0.4606516290726817,0.6856710393541876,34.12,richmond/petersburg smm food,2021-11-01,34.12,42.10319257405789 +0.3224674022066198,0.8210000000000002,0.371457489878543,0.6373681567051733,0.006896832337711458,0.44160401002506244,0.6195761856710393,27.94,sacramento/stockton/modesto smm food,2021-11-01,27.94,28.91464265837738 +0.1474423269809428,0.537,0.7424089068825914,0.665494726268207,0.0048710896530049655,0.4852130325814536,0.6251261352169526,24.54,san diego smm food,2021-11-01,24.54,28.961710035999722 +0.6374122367101303,0.31000000000000005,0.4863360323886642,0.5469613259668509,0.008856411524824003,0.5328320802005012,0.40615539858728555,41.52,san francisco/oakland/san jose smm food,2021-11-01,41.52,43.4572506375047 +0.30190571715145414,0.37799999999999995,0.2990890688259112,0.6172777498744351,0.01133200267881756,0.3774436090225562,0.6079717457114027,49.66,seattle/tacoma smm food,2021-11-01,49.66,49.06703539128107 +0.3385155466399196,0.49800000000000005,0.40283400809716613,0.7604218985434456,0.008715853663906722,0.4701754385964911,0.7653884964682139,38.97,st. louis smm food,2021-11-01,38.97,44.322493416125894 +0.7723169508525576,0.229,0.45850202429149833,0.4545454545454546,0.011759691124987032,0.21152882205513784,0.2346115035317861,78.25,tampa/ft. myers smm food,2021-11-01,78.25,127.77345620427327 +0.49799398194583744,0.147,0.30414979757085037,0.15369161225514819,0.003319888034773711,0.30877192982456136,0.2341069626639758,13.56,tucson/sierra vista smm food,2021-11-01,13.56,11.142622736598675 +0.5100300902708124,0.601,0.7950404858299597,0.3671521848317429,0.015961864651599624,0.2791979949874686,0.5817356205852674,137.01,washington dc/hagerstown smm food,2021-11-01,137.01,131.67632246932354 +0.3625877632898696,0.12,0.43623481781376544,0.26770467101958817,0.0019409014533420064,0.625062656641604,0.9101917255297679,3.97,yakima/pasco/richland/kennewick smm food,2021-11-01,3.97,5.023242642853404 +0.6579739217652958,0.9460000000000002,0.40232793522267224,0.13761928679055752,0.046819380271084,0.25864661654135335,0.4076690211907164,259.36,new york smm food,2021-11-01,259.36,254.19949012076714 +0.5295887662988966,0.15900000000000003,0.6290485829959517,0.3103967855349071,0.02181432675695498,0.11629072681704257,0.29162462159434915,65.61,rem us pacific smm food,2021-11-01,65.61,60.59085762253597 +0.30842527582748236,0.4690000000000001,0.6508097165991907,0.5791059768960322,0.0062022738988544435,0.2165413533834587,0.2058526740665994,10.09,new orleans smm food,2021-11-01,10.09,10.13506515499477 +0.42678034102306905,0.39000000000000007,0.4276315789473686,0.5630336514314416,0.011351630127864566,0.5162907268170424,0.8511604439959637,43.91,nashville smm food,2021-11-01,43.91,53.7774139143527 +0.24272818455366094,0.09300000000000001,0.2176113360323888,0.3199397287795078,0.00475205867168763,0.7358395989974937,0.479313824419778,13.5,mobile/pensacola smm food,2021-11-01,13.5,19.377842331539796 +0.7026078234704113,0.133,0.522773279352227,0.4565544952285284,0.004695392326858365,0.3924812030075187,0.4263370332996973,21.46,albuquerque/santa fe smm food,2021-11-01,21.46,21.626037962424704 +0.4217652958876629,0.829,0.44838056680161964,0.6609743847312909,0.018641328018275005,0.22506265664160396,0.3612512613521695,104.9,atlanta smm food,2021-11-01,104.9,130.0051343291851 +0.60481444332999,0.028999999999999998,0.21710526315789486,0.9201406328478152,0.008176731958631655,0.2661654135338347,0.7618567103935419,69.61,baltimore smm food,2021-11-01,69.61,64.95396163011239 +0.7913741223671011,0.376,0.93421052631579,0.5871421396283275,0.0027405617161281605,0.7604010025062655,0.7507568113017155,1.7600000000000002,baton rouge smm food,2021-11-01,1.7600000000000002,6.049380784496904 +0.5581745235707118,0.5940000000000001,0.5895748987854253,0.49673530889000506,0.006269387111724856,0.6952380952380951,0.5449041372351161,11.15,birmingham/anniston/tuscaloosa smm food,2021-11-01,11.15,14.593021518135338 +0.4814443329989969,0.629,0.07641700404858302,0.4414866901054747,0.019987391136789143,0.2641604010025062,0.4106962663975782,133.96,boston/manchester smm food,2021-11-01,133.96,141.82310899297693 +0.6695085255767302,0.010000000000000002,0.07540485829959519,0.3224510296333501,0.0037953788165254144,0.26115288220551364,0.8057517658930373,24.16,buffalo smm food,2021-11-01,24.16,19.21930523877832 +0.07673019057171514,0.144,0.3066801619433201,0.5956805625313913,0.010629529945989976,0.5478696741854637,0.7714429868819375,75.11,charlotte smm food,2021-11-01,75.11,83.92077710767717 +0.4628886659979939,0.439,0.49848178137651844,0.964841788046208,0.026246964523990498,0.6230576441102755,0.1437941473259334,141.11,chicago smm food,2021-11-01,141.11,136.10562114302408 +0.6524573721163489,0.367,0.9665991902834014,0.5193370165745856,0.01157418007431693,0.8546365914786966,0.31029263370333,73.37,cleveland/akron/canton smm food,2021-11-01,73.37,86.37775320616547 +0.5927783350050149,0.584,0.2909919028340083,0.5323957810145656,0.010540889853519619,0.3959899749373433,0.7381432896064581,51.2,columbus oh smm food,2021-11-01,51.2,60.86847060139171 +0.14443329989969925,0.8410000000000001,0.27580971659919046,0.89904570567554,0.02309359323435753,0.3914786967418545,0.5105953582240162,61.98,dallas/ft. worth smm food,2021-11-01,61.98,68.20685450890277 +0.3590772316950852,0.43700000000000006,0.6933198380566805,0.802611752887996,0.0027766508966339484,0.6426065162907268,0.487891019172553,17.02,des moines/ames smm food,2021-11-01,17.02,20.429684468533154 +0.08425275827482455,0.6890000000000001,0.2565789473684213,0.3932697137117027,0.019392236230202465,0.26616541353383455,0.5489404641775983,94.54,detroit smm food,2021-11-01,94.54,114.85915145857962 +0.5907723169508525,0.343,0.676619433198381,0.2687091913611251,0.007678131438485895,0.6837092731829573,0.6644803229061554,55.34,grand rapids smm food,2021-11-01,55.34,67.0111093310584 +0.3846539618856568,0.231,0.565789473684211,0.47061778001004523,0.004782132988775787,0.45363408521303256,0.39354187689202824,36.3,albany/schenectady/troy smm food,2021-11-01,36.3,34.76161880619843 +0.5160481444332998,0.41300000000000003,0.6113360323886644,0.5861376192867906,0.008122598187872974,0.38195488721804505,0.7532795156407669,39.21,harrisburg/lancaster smm food,2021-11-01,39.21,44.0765316891643 +0.4744232698094283,0.676,0.6867408906882596,0.8141637368156706,0.007014597031993505,0.8045112781954884,0.8239152371342079,37.29,greensboro smm food,2021-11-01,37.29,43.35861294544764 +0.26529588766298895,0.52,0.3572874493927129,0.3726770467101959,0.00896816135568842,0.6942355889724311,0.4101917255297679,42.27,minneapolis/st. paul smm food,2021-11-01,42.27,42.90602115001813 +0.3560682046138415,0.8740000000000001,0.43522267206477744,0.43847312908086394,0.007949750007555776,0.03157894736842105,0.6236125126135217,22.69,milwaukee smm food,2021-11-01,22.69,23.43376692546085 +0.5672016048144431,0.9380000000000002,0.5480769230769232,0.5042692114515319,0.011437737646264342,0.45363408521303256,0.6125126135216953,91.02,miami/west palm beach smm food,2021-11-01,91.02,140.44867353328902 +0.4588766298896689,0.04500000000000001,0.7702429149797575,0.5123053741838273,0.03705630722899177,0.1468671679197994,0.698284561049445,123.89000000000001,los angeles smm food,2021-11-01,123.89000000000001,121.06468178628097 +0.708124373119358,0.792,0.42864372469635664,0.5881466599698645,0.006316556303789438,0.5649122807017543,0.4313824419778002,10.34,little rock/pine bluff smm food,2021-11-01,10.34,12.446004533180947 +0.7091273821464392,0.907,0.8471659919028344,0.4806629834254144,0.003116965537368356,0.9152882205513784,0.45660948536831486,6.06,madison wi smm food,2021-11-01,6.06,8.30429019791299 +0.4844533600802407,0.8150000000000001,0.4504048582995955,0.6760421898543446,0.005556150939097301,0.5704260651629072,0.82744702320888,27.21,knoxville smm food,2021-11-01,27.21,27.8742121972707 +0.6885656970912738,0.9500000000000001,0.7621457489878547,0.3706680060271221,0.006331118604695284,0.5388471177944861,0.4591321897073663,32.06,kansas city smm food,2021-11-01,32.06,33.911529204936734 +0.6063189568706118,0.605,0.4822874493927127,0.7046710195881467,0.006009798269490237,0.6591478696741855,0.27093844601412714,27.02,jacksonville smm food,2021-11-01,27.02,38.49387792280715 +0.764794383149448,0.6120000000000001,0.6255060728744941,0.6494224008036164,0.012393784357908912,0.04711779448621535,0.31180625630676084,35.76,indianapolis smm food,2021-11-01,35.76,42.63539340079042 +0.7091273821464393,0.137,0.22823886639676125,0.6007031642390759,0.020758876513040078,0.7248120300751879,0.5665993945509586,103.1,houston smm food,2021-11-01,103.1,128.01864654058954 +0.97592778335005,0.572,0.4959514170040489,0.544952285283777,0.009843798840592022,0.48471177944862154,0.8471241170534813,77.76,hartford/new haven smm food,2021-11-01,77.76,76.60673516597888 +0.671013039117352,0.851,0.44281376518218646,0.46961325966850836,0.004924906852004827,0.6521303258145362,0.7098890010090817,27.01,las vegas smm food,2021-11-01,27.01,31.097078139459704 +0.8941825476429286,0.542,0.9240890688259114,0.754394776494224,0.00504836983794568,0.32180451127819554,0.8965691220988901,61.84,pittsburgh smm food,2021-11-08,61.84,60.85768675613536 +0.5752256770310932,0.275,0.5824898785425103,0.7865394274234054,0.05500370995192739,0.5533834586466164,0.5993945509586277,248.23,rem us east north central smm food,2021-11-08,248.23,275.6048987559555 +0.8064192577733198,0.8210000000000002,0.3117408906882593,0.49573078854846814,0.010046721337997376,0.549874686716792,0.6029263370332997,72.17,raleigh/durham/fayetteville smm food,2021-11-08,72.17,80.23841774907855 +0.3425275827482447,0.507,0.6427125506072877,0.7614264188849825,0.005722351112479221,0.6365914786967418,0.574167507568113,44.39,providence ri/new bedford ma smm food,2021-11-08,44.39,41.583966947811625 +0.6243731193580742,0.009,0.6675101214574903,0.8493219487694627,0.008489504856348489,0.47368421052631565,0.2336024217961655,48.2,portland or smm food,2021-11-08,48.2,43.154717644093516 +0.1720160481444333,0.009,0.17813765182186225,0.9387242591662482,0.012180731564221236,0.5929824561403508,0.4445005045408678,71.32,phoenix/prescott smm food,2021-11-08,71.32,76.06710052391034 +0.7377131394182547,0.451,0.5131578947368424,0.5640381717729784,0.04468315404254839,0.5719298245614034,0.5191725529767911,248.22,new york smm food,2021-11-08,248.22,257.9274586541896 +0.4443329989969909,0.7860000000000001,0.6027327935222676,0.4771471622300352,0.002785514905880984,0.48771929824561394,0.8264379414732593,5.62,paducah ky/cape girardeau mo smm food,2021-11-08,5.62,8.195220685902726 +0.2522567703109328,0.6480000000000001,0.6872469635627534,0.3907584128578604,0.008631962147818707,0.3303258145363408,0.8890010090817356,220.73,orlando/daytona beach/melborne smm food,2021-11-08,220.73,90.80916007236587 +0.8194583751253759,0.778,0.6442307692307698,0.5760924158714215,0.002966593951927572,0.5233082706766915,0.8168516649848638,13.62,omaha smm food,2021-11-08,13.62,16.970298451672036 +0.49648946840521563,0.229,0.5637651821862352,0.33500753390256155,0.003346480062514816,0.5694235588972429,0.4581231079717457,4.77,oklahoma city smm food,2021-11-08,4.77,2.7641233646670003 +0.8580742226680035,0.9900000000000001,0.3927125506072876,0.5143144148669011,0.005708105383332198,0.7087719298245613,0.20181634712411706,48.47,norfolk/portsmouth/newport news smm food,2021-11-08,48.47,56.43850756927122 +0.5606820461384152,0.746,0.4964574898785427,0.5605223505775992,0.015537975066536024,0.31528822055137834,0.8213925327951564,87.69,rem us middle atlantic smm food,2021-11-08,87.69,87.51477901748666 +0.34252758274824485,0.329,0.21862348178137675,0.3370165745856354,0.021158073500915506,0.6170426065162905,0.44601412714429867,149.22,philadelphia smm food,2021-11-08,149.22,154.35185298723297 +0.7166499498495486,0.557,0.5693319838056683,0.3611250627825214,0.023355714650662728,0.5749373433583959,0.3784056508577195,122.02000000000001,rem us mountain smm food,2021-11-08,122.02000000000001,131.48710930533287 +0.10080240722166497,0.338,0.27834008097166035,0.7945755901557008,0.005478274286426916,0.2982456140350874,0.7194752774974773,28.85,sacramento/stockton/modesto smm food,2021-11-08,28.85,29.10052207925812 +0.5125376128385155,0.7949999999999999,0.6356275303643728,0.5188347564038173,0.01795626673218267,0.2390977443609022,0.47679112008072655,67.13,rem us pacific smm food,2021-11-08,67.13,62.9640338737538 +0.37612838515546615,0.799,0.4817813765182188,0.7634354595680564,0.050743920365209076,0.7107769423558897,0.4989909182643794,321.11,rem us south atlantic smm food,2021-11-08,321.11,248.61932937449444 +0.5606820461384152,0.44000000000000006,0.5971659919028344,0.6373681567051733,0.07834612858871957,0.5288220551378445,0.43037336024217965,361.74,rem us south central smm food,2021-11-08,361.74,364.4273201140436 +0.39518555667001,0.29,0.17105263157894746,0.5369161225514817,0.023330388909956916,0.3679197994987468,0.7063572149344097,76.82,rem us west north central smm food,2021-11-08,76.82,83.67622575574171 +0.1800401203610833,0.7509999999999999,0.7105263157894742,0.8910095429432446,0.004798278148475744,0.4355889724310777,0.5191725529767911,40.85,richmond/petersburg smm food,2021-11-08,40.85,42.432643661788724 +0.8901705115346037,0.40599999999999997,0.4929149797570853,0.7122049221496736,0.007100704550393279,0.6596491228070174,0.7537840565085772,35.04,salt lake city smm food,2021-11-08,35.04,38.77208132133764 +0.13189568706118354,0.49400000000000005,0.44838056680161964,0.4907081868407836,0.004503549841011804,0.2601503759398497,0.7679112008072654,26.06,san diego smm food,2021-11-08,26.06,27.81490731755523 +0.6313941825476429,0.8170000000000001,0.9448380566801625,0.6680060271220493,0.007090890825869777,0.5654135338345864,0.1705348133198789,42.53,san francisco/oakland/san jose smm food,2021-11-08,42.53,43.141378985021376 +0.4438314944834501,0.7949999999999999,0.07388663967611353,0.6911099949773983,0.011073046980100585,0.4275689223057642,0.2694248234106963,50.18,seattle/tacoma smm food,2021-11-08,50.18,47.938939065872134 +0.6925777331995987,0.651,0.5065789473684212,0.43294826720241086,0.006205123044683847,0.4050125313283207,0.8340060544904138,39.39,st. louis smm food,2021-11-08,39.39,43.01423408692551 +0.45837512537612835,0.463,0.48026315789473717,0.41436464088397795,0.010976809165418483,0.5293233082706765,0.218970736629667,314.53,tampa/ft. myers smm food,2021-11-08,314.53,127.9247712262515 +0.7998996990972917,0.664,0.4660931174089072,0.2541436464088398,0.002599370711693233,0.5664160401002506,0.2547931382441978,14.56,tucson/sierra vista smm food,2021-11-08,14.56,13.374672592351509 +0.3034102306920762,0.606,0.4630566801619433,0.47262682069311907,0.014020646626498795,0.4761904761904761,0.7769929364278506,145.97,washington dc/hagerstown smm food,2021-11-08,145.97,133.20378450351632 +0.37913741223671,0.313,0.33653846153846184,0.642390758412858,0.004576994489058673,0.5473684210526315,0.22199798183652877,10.41,new orleans smm food,2021-11-08,10.41,11.240410393930311 +0.641925777331996,0.7960000000000002,0.5794534412955469,0.18985434455047717,0.010335434782043683,0.6446115288220549,0.4515640766902119,105.33,rem us new england smm food,2021-11-08,105.33,102.78118069230067 +0.5867602808425274,0.727,0.6391700404858303,0.24259166248116526,0.009385402933816745,0.9754385964912278,0.7033299697275479,61.81,nashville smm food,2021-11-08,61.81,52.78240044270971 +0.7983951855566699,0.614,0.65587044534413,0.5097940733299849,0.0017819824304130085,0.6140350877192983,0.5554994954591322,4.93,yakima/pasco/richland/kennewick smm food,2021-11-08,4.93,5.386128796125433 +0.3891675025075226,0.503,0.662955465587045,0.32998493219487696,0.007246010987692902,0.499749373433584,0.6735620585267407,45.4,minneapolis/st. paul smm food,2021-11-08,45.4,43.72808441445405 +0.7291875626880638,0.256,0.2014170040485832,0.3309894525364139,0.005025576671310447,0.7027568922305762,0.29313824419778,38.42,albany/schenectady/troy smm food,2021-11-08,38.42,34.549502166560345 +0.39217652958876625,0.254,0.5465587044534416,0.6428930185836264,0.00431930507737699,0.7107769423558896,0.5887991927346115,24.48,albuquerque/santa fe smm food,2021-11-08,24.48,24.11974673137533 +0.49297893681043115,0.10200000000000001,0.14321862348178135,0.6579608237066801,0.01726803972850211,0.2862155388471177,0.5595358224016146,212.71,atlanta smm food,2021-11-08,212.71,130.72919531527424 +0.7963891675025075,0.05500000000000001,0.355263157894737,0.6780512305374184,0.00744228547816298,0.5283208020050125,0.9853683148335015,67.66,baltimore smm food,2021-11-08,67.66,65.9867304361367 +0.8530591775325976,0.30200000000000005,0.5662955465587048,0.6323455549974888,0.0016866943310073744,0.725814536340852,0.7764883955600403,2.43,baton rouge smm food,2021-11-08,2.43,6.046160283760173 +0.26278836509528564,0.613,0.7196356275303647,0.36966348568558516,0.004249659290435997,0.3062656641604011,0.22401614530776992,30.039999999999996,birmingham/anniston/tuscaloosa smm food,2021-11-08,30.039999999999996,10.113754987854314 +0.5616850551654964,0.13,0.30819838056680177,0.2928176795580111,0.018019581083947207,0.37393483709273173,0.3113017154389506,140.92,boston/manchester smm food,2021-11-08,140.92,140.5031619039803 +0.4097291875626881,0.39000000000000007,0.07034412955465591,0.5022601707684582,0.0034116938448322956,0.15939849624060137,0.5312815338042381,19.73,buffalo smm food,2021-11-08,19.73,18.02918507496078 +0.1519558676028084,0.75,0.39423076923076955,0.7774987443495731,0.009702607836157095,0.5102756892230577,0.6286579212916247,86.84,charlotte smm food,2021-11-08,86.84,84.34655240725812 +0.3034102306920761,0.6880000000000001,0.32236842105263175,0.7559015570065295,0.02266052306828807,0.751378446115288,0.4374369323915237,140.75,chicago smm food,2021-11-08,140.75,136.2454422300176 +0.6103309929789367,0.53,0.5379554655870449,0.4264188849824209,0.009766871903198106,0.5889724310776941,0.6316851664984864,69.48,cleveland/akron/canton smm food,2021-11-08,69.48,86.37514820766773 +0.6118355065195585,0.031,0.3608299595141703,0.4580612757408338,0.009385402933816745,0.18446115288220552,0.698284561049445,57.46999999999999,columbus oh smm food,2021-11-08,57.46999999999999,59.213071840063236 +0.22316950852557685,0.04800000000000001,0.537449392712551,0.7875439477649423,0.017978426755300255,0.5473684210526314,0.47426841574167505,58.32999999999999,dallas/ft. worth smm food,2021-11-08,58.32999999999999,67.04464752582977 +0.4769307923771313,0.785,0.5399797570850206,0.8498242089402311,0.0017807161433777174,0.3423558897243108,0.5933400605449042,15.579999999999998,des moines/ames smm food,2021-11-08,15.579999999999998,20.505201080943536 +0.15295887662988975,0.273,0.15232793522267224,0.5097940733299849,0.016455083451845407,0.4010025062656641,0.7219979818365287,106.01,detroit smm food,2021-11-08,106.01,116.39155556848435 +0.68555667001003,0.916,0.49645748987854277,0.26569563033651433,0.0038229205595429893,0.6887218045112782,0.21695257315842584,41.96,mobile/pensacola smm food,2021-11-08,41.96,18.55906135041704 +0.3495486459378134,0.727,0.711538461538462,0.4907081868407836,0.006150356130407519,0.5358395989974936,0.8602421796165489,34.99,greensboro smm food,2021-11-08,34.99,40.594606129853965 +0.45336008024072205,0.97,0.7859311740890692,0.4751381215469614,0.007253608709904647,0.6045112781954886,0.5322906155398587,65.71,grand rapids smm food,2021-11-08,65.71,67.24973695307942 +0.5511534603811434,0.9630000000000001,0.6700404858299598,0.6695128076343546,0.007127296578134387,0.38496240601503745,0.6256306760847629,22.66,milwaukee smm food,2021-11-08,22.66,26.255752853258223 +0.4864593781344031,0.769,0.5895748987854253,0.44349573078854854,0.009199575311387815,0.5463659147869673,0.3975782038345106,311.0,miami/west palm beach smm food,2021-11-08,311.0,138.64005081108928 +0.8289869608826479,0.124,0.6563765182186238,0.10999497739829232,0.0025829089802344523,0.5142857142857142,0.507063572149344,6.02,madison wi smm food,2021-11-08,6.02,4.87929640808764 +0.35105315947843535,0.6940000000000001,0.23481781376518243,0.5183324962330488,0.005275351789021561,0.6030075187969924,0.44954591321897075,11.43,little rock/pine bluff smm food,2021-11-08,11.43,11.364477808288207 +0.7612838515546639,0.071,0.1401821862348179,0.34003013561024614,0.004417125750853207,0.5157894736842104,0.3683148335015136,25.38,las vegas smm food,2021-11-08,25.38,27.48771100651154 +0.6514543630892676,0.262,0.675607287449393,0.7639377197388247,0.031386190456718296,0.4180451127819547,0.7769929364278506,121.6,los angeles smm food,2021-11-08,121.6,123.36640779462947 +0.6745235707121363,0.6480000000000001,0.5683198380566805,0.5891511803114013,0.00532442041163908,0.619548872180451,0.3375378405650858,33.82,kansas city smm food,2021-11-08,33.82,34.28470927854513 +0.37612838515546637,0.868,0.4190283400809718,0.5072827724761427,0.0052775677913333196,0.48771929824561394,0.562058526740666,76.33,jacksonville smm food,2021-11-08,76.33,38.11641475938067 +0.7913741223671011,0.08000000000000002,0.4281376518218624,0.7101958814665997,0.011204107688253187,0.12380952380952359,0.16952573158425832,37.3,indianapolis smm food,2021-11-08,37.3,41.90681316018568 +0.6810431293881645,0.674,0.2909919028340083,0.46258161727774993,0.018479876421275424,0.7954887218045111,0.2467204843592331,105.53,houston smm food,2021-11-08,105.53,125.51237230636642 +0.6634904714142428,0.3520000000000001,0.7014170040485833,0.5685585133098946,0.008859260670653409,0.6862155388471177,0.855196770938446,74.87,hartford/new haven smm food,2021-11-08,74.87,76.77675566206115 +0.5902708124373118,0.389,0.8254048582995956,0.24158714213962834,0.0065235942340594886,0.6330827067669171,0.5438950554994955,37.93,harrisburg/lancaster smm food,2021-11-08,37.93,41.68623134909993 +0.4729187562688064,0.281,0.6533400809716604,0.6564540431943747,0.0043905337231121,0.5208020050125313,0.7906155398587286,27.92,knoxville smm food,2021-11-08,27.92,27.08849963149931 +0.6740220661985957,0.524,0.968623481781377,0.7599196383726771,0.006120598385078183,0.33684210526315783,0.20383451059535823,47.05,portland or smm food,2021-11-15,47.05,42.217912330885206 +0.48996990972918747,0.6900000000000001,0.773279352226721,0.17830236062280264,0.010935654836771534,0.4025062656641603,0.3985872855701312,102.33,rem us middle atlantic smm food,2021-11-15,102.33,82.52409818028775 +0.6995987963891673,0.794,0.49848178137651844,0.9542943244600705,0.037421314466914345,0.29624060150375925,0.5343087790110999,304.29,rem us east north central smm food,2021-11-15,304.29,273.3138391782185 +0.595285857572718,0.8119999999999999,0.24595141700404874,0.6639879457559016,0.006703406993070785,0.7548872180451126,0.44954591321897075,70.78,raleigh/durham/fayetteville smm food,2021-11-15,70.78,80.08102397664176 +0.24373119358074222,0.45599999999999996,0.17813765182186236,0.5474635861376194,0.003895098920554566,0.4210526315789474,0.5378405650857719,47.93,providence ri/new bedford ma smm food,2021-11-15,47.93,38.752741966681334 +0.49799398194583744,0.622,0.556174089068826,0.7408337518834757,0.003393332682820578,0.3087719298245614,0.6811301715438951,79.4,pittsburgh smm food,2021-11-15,79.4,58.411038058999544 +0.5927783350050146,0.867,0.6563765182186238,0.09291813159216475,0.003699457573602133,0.5719298245614036,0.6104944500504541,54.31,norfolk/portsmouth/newport news smm food,2021-11-15,54.31,55.34944977053401 +0.4468405215646942,0.54,0.34463562753036464,0.3787041687594174,0.015489856159194971,0.4370927318295738,0.33955600403632696,169.96,philadelphia smm food,2021-11-15,169.96,152.96714822487917 +0.5501504513540619,0.354,0.258097165991903,0.4244098442993471,0.0023590927467468004,0.37293233082706767,0.7643794147325933,7.82,paducah ky/cape girardeau mo smm food,2021-11-15,7.82,6.8847918133044175 +0.1609829488465396,0.261,0.6821862348178142,0.7232546459065797,0.00630959172509534,0.4290726817042605,0.7805247225025227,71.68,orlando/daytona beach/melborne smm food,2021-11-15,71.68,91.72883725448116 +0.7507522567703108,0.47400000000000003,0.48886639676113414,0.7383224510296335,0.0019405848815831836,0.7674185463659144,0.6765893037336024,19.29,omaha smm food,2021-11-15,19.29,17.347837247962516 +0.45185556670010024,0.634,0.5141700404858304,0.2707182320441989,0.002693392524063575,0.8350877192982453,0.2885973763874874,3.5200000000000005,oklahoma city smm food,2021-11-15,3.5200000000000005,2.227021204752077 +0.641925777331996,0.099,0.6518218623481784,0.3817177297840282,0.016067916190805234,0.31077694235588965,0.781029263370333,148.18,rem us mountain smm food,2021-11-15,148.18,131.80842938967402 +0.16649949849548648,0.9369999999999999,0.20951417004048575,0.8734304369663487,0.008581310666407075,0.34786967418546366,0.0615539858728557,73.23,phoenix/prescott smm food,2021-11-15,73.23,72.64826660157243 +0.2738214643931796,0.443,0.33350202429149817,0.5374183827222502,0.006473259324406677,0.49323308270676663,0.5045408678102926,122.14999999999999,rem us new england smm food,2021-11-15,122.14999999999999,103.13919358530089 +0.47743229689067196,0.524,0.11184210526315795,0.9608237066800603,0.004730848363846508,0.593984962406015,0.9515640766902119,41.26,salt lake city smm food,2021-11-15,41.26,39.939118403826185 +0.311434302908726,0.10700000000000001,0.2864372469635627,0.4846810647915621,0.03406976925625836,0.42055137844611534,0.5539858728557013,228.56000000000003,rem us south atlantic smm food,2021-11-15,228.56000000000003,243.5501419795935 +0.3545636910732196,0.61,0.1993927125506074,0.5434455047714717,0.0533556373754964,0.24360902255639094,0.03632694248234107,371.82,rem us south central smm food,2021-11-15,371.82,356.699254598433 +0.6755265797392175,0.633,0.620445344129555,0.5730788548468106,0.017079046388484953,0.4827067669172931,0.7643794147325933,95.99,rem us west north central smm food,2021-11-15,95.99,84.59476895169337 +0.273319959879639,0.371,0.5404858299595144,0.5439477649422402,0.0033221040370854694,0.42556390977443603,0.35469223007063566,41.06,richmond/petersburg smm food,2021-11-15,41.06,39.129933645517035 +0.43229689067201604,0.7509999999999999,0.15890688259109345,0.5640381717729784,0.0043785039962768385,0.2726817042606513,0.4339051463168517,30.42,sacramento/stockton/modesto smm food,2021-11-15,30.42,26.5627497654258 +0.14092276830491474,0.851,0.4625506072874497,0.08287292817679559,0.003496851647955602,0.22205513784461162,0.5358224016145308,24.6,san diego smm food,2021-11-15,24.6,24.064500909672553 +0.7708124373119357,0.137,0.6538461538461542,0.45253641386238075,0.005456430835068149,0.70125313283208,0.3985872855701312,42.5,san francisco/oakland/san jose smm food,2021-11-15,42.5,43.160094141767956 +0.3866599799398192,0.466,0.2454453441295549,0.4339527875439478,0.008129879338325895,0.6310776942355888,0.4283551967709385,55.53,seattle/tacoma smm food,2021-11-15,55.53,47.46053070893164 +0.7868605817452355,0.8490000000000001,0.27226720647773284,0.5554997488699147,0.004683362600023102,0.5974937343358395,0.9243188698284561,43.18,st. louis smm food,2021-11-15,43.18,44.72667368027062 +0.4237713139418255,0.794,0.703947368421053,0.6629834254143647,0.007124764004063806,0.6837092731829573,0.3092835519677094,107.69,tampa/ft. myers smm food,2021-11-15,107.69,130.03901264113762 +0.6118355065195585,0.505,0.38360323886639697,0.21295831240582624,0.0017275320878955029,0.7734335839598995,0.1992936427850656,14.300000000000002,tucson/sierra vista smm food,2021-11-15,14.300000000000002,12.898267574767296 +0.48244734202607825,0.215,0.3871457489878543,0.19839276745354095,0.009349313753310953,0.5228070175438596,0.6720484359233098,153.93,washington dc/hagerstown smm food,2021-11-15,153.93,130.58384914931113 +0.759779338014042,0.42900000000000005,0.3658906882591095,0.5203415369161226,0.0011102171581912278,0.4832080200501254,0.2199798183652876,4.19,yakima/pasco/richland/kennewick smm food,2021-11-15,4.19,2.676230203157928 +0.5280842527582746,0.163,0.4767206477732796,0.8442993470617781,0.03098762661236051,0.6601503759398496,0.6967709384460141,342.86,new york smm food,2021-11-15,342.86,258.4019553207831 +0.49949849548645936,0.829,0.4994939271255064,0.6142641888498243,0.01417766621887486,0.44561403508771924,0.6876892028254289,66.92,rem us pacific smm food,2021-11-15,66.92,64.75089163453879 +0.7527582748244732,0.891,0.4220647773279356,0.8895027624309393,0.0026895936629577045,0.9408521303258145,0.5625630676084763,17.68,new orleans smm food,2021-11-15,17.68,16.52294612038454 +0.6283851554663991,0.7650000000000001,0.6138663967611339,0.22099447513812157,0.005532091485426775,0.5097744360902253,0.5403632694248234,49.16,nashville smm food,2021-11-15,49.16,49.8021922534437 +0.9262788365095285,0.24500000000000002,0.7717611336032393,0.6750376695128077,0.002578793547369758,0.5974937343358395,0.2265388496468214,18.15,mobile/pensacola smm food,2021-11-15,18.15,20.75916548775045 +0.42126379137412234,0.9410000000000001,0.5389676113360328,0.8221998995479659,0.0025325740705816418,0.8125313283208019,0.47124117053481335,25.99,albuquerque/santa fe smm food,2021-11-15,25.99,24.89027225052685 +0.5762286860581743,0.766,0.2661943319838057,0.7046710195881467,0.01167674932417549,0.5017543859649121,0.3032290615539859,117.51,atlanta smm food,2021-11-15,117.51,129.91269862563882 +0.6228686058174524,0.166,0.4509109311740893,0.3520843797086891,0.005180063689615926,0.2862155388471179,0.8062563067608476,77.13,baltimore smm food,2021-11-15,77.13,61.835438260320316 +0.7191574724172517,0.7280000000000001,0.30769230769230793,0.3817177297840282,0.001116232021608859,0.5167919799498746,0.5433905146316852,2.6,baton rouge smm food,2021-11-15,2.6,2.3496394733540598 +0.4744232698094281,0.79,0.8314777327935227,0.27272727272727276,0.003045420319874425,0.287218045112782,0.437941473259334,15.3,birmingham/anniston/tuscaloosa smm food,2021-11-15,15.3,11.07258165927626 +0.4418254764292878,0.439,0.7307692307692312,0.47915620291310906,0.012204157874374112,0.17443609022556386,0.6311806256306761,158.96,boston/manchester smm food,2021-11-15,158.96,142.1881832574818 +0.6514543630892679,0.968,0.4701417004048586,0.6152687091913612,0.0022036560131648516,0.40852130325814523,0.3082744702320888,20.43,buffalo smm food,2021-11-15,20.43,18.899061098496745 +0.3304914744232698,0.472,0.3223684210526318,0.5816172777498745,0.0076398262556683465,0.5318295739348371,0.4313824419778002,76.13,charlotte smm food,2021-11-15,76.13,81.9836203947206 +0.6544633901705114,0.5660000000000001,0.7408906882591098,0.5238573581115018,0.0157342495570061,0.44110275689223055,0.7623612512613521,164.32,chicago smm food,2021-11-15,164.32,135.64808599164536 +0.6394182547642928,0.519,0.12904858299595157,0.3309894525364139,0.006489087912347814,0.2606516290726817,0.6377396569122099,88.87,cleveland/akron/canton smm food,2021-11-15,88.87,84.18035234468773 +0.5892678034102306,0.8650000000000001,0.5399797570850206,0.431943746860874,0.006534674245618283,0.3258145363408521,0.7043390514631686,67.64,columbus oh smm food,2021-11-15,67.64,59.59238431846909 +0.5566700100300904,0.504,0.5546558704453445,0.46107483676544453,0.011535558319740558,0.3077694235588971,0.743188698284561,70.22,dallas/ft. worth smm food,2021-11-15,70.22,65.86248942692293 +0.5205616850551654,0.08100000000000002,0.6654858299595146,0.9050728277247615,0.0014676266739020618,0.13834586466165422,0.3148335015136226,18.86,des moines/ames smm food,2021-11-15,18.86,18.355762479895503 +0.12537612838515555,0.034,0.49139676113360364,0.47312908086388755,0.010419009726372882,0.36641604010025053,0.6342078708375378,127.18,detroit smm food,2021-11-15,127.18,114.76663347023872 +0.7251755265797392,0.9970000000000001,0.5597165991902836,0.47312908086388755,0.0041926763738479094,0.4616541353383457,0.2512613521695257,69.15,grand rapids smm food,2021-11-15,69.15,65.06441817448713 +0.42176529588766276,0.19200000000000003,0.49190283400809753,0.653440482169764,0.0035212276733849516,0.6235588972431078,0.5484359233097881,46.74,albany/schenectady/troy smm food,2021-11-15,46.74,37.053095844731004 +0.5712136409227682,0.12,0.6680161943319843,0.395781014565545,0.0037463101939078946,0.6411027568922304,0.36680121089808276,42.95,harrisburg/lancaster smm food,2021-11-15,42.95,40.924727476689114 +0.294383149448345,0.271,0.4671052631578951,0.5926670015067805,0.004801443866063971,0.49273182957393463,0.8415741675075681,35.37,greensboro smm food,2021-11-15,35.37,40.2950227246593 +0.2231695085255767,0.8660000000000001,0.4949392712550612,0.48618784530386744,0.005333600992644939,0.26416040100250643,0.4530776992936428,50.64,minneapolis/st. paul smm food,2021-11-15,50.64,42.13524668578504 +0.6830491474423269,0.034,0.6740890688259112,0.7403314917127073,0.005078444155033838,0.4340852130325813,0.3864783047426842,27.77,milwaukee smm food,2021-11-15,27.77,24.931780564698975 +0.44884653961885657,0.8130000000000002,0.5420040485829962,0.4058262179809142,0.006872139740523286,0.756892230576441,0.2674066599394551,110.71,miami/west palm beach smm food,2021-11-15,110.71,137.92300775242524 +0.3671013039117352,0.515,0.44888663967611353,0.4414866901054747,0.024665372016912265,0.4626566416040099,0.6115035317860746,118.49999999999999,los angeles smm food,2021-11-15,118.49999999999999,119.2587667602169 +0.42878635907723167,0.286,0.4736842105263162,0.4691109994977399,0.003477540770667418,0.6395989974937343,0.40615539858728555,12.09,little rock/pine bluff smm food,2021-11-15,12.09,10.777968233912055 +0.8249749247743229,0.442,0.5485829959514172,0.4173782019085887,0.0016857446157309056,0.4365914786967418,0.5257315842583249,7.0200000000000005,madison wi smm food,2021-11-15,7.0200000000000005,6.455137549190681 +0.46890672016048146,0.9910000000000001,0.6751012145748992,0.6921145153189354,0.0031578032942564853,0.5458646616541353,0.49697275479313824,29.22,knoxville smm food,2021-11-15,29.22,25.83031890956027 +0.42126379137412223,0.24900000000000003,0.2292510121457491,0.7865394274234054,0.0036206312056552806,0.4290726817042605,0.32593340060544906,36.2,kansas city smm food,2021-11-15,36.2,33.70482305231577 +0.29137412236710125,0.7559999999999999,0.39574898785425117,0.06278252134605726,0.003389217249955883,0.4245614035087718,0.6099899091826438,36.3,jacksonville smm food,2021-11-15,36.3,35.180897295043 +0.7813440320962887,0.462,0.3846153846153847,0.792566549472627,0.0071754154854754395,0.4210526315789471,0.20787083753784058,49.27,indianapolis smm food,2021-11-15,49.27,43.08720362278376 +0.5626880641925778,0.5750000000000001,0.5774291497975712,0.4103465595178303,0.012936704924289852,0.6862155388471177,0.2870837537840565,115.13,houston smm food,2021-11-15,115.13,124.26043140242862 +0.3209628886659981,0.8820000000000001,0.7140688259109316,0.4389753892516324,0.005917992459431653,0.44711779448621547,0.43340060544904135,98.59,hartford/new haven smm food,2021-11-15,98.59,72.11893294560201 +0.4924774322968906,0.7090000000000001,0.5455465587044538,0.2506278252134606,0.0030517517550508796,0.42155388471177935,0.5565085771947528,32.37,las vegas smm food,2021-11-15,32.37,27.67672872290877 +0.115346038114343,0.122,0.34261133603238864,0.6002009040683074,0.004134743741983355,0.25213032581453637,0.7169525731584259,93.14,pittsburgh smm food,2021-11-22,93.14,56.74340259131751 +0.9538615847542625,0.326,0.7722672064777332,0.6519337016574587,0.031284887493895026,0.4827067669172931,0.6559031281533805,361.39,rem us east north central smm food,2021-11-22,361.39,272.37513890809157 +0.3971915747241724,0.41700000000000004,0.31072874493927144,0.3490708186840784,0.005900897584455226,0.3909774436090225,0.781029263370333,79.22,raleigh/durham/fayetteville smm food,2021-11-22,79.22,78.48602293023802 +0.5030090270812437,0.22400000000000003,0.13765182186234817,0.36865896534404824,0.0030523848985685247,0.5659147869674186,0.5640766902119072,55.71,providence ri/new bedford ma smm food,2021-11-22,55.71,38.51100921640019 +0.5090270812437312,0.932,0.5900809716599195,0.5745856353591161,0.004533624158099962,0.3513784461152881,0.4656912209889001,58.019999999999996,portland or smm food,2021-11-22,58.019999999999996,42.178804154854014 +0.12186559679037114,0.509,0.4903846153846154,0.5806127574083376,0.007543905012745068,0.39498746867167916,0.11150353178607467,90.35,phoenix/prescott smm food,2021-11-22,90.35,71.16005456377555 +0.7266800401203609,0.446,0.20293522267206487,0.6946258161727775,0.029850184282910534,0.4260651629072682,0.8087790110998991,427.5,new york smm food,2021-11-22,427.5,257.60427538554626 +0.7051153460381142,0.7700000000000001,0.3836032388663971,0.47262682069311907,0.0021757976983884536,0.29624060150375936,0.6559031281533805,10.73,paducah ky/cape girardeau mo smm food,2021-11-22,10.73,6.7962418623448 +0.26980942828485455,0.97,0.8846153846153851,0.5590155700652939,0.0076069027927507865,0.4671679197994987,0.6099899091826438,67.68,orlando/daytona beach/melborne smm food,2021-11-22,67.68,90.73364748278922 +0.8946840521564692,0.97,0.08805668016194364,0.6157709693621296,0.0019108271362538493,0.858646616541353,0.2956609485368315,25.45,omaha smm food,2021-11-22,25.45,14.942212334857658 +0.3324974924774322,0.8490000000000001,0.43674089068825944,0.16273229532898043,0.0038355834298958963,0.4791979949874684,0.6564076690211907,3.5399999999999996,oklahoma city smm food,2021-11-22,3.5399999999999996,2.652345765330054 +0.34353059177532563,0.502,0.4306680161943321,0.5183324962330488,0.00406763052911294,0.7699248120300752,0.5090817356205852,55.43,norfolk/portsmouth/newport news smm food,2021-11-22,55.43,57.14032195403642 +0.2507522567703109,0.7320000000000001,0.8006072874493929,0.36514314414866905,0.009391417797234378,0.47869674185463645,0.39959636730575177,133.75,rem us middle atlantic smm food,2021-11-22,133.75,83.25560918387126 +0.5887662988966901,0.459,0.30364372469635653,0.5946760421898544,0.013882621339652098,0.5368421052631577,0.5262361251261353,205.58,philadelphia smm food,2021-11-22,205.58,155.54188063785617 +0.5727181544633901,0.17800000000000002,0.6118421052631582,0.5509794073329985,0.016083428206987542,0.40952380952380946,0.7653884964682139,167.97,rem us mountain smm food,2021-11-22,167.97,132.89153726991918 +0.7296890672016048,0.639,0.2722672064777332,0.7317930688096435,0.006977241564452426,0.07117794486215519,0.3032290615539859,34.61,sacramento/stockton/modesto smm food,2021-11-22,34.61,27.020774080018207 +0.30190571715145437,0.766,0.019230769230769242,0.23606228026117532,0.01707619724265555,0.400501253132832,0.5332996972754793,76.61,rem us pacific smm food,2021-11-22,76.61,61.308233687727586 +0.4839518555666999,0.038000000000000006,0.312753036437247,0.5816172777498745,0.03271547527201483,0.299749373433584,0.7956609485368314,258.52,rem us south atlantic smm food,2021-11-22,258.52,245.21245183305604 +0.12337011033099296,0.265,0.4777327935222675,0.6027122049221497,0.055565308252078886,0.4200501253132832,0.21543895055499496,408.27,rem us south central smm food,2021-11-22,408.27,358.55838943255657 +0.8199598796389167,0.49500000000000005,0.8218623481781382,0.17227523857358112,0.02033340406918236,0.38395989974937333,0.7103935418768921,116.12000000000002,rem us west north central smm food,2021-11-22,116.12000000000002,82.43930926796256 +0.38014042126379144,0.248,0.7257085020242918,0.5826217980914115,0.002104885624412167,0.33984962406015035,0.3905146316851664,46.63,richmond/petersburg smm food,2021-11-22,46.63,39.35627815607591 +0.4964894684052155,0.23500000000000001,0.40030364372469657,0.744349573078855,0.0039033297862839564,0.4686716791979949,0.900100908173562,47.94,salt lake city smm food,2021-11-22,47.94,37.97116849524349 +0.11484453360080239,0.38599999999999995,0.7474696356275308,0.2179809141135108,0.004703306620828932,0.45614035087719296,0.4979818365287588,27.4,san diego smm food,2021-11-22,27.4,25.42832246977708 +0.7136409227683048,0.11399999999999999,0.24898785425101227,0.13510798593671522,0.009049836869464678,0.25864661654135335,0.5701311806256307,48.85,san francisco/oakland/san jose smm food,2021-11-22,48.85,41.11962101869497 +0.278335005015045,0.233,0.29807692307692335,0.5891511803114013,0.006382086657865739,0.4982456140350875,0.7245206861755802,58.5,seattle/tacoma smm food,2021-11-22,58.5,49.151707484993224 +0.420260782347041,0.018,0.5005060728744941,0.5474635861376194,0.005497268591956278,0.3413533834586465,0.9868819374369324,71.3,st. louis smm food,2021-11-22,71.3,43.50867849045787 +0.679037111334002,0.35100000000000003,0.6614372469635632,0.6368658965344048,0.008295129796431346,0.3994987468671678,0.5469223007063572,100.59,tampa/ft. myers smm food,2021-11-22,100.59,130.74584010211458 +0.662988966900702,0.04500000000000001,0.6265182186234821,0.39377197388247115,0.0015546839075783058,0.907769423558897,0.34510595358224017,20.88,tucson/sierra vista smm food,2021-11-22,20.88,15.190368861040092 +0.8294884653961885,0.481,0.4149797570850202,0.3731793068809644,0.00823371487521974,0.6847117794486215,0.6700302724520686,165.82,washington dc/hagerstown smm food,2021-11-22,165.82,132.63529297039938 +0.949348044132397,0.381,0.4271255060728748,0.9105976896032145,0.002979889965798125,0.8270676691729322,0.5867810292633704,11.97,new orleans smm food,2021-11-22,11.97,16.567428895651766 +0.5501504513540622,0.6990000000000001,0.34919028340080993,0.5760924158714215,0.005328852416262597,0.21854636591478677,0.7441977800201817,132.71,rem us new england smm food,2021-11-22,132.71,104.32625382549814 +0.5305917753259778,0.032,0.5910931174089071,0.6343545956805626,0.004684312315299571,0.025062656641604005,0.7436932391523714,60.19,nashville smm food,2021-11-22,60.19,51.211107478363154 +0.40672016048144427,0.141,0.473684210526316,0.24761426418884985,0.0009512981352622299,0.29373433583959907,0.1649848637739657,4.14,yakima/pasco/richland/kennewick smm food,2021-11-22,4.14,-0.46849920905390263 +0.22066198595787362,0.04500000000000001,0.6067813765182191,0.49221496735308895,0.007362509394939659,0.755889724310777,0.2209889001009082,60.90999999999999,minneapolis/st. paul smm food,2021-11-22,60.90999999999999,42.31700479545287 +0.24022066198595782,0.22999999999999998,0.7859311740890693,0.6202913108990458,0.0023049589759881173,0.763408521303258,0.7149344096871847,49.99,albany/schenectady/troy smm food,2021-11-22,49.99,37.984101481055546 +0.5907723169508525,0.36500000000000005,0.2834008097165994,0.6745354093420393,0.0023530778833291675,0.6285714285714284,0.198284561049445,29.030000000000005,albuquerque/santa fe smm food,2021-11-22,29.030000000000005,21.72884421159837 +0.3691073219658977,0.4610000000000001,0.2606275303643725,0.8970366649924661,0.010479158360549195,0.4040100250626565,0.3501513622603431,138.61,atlanta smm food,2021-11-22,138.61,130.3251403668511 +0.707121364092277,0.371,0.5546558704453445,0.3229532898041186,0.0045295087252352675,0.35739348370927326,0.42785065590312815,88.23,baltimore smm food,2021-11-22,88.23,59.90335999848253 +0.49448345035105307,0.371,0.5182186234817817,0.5354093420391763,0.001508464430790191,0.47067669172932325,0.446518668012109,2.53,baton rouge smm food,2021-11-22,2.53,2.1694998133819325 +0.5426278836509526,0.917,0.6047570850202433,0.3405323957810146,0.004249026146918351,0.45764411027568924,0.62058526740666,13.47,birmingham/anniston/tuscaloosa smm food,2021-11-22,13.47,13.250184290938087 +0.1770310932798395,0.9560000000000001,0.6720647773279357,0.6785534907081869,0.009859310856774332,0.44210526315789467,0.49495459132189706,177.04,boston/manchester smm food,2021-11-22,177.04,142.80113650177643 +0.5366098294884655,0.05600000000000001,0.7419028340080975,0.34203917629332,0.0023442138740821334,0.49874686716791966,0.18365287588294651,32.3,buffalo smm food,2021-11-22,32.3,16.464303832453993 +0.4177532597793381,0.277,0.4671052631578951,0.2496233048719237,0.006616349759394541,0.9223057644110276,0.5257315842583249,88.7,charlotte smm food,2021-11-22,88.7,81.83783006030393 +0.5376128385155465,0.023,0.8527327935222677,0.4881968859869413,0.01651839780360994,0.2471177944862155,0.4389505549949546,167.98,chicago smm food,2021-11-22,167.98,132.70218652408434 +0.3786359077231695,0.036,0.30516194331983826,0.3078854846810648,0.007179214346581312,0.48621553884711766,0.3067608476286579,135.69,cleveland/akron/canton smm food,2021-11-22,135.69,82.37512921407144 +0.6193580742226679,0.41600000000000004,0.6715587044534417,0.4399799095931693,0.004968277182963537,0.28170426065162907,0.8047426841574168,80.56,columbus oh smm food,2021-11-22,80.56,59.78582825379229 +0.4653961885656972,0.536,0.7024291497975712,0.23103967855349072,0.012273803661315107,0.14736842105263145,0.7356205852674067,60.24000000000001,dallas/ft. worth smm food,2021-11-22,60.24000000000001,64.0618334902293 +0.5787362086258775,0.101,0.8628542510121462,0.7056755399296837,0.0018225036155423144,0.3117794486215539,0.19071644803229063,25.96,des moines/ames smm food,2021-11-22,25.96,17.30840149077514 +0.21313941825476435,0.634,0.8031376518218628,0.6639879457559016,0.008863059531759285,0.1508771929824561,0.670534813319879,138.56,detroit smm food,2021-11-22,138.56,115.79737586116418 +0.8024072216649949,0.082,0.3967611336032391,0.5971873430436967,0.0028899835862924764,0.5954887218045113,0.2542885973763875,16.8,mobile/pensacola smm food,2021-11-22,16.8,20.001443511078847 +0.45336008024072205,0.9359999999999999,0.37601214574898817,0.7599196383726771,0.0042176855427949024,0.6185463659147867,0.42936427850655906,41.52,greensboro smm food,2021-11-22,41.52,39.688412250620836 +0.6965897693079237,0.311,0.4377530364372471,0.01607232546459066,0.0028545275493043333,0.5483709273182957,0.11806256306760848,86.46,grand rapids smm food,2021-11-22,86.46,61.316848398192285 +0.5682046138415244,0.48700000000000004,0.3284412955465588,0.46760421898543447,0.004310441068129956,0.1283208020050125,0.599899091826438,28.979999999999997,milwaukee smm food,2021-11-22,28.979999999999997,23.35985006911877 +0.8109327983951855,0.6970000000000001,0.5273279352226723,0.5534907081868409,0.008296396083466637,0.6150375939849623,0.5443995963673057,99.72,miami/west palm beach smm food,2021-11-22,99.72,140.6753878618789 +0.9267803410230689,0.7230000000000001,0.6503036437246967,0.6870919136112507,0.001675614319448579,0.4240601503759398,0.2729566094853683,8.52,madison wi smm food,2021-11-22,8.52,6.856022955436856 +0.7477432296890673,0.147,0.6422064777327939,0.7388247112004018,0.0035402219789143134,0.6050125313283207,0.6463168516649849,14.8,little rock/pine bluff smm food,2021-11-22,14.8,14.185289321498551 +0.29588766298896696,0.261,0.7727732793522271,0.5946760421898544,0.003655137527366956,0.7278195488721803,0.8995963673057518,33.23,las vegas smm food,2021-11-22,33.23,32.27103243818987 +0.5280842527582749,0.5750000000000001,0.1518218623481782,0.12606730286288298,0.030974330598489957,0.35939849624060133,0.7245206861755802,132.52,los angeles smm food,2021-11-22,132.52,118.79097096976835 +0.33049147442326976,0.802,0.6523279352226724,0.6544450025113009,0.004567180764535169,0.11428571428571425,0.22906155398587286,47.3,kansas city smm food,2021-11-22,47.3,31.908464834993914 +0.5727181544633901,0.9990000000000001,0.4564777327935225,0.3083877448518333,0.0037004072888786026,0.6476190476190475,0.5186680121089808,29.920000000000005,jacksonville smm food,2021-11-22,29.920000000000005,37.410378326739085 +0.7963891675025074,0.027000000000000003,0.18522267206477736,0.803616273229533,0.00552322747617974,0.34586466165413504,0.19424823410696265,58.52000000000001,indianapolis smm food,2021-11-22,58.52000000000001,42.308576867557164 +0.6183550651955868,0.119,0.7024291497975712,0.3571069814163737,0.013889585918346195,0.5769423558897242,0.3329969727547931,119.53999999999999,houston smm food,2021-11-22,119.53999999999999,123.97553749414857 +0.41574724172517563,0.459,0.49089068825910953,0.3962832747363135,0.005053118414328022,0.2541353383458646,0.09031281533804238,114.22999999999999,hartford/new haven smm food,2021-11-22,114.22999999999999,68.99372808799497 +0.2557673019057171,0.213,0.7277327935222677,0.49321948769462587,0.0027649377415575084,0.706766917293233,0.4772956609485368,45.06,harrisburg/lancaster smm food,2021-11-22,45.06,41.7417284971019 +0.8214643931795385,0.34600000000000003,0.4347165991902837,0.42893018583626324,0.0028140063641750278,0.23609022556390974,0.5176589303733602,31.72,knoxville smm food,2021-11-22,31.72,23.57872079879798 +0.45336008024072205,0.505,0.48481781376518224,0.5007533902561527,0.0036383592241493526,0.25463659147869677,0.5317860746720484,98.22,pittsburgh smm food,2021-11-29,98.22,55.86616726157437 +0.5907723169508523,0.679,0.7307692307692311,0.6047212456052236,0.02406673482097852,0.6160401002506264,0.5640766902119072,415.54,rem us east north central smm food,2021-11-29,415.54,270.5026733969745 +0.3094282848545636,0.19599999999999998,0.6204453441295551,0.5570065293822201,0.005147773370216009,0.3037593984962405,0.6014127144298689,188.82,raleigh/durham/fayetteville smm food,2021-11-29,188.82,78.20007416952248 +0.7958876629889668,0.341,0.5086032388663969,0.5640381717729784,0.002909294463580662,0.5889724310776943,0.7028254288597376,66.81,providence ri/new bedford ma smm food,2021-11-29,66.81,41.253007757263326 +0.49799398194583744,0.067,0.4777327935222675,0.323455549974887,0.0035338905437378586,0.2786967418546365,0.7159434914228052,85.6,portland or smm food,2021-11-29,85.6,41.33843979710246 +0.41023069207622864,0.135,0.6604251012145751,0.3294826720241085,0.006367840928718719,0.3659147869674186,0.46064581231079715,117.15,phoenix/prescott smm food,2021-11-29,117.15,71.90100630184416 +0.8891675025075223,0.8130000000000002,0.20799595141700417,0.6162732295328981,0.029349051188694186,0.6265664160401001,0.491422805247225,403.87,new york smm food,2021-11-29,403.87,256.31064341408313 +0.3786359077231693,0.205,0.509615384615385,0.8714213962832749,0.0016179982593428474,0.5984962406015036,0.5509586276488395,10.41,paducah ky/cape girardeau mo smm food,2021-11-29,10.41,8.59990349109367 +0.17552657973921765,0.43700000000000006,0.4306680161943322,0.5665494726268208,0.006831301983635158,0.6220551378446114,0.508577194752775,125.13,orlando/daytona beach/melborne smm food,2021-11-29,125.13,89.87913657993997 +0.6775325977933799,0.771,0.4610323886639682,0.6323455549974888,0.001506881571996077,0.6471177944862152,0.5161453077699294,26.12,omaha smm food,2021-11-29,26.12,15.376433508727473 +0.570210631895687,0.51,0.3542510121457493,0.2541436464088398,0.0032375793774798056,0.27468671679197976,0.5711402623612513,6.16,oklahoma city smm food,2021-11-29,6.16,2.153387212395913 +0.5516549648946837,0.144,0.46609311740890697,0.8679055750878956,0.0037323810365196956,0.6506265664160402,0.5711402623612513,121.21000000000001,norfolk/portsmouth/newport news smm food,2021-11-29,121.21000000000001,59.28752044783387 +0.19307923771313937,0.788,0.4337044534412956,0.5308890005022602,0.0075638490335509,0.5814536340852128,0.768920282542886,110.68,rem us middle atlantic smm food,2021-11-29,110.68,86.11146495905945 +0.8615847542627885,0.8470000000000001,0.2429149797570853,0.7353088900050226,0.011867642094745577,0.8215538847117791,0.8506559031281534,216.46,philadelphia smm food,2021-11-29,216.46,159.42159314623817 +0.43179538615847535,0.369,0.8248987854251016,0.6328478151682572,0.014539507739209208,0.644611528822055,0.4611503531786075,219.85,rem us mountain smm food,2021-11-29,219.85,132.09129513188972 +0.4543630892678034,0.677,0.5010121457489884,0.8844801607232547,0.006798695092476421,0.0020050125313281425,0.3562058526740666,52.48,sacramento/stockton/modesto smm food,2021-11-29,52.48,27.660832371040307 +0.775827482447342,0.985,0.2950404858299597,0.20592667001506781,0.015010249944578575,0.15187969924812028,0.3249243188698285,115.42,rem us pacific smm food,2021-11-29,115.42,59.92709427024585 +0.593781344032096,0.9060000000000001,0.508097165991903,0.7579105976896033,0.02763988026281039,0.3278195488721805,0.470736629667003,456.1,rem us south atlantic smm food,2021-11-29,456.1,244.4152322156966 +0.2773319959879638,0.27599999999999997,0.6037449392712554,0.5243596182822703,0.04799417806807506,0.4771929824561402,0.39253279515640765,598.52,rem us south central smm food,2021-11-29,598.52,358.5857905337175 +0.6965897693079237,0.543,0.7580971659919032,0.3224510296333501,0.016479776049033567,0.4796992481203007,0.8890010090817356,135.72,rem us west north central smm food,2021-11-29,135.72,83.86574796281009 +0.481444332998997,0.40599999999999997,0.9276315789473688,0.8473129080863888,0.001904179129318572,0.5664160401002506,0.5882946518668012,82.36,richmond/petersburg smm food,2021-11-29,82.36,43.05570466578572 +0.8445336008024071,0.34,0.3734817813765184,0.6077348066298344,0.003356293787038322,0.400501253132832,0.6745711402623612,54.56,salt lake city smm food,2021-11-29,54.56,36.206449247626495 +0.3299899699097292,0.8170000000000001,0.7216599190283405,0.4485183324962331,0.0052775677913333196,0.7167919799498745,0.5464177598385469,51.08,san diego smm food,2021-11-29,51.08,28.458616373511738 +0.35656970912738206,0.309,0.14170040485829968,0.41336012054244103,0.009165068989676142,0.3197994987468671,0.6735620585267407,82.7,san francisco/oakland/san jose smm food,2021-11-29,82.7,42.94722045358006 +0.5767301905717149,0.9960000000000001,0.2074898785425104,0.8016072325464592,0.005160752812327742,0.5704260651629071,0.8743693239152371,63.239999999999995,seattle/tacoma smm food,2021-11-29,63.239999999999995,52.08274515665934 +0.3304914744232697,0.264,0.591599190283401,0.22400803616273232,0.004892933104363733,0.06766917293233081,0.884460141271443,73.2,st. louis smm food,2021-11-29,73.2,40.15090249320696 +0.7582748244734202,0.44400000000000006,0.47469635627530404,0.538422903063787,0.007165601760951935,0.300751879699248,0.3622603430877901,175.18,tampa/ft. myers smm food,2021-11-29,175.18,128.70886088246053 +0.8926780341023067,0.777,0.5455465587044537,0.7574083375188349,0.0013359328222318164,0.6516290726817041,0.6266397578203835,23.44,tucson/sierra vista smm food,2021-11-29,23.44,18.751678204381527 +0.9764292878635906,0.34700000000000003,0.4149797570850202,0.5836263184329483,0.006984522714905346,0.47167919799498736,0.34006054490413723,234.47,washington dc/hagerstown smm food,2021-11-29,234.47,131.27578913426504 +0.558174523570712,0.778,0.08400809716599203,0.6675037669512808,0.002943800785292337,0.5588972431077694,0.5549949545913219,16.53,new orleans smm food,2021-11-29,16.53,13.478943041546465 +0.7362086258776329,0.7389999999999999,0.2105263157894738,0.5067805123053742,0.003467727046143912,0.2531328320802003,0.7083753784056509,134.53,rem us new england smm food,2021-11-29,134.53,103.81103900079235 +0.8620862587763288,0.7480000000000002,0.7889676113360328,0.7845303867403316,0.004058766519865905,0.26365914786967404,0.7073662966700303,80.4,nashville smm food,2021-11-29,80.4,53.51513398842892 +0.42778335005015045,0.21600000000000003,0.9038461538461543,0.32998493219487696,0.0007464762073039395,0.3473684210526316,0.5196770938446014,7.580000000000001,yakima/pasco/richland/kennewick smm food,2021-11-29,7.580000000000001,2.527443428913074 +0.5897693079237712,0.18500000000000003,0.7823886639676118,0.37569060773480667,0.00641247754671272,0.974436090225564,0.43440968718466194,95.43,minneapolis/st. paul smm food,2021-11-29,95.43,44.21621007702458 +0.38064192577733186,0.8550000000000001,0.8208502024291503,0.23355097940733302,0.0015059318567196092,0.4651629072681703,0.48335015136226034,62.48,albany/schenectady/troy smm food,2021-11-29,62.48,33.93683023112847 +0.5672016048144431,0.5780000000000001,0.2682186234817816,0.4003013561024611,0.002335349864835096,0.5899749373433583,0.38698284561049445,41.71,albuquerque/santa fe smm food,2021-11-29,41.71,21.180225334484987 +0.33951855566700095,0.073,0.3704453441295547,0.7960823706680061,0.009443968709198948,0.35488721804511264,0.6089808274470232,187.35,atlanta smm food,2021-11-29,187.35,130.78730873278894 +0.6705115346038116,0.546,0.4574898785425104,0.6559517830236062,0.0038659743187428766,0.7122807017543861,0.21644803229061554,111.89,baltimore smm food,2021-11-29,111.89,61.55079861636271 +0.29287863590772306,0.9740000000000001,0.5080971659919032,0.5188347564038173,0.0016097673936134567,0.5729323308270675,0.5060544904137235,3.55,baton rouge smm food,2021-11-29,3.55,2.687175103434626 +0.3901705115346036,0.524,0.6366396761133607,0.49723756906077354,0.003779233656825456,0.5764411027568922,0.260343087790111,19.86,birmingham/anniston/tuscaloosa smm food,2021-11-29,19.86,11.945265149420742 +0.1870611835506519,0.238,0.5313765182186238,0.5524861878453039,0.007728466348138703,0.6030075187969924,0.25025227043390513,210.62,boston/manchester smm food,2021-11-29,210.62,140.4586269895001 +0.3650952858575729,0.28700000000000003,0.5794534412955469,0.36012054244098446,0.00208177588601811,0.2681704260651627,0.25025227043390513,17.56,buffalo smm food,2021-11-29,17.56,15.92500461013465 +0.41624874623871616,0.166,0.4382591093117412,0.45404319437468615,0.004772952407769928,0.8235588972431078,0.375882946518668,193.68,charlotte smm food,2021-11-29,193.68,81.50333468300028 +0.35907723169508515,0.883,0.6821862348178142,0.5675539929683576,0.014137145033745553,0.2912280701754385,0.27699293642785067,229.87999999999997,chicago smm food,2021-11-29,229.87999999999997,132.01584105626296 +0.26880641925777327,0.9980000000000001,0.5566801619433203,0.10748367654445004,0.005976874806572677,0.5644110275689223,0.42936427850655906,127.07999999999998,cleveland/akron/canton smm food,2021-11-29,127.07999999999998,82.42635297721561 +0.5180541624874623,0.788,0.7839068825910935,0.11602209944751382,0.0036795135527963037,0.31528822055137845,0.7648839556004037,96.91,columbus oh smm food,2021-11-29,96.91,57.69457076708029 +0.5341023069207623,0.668,0.58502024291498,0.5720743345052738,0.010916977103000993,0.32330827067669154,0.4364278506559031,99.16,dallas/ft. worth smm food,2021-11-29,99.16,64.73834192753614 +0.4984954864593781,0.006000000000000001,0.8694331983805672,0.46308387744851837,0.0015331570279783619,0.5403508771929824,0.529263370332997,31.57,des moines/ames smm food,2021-11-29,31.57,18.37439231291711 +0.5912738214643931,0.7389999999999999,0.453947368421053,0.7212456052235059,0.007513830695656914,0.5719298245614034,0.9778002018163471,163.59,detroit smm food,2021-11-29,163.59,119.4848759627311 +0.49448345035105307,0.403,0.5141700404858303,0.5409342039176294,0.0026886439476812365,0.8576441102756892,0.5711402623612513,27.11,mobile/pensacola smm food,2021-11-29,27.11,22.005441928287212 +0.5646940822467401,0.907,0.7191295546558709,0.7413360120542442,0.0030159791463039132,0.6791979949874684,0.5534813319878911,93.3,greensboro smm food,2021-11-29,93.3,40.70108728830859 +0.4704112337011032,0.8720000000000001,0.6533400809716603,0.4520341536916123,0.0027190348365282156,0.8180451127819548,0.529263370332997,95.83,grand rapids smm food,2021-11-29,95.83,67.02505351185462 +0.5381143430290872,0.068,0.2995951417004049,0.4073329984932195,0.003126462690133038,0.29824561403508765,0.8546922300706358,39.34,milwaukee smm food,2021-11-29,39.34,24.58899361062199 +0.8635907723169509,0.038000000000000006,0.6346153846153848,0.7559015570065295,0.007714537190750506,0.4857142857142857,0.5635721493440968,167.43,miami/west palm beach smm food,2021-11-29,167.43,141.31138381982308 +0.7286860581745233,0.8130000000000002,0.38512145748987875,0.49121044701155203,0.001162134926638151,0.3909774436090225,0.6337033299697276,11.12,madison wi smm food,2021-11-29,11.12,7.200043228403558 +0.5461384152457371,0.807,0.44888663967611364,0.4771471622300353,0.0025873409848579704,0.4255639097744361,0.5146316851664985,20.0,little rock/pine bluff smm food,2021-11-29,20.0,11.086059000785774 +0.7236710130391173,0.17600000000000005,0.7920040485829963,0.5760924158714215,0.0038659743187428775,0.39298245614035077,0.6165489404641776,49.77,las vegas smm food,2021-11-29,49.77,30.202982519810043 +0.5672016048144434,0.8119999999999999,0.1275303643724697,0.37920642893018586,0.030408616865473786,0.5147869674185462,0.6740665993945509,247.08,los angeles smm food,2021-11-29,247.08,120.50925609213361 +0.6700100300902707,0.18200000000000002,0.7702429149797575,0.4806629834254144,0.0039846887283013915,0.28170426065162896,0.45862764883955603,56.220000000000006,kansas city smm food,2021-11-29,56.220000000000006,33.0308695104602 +0.8074222668004012,0.135,0.7014170040485832,0.48769462581617284,0.003129628407721265,0.49573934837092726,0.32593340060544906,57.60000000000001,jacksonville smm food,2021-11-29,57.60000000000001,36.910452398512454 +0.6975927783350048,0.27599999999999997,0.2231781376518219,0.5047714716223004,0.004316139359788766,0.24260651629072655,0.20887991927346114,66.8,indianapolis smm food,2021-11-29,66.8,40.16663211848197 +0.5416248746238717,0.141,0.23380566801619446,0.4364640883977901,0.012342499732979635,0.5388471177944861,0.3980827447023209,196.0,houston smm food,2021-11-29,196.0,124.0679629831559 +0.2943831494483451,0.163,0.23481781376518235,0.31943746860873934,0.004615299671876221,0.36591478696741847,0.06811301715438951,126.1,hartford/new haven smm food,2021-11-29,126.1,68.21432849036512 +0.551654964894684,0.467,0.935222672064778,0.6027122049221497,0.002205238871958965,0.47418546365914793,0.6786074672048436,52.24,harrisburg/lancaster smm food,2021-11-29,52.24,43.47326461061509 +0.5636910732196588,0.5900000000000001,0.26518218623481804,0.2496233048719237,0.002281532665835237,0.25313283208020043,0.763874873864783,42.88,knoxville smm food,2021-11-29,42.88,23.536608910023908 +0.6414242728184553,0.064,0.6169028340080974,0.419889502762431,0.0020672135851122655,0.4380952380952381,0.49747729566094856,49.94,pittsburgh smm food,2021-12-06,49.94,55.741166777194344 +0.29287863590772295,0.067,0.3431174089068827,0.7267704671019589,0.011855612367910306,0.4401002506265662,0.5751765893037336,253.51,rem us east north central smm food,2021-12-06,253.51,267.9868011300447 +0.16549648946840512,0.658,0.4625506072874497,0.839779005524862,0.003065364340680255,0.4481203007518796,0.48940464177598386,136.89,raleigh/durham/fayetteville smm food,2021-12-06,136.89,79.20137522427603 +0.7467402206619859,0.593,0.7079959514170044,0.5705675539929684,0.0018221870437834919,0.4822055137844611,0.7840565085771948,34.73,providence ri/new bedford ma smm food,2021-12-06,34.73,41.43376454416211 +0.42126379137412234,0.387,0.46963562753036475,0.6212958312405826,0.002135909656776792,0.1839598997493734,0.612008072653885,54.34,portland or smm food,2021-12-06,54.34,41.96655095822009 +0.31544633901705116,0.8890000000000001,0.5814777327935224,0.6062280261175289,0.003766254214713726,0.42907268170426066,0.8158425832492432,76.06,phoenix/prescott smm food,2021-12-06,76.06,75.5155104819398 +0.46589769307923745,0.5690000000000001,0.19382591093117418,0.5238573581115018,0.020619268367399267,0.46566416040100245,0.42532795156407666,250.87,new york smm food,2021-12-06,250.87,252.8451408925321 +0.1303911735205615,0.538,0.3927125506072877,0.6167754897036666,0.0007964945451979271,0.7804511278195487,0.7194752774974773,7.81,paducah ky/cape girardeau mo smm food,2021-12-06,7.81,8.235238733064321 +0.2683049147442327,0.33,0.30617408906882604,0.8910095429432446,0.0040435710754424155,0.76390977443609,0.4545913218970737,51.92,orlando/daytona beach/melborne smm food,2021-12-06,51.92,91.49988520778754 +0.5145436308926779,0.7160000000000001,0.7014170040485835,0.9799095931692617,0.0006663835523217946,0.28671679197994965,0.8203834510595358,14.05,omaha smm food,2021-12-06,14.05,17.744579445882664 +0.6098294884653961,0.794,0.42307692307692335,0.26770467101958817,0.0017164520763367063,0.2696741854636589,0.513622603430878,4.38,oklahoma city smm food,2021-12-06,4.38,1.9075033173225364 +0.7863590772316946,0.326,0.7985829959514174,0.8674033149171272,0.0019076614186656214,0.692731829573935,0.7093844601412714,86.09,norfolk/portsmouth/newport news smm food,2021-12-06,86.09,60.63716713348212 +0.3916750250752256,0.621,0.3289473684210527,0.6770467101958816,0.0037713193628548906,0.4280701754385964,0.44803229061553984,85.0,rem us middle atlantic smm food,2021-12-06,85.0,84.27020381705195 +0.8279839518555668,0.095,0.5718623481781381,0.4841788046207936,0.00827423606034905,0.8852130325814533,0.7729566094853684,138.79,philadelphia smm food,2021-12-06,138.79,157.02174908294023 +0.6614844533600801,0.685,0.787955465587045,0.544952285283777,0.008204590273408054,0.781954887218045,0.5454086781029264,147.24,rem us mountain smm food,2021-12-06,147.24,132.11632731107028 +0.547642928786359,0.734,0.343117408906883,0.8669010547463587,0.0038723057539193327,0.06065162907268151,0.4667003027245207,37.92,sacramento/stockton/modesto smm food,2021-12-06,37.92,28.055677907130423 +0.9408224674022064,0.09000000000000002,0.5455465587044537,0.582119537920643,0.009140059820729149,0.36491228070175435,0.20433905146316853,78.5,rem us pacific smm food,2021-12-06,78.5,61.22912605107971 +0.8039117352056164,0.8390000000000001,0.7373481781376521,0.5826217980914115,0.014682598174197066,0.3288220551378447,0.5075681130171544,336.59,rem us south atlantic smm food,2021-12-06,336.59,242.26363106390727 +0.4292878635907722,0.764,0.6158906882591096,0.6614766449020594,0.025427676812157338,0.5588972431077693,0.6801210898082745,388.24,rem us south central smm food,2021-12-06,388.24,358.60055807949834 +0.6128385155466398,0.66,0.6852226720647776,0.7538925163234557,0.00808714215088483,0.6776942355889722,0.665489404641776,85.79,rem us west north central smm food,2021-12-06,85.79,84.34262309085939 +0.5772316950852557,0.887,0.8572874493927131,0.7624309392265194,0.0011687829335734277,0.4651629072681703,0.44550958627648835,52.77,richmond/petersburg smm food,2021-12-06,52.77,41.66470901544859 +0.6093279839518554,0.572,0.17611336032388675,0.7865394274234054,0.00202321011063591,0.5358395989974937,0.574167507568113,41.14,salt lake city smm food,2021-12-06,41.14,36.47475961955229 +0.6323971915747241,0.307,0.6609311740890691,0.4028126569563034,0.0034541144605145374,0.419047619047619,0.23107971745711403,30.85,san diego smm food,2021-12-06,30.85,25.422494146004404 +0.5812437311935806,0.884,0.5070850202429154,0.6494224008036164,0.005260156344598072,0.5448621553884712,0.5393541876892028,59.11,san francisco/oakland/san jose smm food,2021-12-06,59.11,44.53129741409154 +0.43380140421263763,0.008,0.4210526315789477,0.6433952787543948,0.00333033490281486,0.7478696741854635,0.9349142280524723,55.51,seattle/tacoma smm food,2021-12-06,55.51,51.2545376314402 +0.30692076228686044,0.5690000000000001,0.5197368421052633,0.5886489201406329,0.0029925528361510333,0.4416040100250626,0.6816347124117054,40.7,st. louis smm food,2021-12-06,40.7,42.01137456931097 +0.6494483450351053,0.6360000000000001,0.5172064777327939,0.497739829231542,0.003828618851201798,0.5518796992481201,0.34056508577194755,80.26,tampa/ft. myers smm food,2021-12-06,80.26,128.59141233971434 +0.7171514543630892,0.7559999999999999,0.4898785425101217,0.5404319437468609,0.0008968477927447242,0.6205513784461151,0.5842583249243188,17.43,tucson/sierra vista smm food,2021-12-06,17.43,16.769796160837636 +0.645937813440321,0.68,0.5890688259109313,0.32546459065796085,0.004209138105306688,0.06466165413533834,0.21493440968718466,117.82,washington dc/hagerstown smm food,2021-12-06,117.82,127.13168792954843 +0.5927783350050149,0.11000000000000001,0.3436234817813768,0.755399296835761,0.001853211076148117,0.5719298245614034,0.805247225025227,8.61,new orleans smm food,2021-12-06,8.61,15.225961646395 +0.4714142427281846,0.646,0.12550607287449395,0.4952285283776997,0.001623379979242831,0.557393483709273,0.5332996972754793,101.31,rem us new england smm food,2021-12-06,101.31,102.87673422944016 +0.8069207622868607,0.47500000000000003,0.6224696356275308,0.3862380713209443,0.0003748209624460833,0.5949874686716792,0.7078708375378405,4.86,yakima/pasco/richland/kennewick smm food,2021-12-06,4.86,5.234196456253116 +0.6845536609829487,0.062,0.44635627530364397,0.5308890005022602,0.002140974804917956,0.2781954887218044,0.5857719475277497,52.67,nashville smm food,2021-12-06,52.67,50.311626892372395 +0.697592778335005,0.3740000000000001,0.4473684210526319,0.2531391260673029,0.0030986043753566403,0.5368421052631579,0.5554994954591322,43.76,minneapolis/st. paul smm food,2021-12-06,43.76,42.45807412749215 +0.5997993981945837,0.40700000000000003,0.8046558704453447,0.8151682571572075,0.0014999169933019776,0.780451127819549,0.7376387487386479,15.94,mobile/pensacola smm food,2021-12-06,15.94,24.48831301358649 +0.2141424272818454,0.731,0.44534412955465613,0.5976896032144652,0.0009614284315445561,0.5087719298245613,0.5423814328960646,38.43,albany/schenectady/troy smm food,2021-12-06,38.43,35.85821297305425 +0.4844533600802407,0.279,0.35678137651821895,0.3405323957810146,0.0015046655696843176,0.819548872180451,0.5479313824419778,22.31,albuquerque/santa fe smm food,2021-12-06,22.31,22.142196494269072 +0.6364092276830491,0.596,0.5096153846153848,0.38874937217478656,0.00579896147811432,0.4105263157894735,0.6246215943491423,120.76,atlanta smm food,2021-12-06,120.76,129.02669991437295 +0.6584754262788367,0.388,0.22064777327935237,0.49723756906077354,0.002369856186546771,0.5974937343358397,0.27901109989909184,57.529999999999994,baltimore smm food,2021-12-06,57.529999999999994,60.201257331057505 +0.37612838515546626,0.6980000000000001,0.258097165991903,0.4445002511300854,0.0011396583317617394,0.40350877192982454,0.7088799192734612,1.53,baton rouge smm food,2021-12-06,1.53,2.7048431103821855 +0.3706118355065193,0.531,0.9033400809716605,0.8367654445002513,0.0016876440462838425,0.5518796992481203,0.5287588294651867,12.6,birmingham/anniston/tuscaloosa smm food,2021-12-06,12.6,15.207141257513506 +0.2998996990972918,0.233,0.3922064777327937,0.1235560020090407,0.004841331907675631,0.2576441102756892,0.6463168516649849,141.93,boston/manchester smm food,2021-12-06,141.93,138.92331963304608 +0.3390170511534603,0.028000000000000004,0.3932186234817817,0.6996484178804622,0.0028833355793572,0.49924812030075194,0.5731584258324924,132.57,charlotte smm food,2021-12-06,132.57,82.56260167515177 +0.3475426278836508,0.5670000000000001,0.43522267206477755,0.5113008538422904,0.007501800968821648,0.37393483709273173,0.3274470232088799,168.5,chicago smm food,2021-12-06,168.5,130.9924314245811 +0.3921765295887662,0.062,0.467611336032389,0.17478653942742342,0.003097021516562527,0.5152882205513784,0.3622603430877901,77.69,cleveland/akron/canton smm food,2021-12-06,77.69,81.58383985979785 +0.6664994984954864,0.5,0.5263157894736845,0.20894023103967857,0.0018614419418775071,0.5448621553884712,0.5100908173562059,59.239999999999995,columbus oh smm food,2021-12-06,59.239999999999995,57.16215123489961 +0.6163490471414244,0.191,0.5541497975708505,0.9156202913108992,0.006325736884795297,0.6255639097744358,0.25075681130171545,65.45,dallas/ft. worth smm food,2021-12-06,65.45,65.81647142658922 +0.2958876629889669,0.215,0.4382591093117411,0.29784028126569567,0.0009272386815917039,0.2536340852130326,0.743188698284561,15.239999999999998,des moines/ames smm food,2021-12-06,15.239999999999998,17.19126283659378 +0.8881644934804412,0.675,0.22621457489878563,0.8367654445002513,0.0041388591748480535,0.8130325814536339,0.7507568113017155,102.69,detroit smm food,2021-12-06,102.69,119.42839067885635 +0.5927783350050152,0.775,0.5283400809716603,0.5258663987945756,0.001114965734573568,0.17894736842105252,0.644803229061554,16.46,buffalo smm food,2021-12-06,16.46,19.321681485108044 +0.5747241725175526,0.887,0.7059716599190288,0.587644399799096,0.0015410713219489295,0.776942355889724,0.9147325933400605,69.85,greensboro smm food,2021-12-06,69.85,42.00881916097941 +0.3174523570712136,0.894,0.6614372469635631,0.5565042692114516,0.001667066881960366,0.40802005012531306,0.8733602421796166,59.93,grand rapids smm food,2021-12-06,59.93,67.95978857572321 +0.5877632898696089,0.403,0.7601214574898788,0.6966348568558514,0.0050277926736222054,0.7679197994987467,0.3521695257315843,90.45,miami/west palm beach smm food,2021-12-06,90.45,140.02839587869283 +0.4588766298896687,0.15500000000000003,0.06730769230769235,0.2893018583626319,0.0005071479576339736,0.556390977443609,0.5746720484359233,6.96,madison wi smm food,2021-12-06,6.96,5.174290657051856 +0.20411233701103318,0.672,0.3952429149797573,0.2983425414364641,0.019444153998649388,0.4531328320802004,0.5928355196770938,144.4,los angeles smm food,2021-12-06,144.4,117.33515537692476 +0.21865596790371117,0.517,0.40587044534412986,0.4550477147162231,0.001179229801614577,0.6887218045112782,0.27093844601412714,10.47,little rock/pine bluff smm food,2021-12-06,10.47,9.457967366277124 +0.679037111334002,0.764,0.7297570850202432,0.37569060773480667,0.002365424181923254,0.2686716791979949,0.677598385469223,33.71,las vegas smm food,2021-12-06,33.71,28.97307111936599 +0.3435305917753259,0.036,0.40232793522267235,0.38573581115017586,0.0013884837341963856,0.47669172932330817,0.6014127144298689,27.29,knoxville smm food,2021-12-06,27.29,23.401395474611256 +0.6133400200601805,0.025,0.4468623481781378,0.30989452536413864,0.002129261649841516,0.35238095238095235,0.7366296670030272,24.21,milwaukee smm food,2021-12-06,24.21,23.569569293387424 +0.846038114343029,0.919,0.8461538461538466,0.4359618282270216,0.0013653739958023282,0.4907268170426064,0.47578203834510596,26.48,jacksonville smm food,2021-12-06,26.48,37.733936300314234 +0.6178535606820459,0.58,0.6528340080971663,0.13008538422903065,0.0020953884716474872,0.3213032581453631,0.5297679112008072,27.43,indianapolis smm food,2021-12-06,27.43,40.081593253789435 +0.17151454363089275,0.33,0.299595141700405,0.5926670015067805,0.006854095150270393,0.35588972431077687,0.3768920282542886,121.42000000000002,houston smm food,2021-12-06,121.42000000000002,123.0114699064726 +0.4578736208625878,0.6990000000000001,0.34210526315789497,0.371672526368659,0.0027845651906045162,0.5293233082706766,0.25277497477295663,60.47,hartford/new haven smm food,2021-12-06,60.47,70.41730232336721 +0.6138415245737211,0.601,0.7110323886639682,0.8001004520341538,0.0012384287205144233,0.08621553884711777,0.7018163471241171,34.85,harrisburg/lancaster smm food,2021-12-06,34.85,43.429636251034026 +0.7412236710130391,0.1,0.41295546558704477,0.22099447513812157,0.0021365428002944383,0.2912280701754385,0.6266397578203835,36.56,kansas city smm food,2021-12-06,36.56,32.15009098210904 +0.891173520561685,0.027000000000000003,0.47975708502024317,0.521848317428428,0.003334133763920732,0.52531328320802,0.7749747729566094,142.45,rem us mountain smm food,2021-12-13,142.45,131.72481375782195 +0.24122367101303907,0.781,0.7975708502024295,0.8699146157709694,0.001949765462589044,0.6110275689223056,0.3425832492431887,102.34,rem us middle atlantic smm food,2021-12-13,102.34,85.18237770724234 +0.20060180541624856,0.8410000000000001,0.21153846153846154,0.5575087895529885,0.004462078940606024,0.3017543859649121,0.6029263370332997,257.24,rem us east north central smm food,2021-12-13,257.24,265.833822879408 +0.16900702106318946,0.343,0.5754048582995955,0.5826217980914115,0.0017652041271954042,0.7363408521303256,0.49596367305751765,87.46,raleigh/durham/fayetteville smm food,2021-12-13,87.46,78.4053678620272 +0.40722166499498486,0.9119999999999999,0.3304655870445345,0.7247614264188851,0.0007705356609744648,0.5714285714285714,0.8380423814328961,34.91,providence ri/new bedford ma smm food,2021-12-13,34.91,42.109181646318895 +0.18756268806419255,0.42500000000000004,0.3922064777327938,0.8417880462079358,0.0010421542300443451,0.16190476190476188,0.49747729566094856,52.61,portland or smm food,2021-12-13,52.61,41.92400149307131 +0.27632898696088265,0.9630000000000001,0.5202429149797573,0.3425414364640884,0.0011222468850264904,0.3634085213032582,0.6720484359233098,51.72,pittsburgh smm food,2021-12-13,51.72,55.6941814191511 +0.36058174523570685,0.024000000000000004,0.578947368421053,0.57659467604219,0.00024186082374054734,0.5949874686716792,0.8955600403632694,6.88,paducah ky/cape girardeau mo smm food,2021-12-13,6.88,8.63264413388491 +0.7527582748244735,0.8300000000000001,0.5668016194331987,0.0994475138121547,0.004932504574216572,0.9438596491228067,0.7436932391523714,196.48,philadelphia smm food,2021-12-13,196.48,154.57240729818963 +0.7216649949849548,0.503,0.6816801619433202,0.8558513309894527,0.001998200941688917,0.5117794486215538,0.49495459132189706,68.95,orlando/daytona beach/melborne smm food,2021-12-13,68.95,91.52849666452337 +0.3630892678034101,0.8580000000000001,0.5789473684210532,0.9306880964339529,0.0003086574648521377,0.5298245614035085,0.5211907164480323,15.630000000000003,omaha smm food,2021-12-13,15.630000000000003,16.170096769643806 +0.5757271815446339,0.18100000000000002,0.37854251012145773,0.48769462581617284,0.0005638143024632365,0.23258145363408503,0.5872855701311807,3.29,oklahoma city smm food,2021-12-13,3.29,2.9492080141581596 +0.7266800401203606,0.20299999999999999,0.6432186234817816,0.8498242089402311,0.0011418743340734971,0.686215538847118,0.6866801210898082,65.55,norfolk/portsmouth/newport news smm food,2021-12-13,65.55,60.02598423432589 +0.48194583751253756,0.014000000000000002,0.7530364372469637,0.49321948769462587,0.0019472328885184614,0.6380952380952382,0.6553985872855701,64.54,phoenix/prescott smm food,2021-12-13,64.54,74.30727529908214 +0.45035105315947843,0.18500000000000003,0.6169028340080974,0.6373681567051733,0.0009642775773739586,0.8461152882205509,0.5822401614530777,128.89,rem us new england smm food,2021-12-13,128.89,104.82630580189567 +0.15396188565697072,0.9289999999999999,0.2702429149797572,0.3309894525364139,0.013759158353711241,0.2827067669172933,0.3178607467204843,299.94,new york smm food,2021-12-13,299.94,249.27979472968119 +0.8049147442326978,0.064,0.7459514170040488,0.2591662481165244,0.006579310863612277,0.4611528822055138,0.6836528758829465,255.23,rem us south atlantic smm food,2021-12-13,255.23,240.34983704628095 +0.5817452357071212,0.4650000000000001,0.8147773279352232,0.6233048719236565,0.010701391735242729,0.5268170426065162,0.7124117053481333,370.4,rem us south central smm food,2021-12-13,370.4,356.63434903317847 +0.46539618856569703,0.24900000000000003,0.6052631578947372,0.5102963335007534,0.0027889971952280335,0.4982456140350877,0.26437941473259335,87.33,rem us west north central smm food,2021-12-13,87.33,78.83827934132854 +0.8505516549648946,0.7700000000000001,0.6174089068825914,0.8046207935710699,0.0005907229019631676,0.05162907268170416,0.529263370332997,44.15,richmond/petersburg smm food,2021-12-13,44.15,41.285112926965645 +0.6950852557673018,0.18600000000000003,0.14119433198380602,0.48769462581617284,0.0022641212190999895,0.25814536340852107,0.5095862764883956,27.33,sacramento/stockton/modesto smm food,2021-12-13,27.33,26.387397497509603 +0.7537612838515545,0.333,0.31477732793522284,0.9251632345554999,0.001180496088649868,0.5859649122807017,0.5504540867810293,40.37,salt lake city smm food,2021-12-13,40.37,37.38220913558473 +0.6835506519558675,0.7719999999999999,0.7823886639676118,0.1521848317428428,0.0017246829420660978,0.5924812030075187,0.6236125126135217,20.15,san diego smm food,2021-12-13,20.15,26.929925059783976 +0.7427281845536609,0.743,0.6771255060728749,0.5881466599698645,0.0027117536860752937,0.3614035087719298,0.4313824419778002,40.67,san francisco/oakland/san jose smm food,2021-12-13,40.67,42.935848881345635 +0.4999999999999998,0.8170000000000001,0.7722672064777333,0.33149171270718236,0.001652188009295699,0.7588972431077692,0.8324924318869829,56.49,seattle/tacoma smm food,2021-12-13,56.49,49.37202004003515 +0.3535606820461383,0.656,0.6270242914979759,0.47815168257157215,0.0012495087320732179,0.5619047619047618,0.7764883955600403,48.73,st. louis smm food,2021-12-13,48.73,42.23884956191752 +0.4047141424272818,0.321,0.7322874493927131,0.3907584128578604,0.002032707263400591,0.6751879699248119,0.3289606458123108,100.23,tampa/ft. myers smm food,2021-12-13,100.23,127.61829418333502 +0.44082246740220654,0.754,0.669028340080972,0.3897538925163235,0.00036564038144022465,0.7864661654135336,0.35317860746720486,12.98,tucson/sierra vista smm food,2021-12-13,12.98,14.654939376395866 +0.3004012036108325,0.49400000000000005,0.6993927125506075,0.24259166248116526,0.00288586815342778,0.15588972431077694,0.4374369323915237,137.07,washington dc/hagerstown smm food,2021-12-13,137.07,127.44808980657511 +0.7522567703109329,0.9970000000000001,0.271761133603239,0.46810647915620296,0.0002595888422346186,0.4055137844611529,0.727547931382442,4.6,yakima/pasco/richland/kennewick smm food,2021-12-13,4.6,5.150703174443919 +0.7196589769307923,0.7070000000000001,0.696862348178138,0.9417378201908589,0.005468460561903414,0.6786967418546365,0.4909182643794147,67.96,rem us pacific smm food,2021-12-13,67.96,65.41217459106258 +0.9799398194583749,0.9570000000000001,0.47823886639676144,0.5775991963837268,0.0010861577045207021,0.6110275689223057,0.5181634712411706,12.43,new orleans smm food,2021-12-13,12.43,13.67670167053732 +0.5406218655967904,0.8550000000000001,0.5354251012145751,0.33601205424409847,0.0005745777422632101,0.4791979949874684,0.5464177598385469,62.22,grand rapids smm food,2021-12-13,62.22,65.14672838888664 +0.4653961885656971,0.254,0.6325910931174092,0.8854846810647916,0.0004932188002457749,0.6631578947368422,0.6786074672048436,15.820000000000002,mobile/pensacola smm food,2021-12-13,15.820000000000002,23.644441460225977 +0.5155466399197591,0.9390000000000001,0.5075910931174092,0.5786037167252638,0.0005767937445749691,0.6586466165413533,0.6670030272452069,43.01,albany/schenectady/troy smm food,2021-12-13,43.01,37.51724955021763 +0.31945837512537606,0.0030000000000000005,0.25556680161943346,0.2832747363134104,0.000639474952821864,0.7644110275689221,0.5847628657921292,23.71,albuquerque/santa fe smm food,2021-12-13,23.71,21.271061689000604 +0.47793380140421254,0.9490000000000001,0.33906882591093135,0.4881968859869413,0.00366463468013164,0.626065162907268,0.5787083753784057,116.4,atlanta smm food,2021-12-13,116.4,129.4921087998912 +0.853059177532598,0.6980000000000001,0.4696356275303646,0.4244098442993471,0.0018937322612774226,0.6446115288220553,0.5595358224016146,70.65,baltimore smm food,2021-12-13,70.65,62.10799592701876 +0.5626880641925777,0.11499999999999999,0.1513157894736844,0.6202913108990458,0.0006078177769395944,0.26165413533834586,0.6695257315842583,2.38,baton rouge smm food,2021-12-13,2.38,2.9453543837804403 +0.5010030090270811,0.148,0.5561740890688263,0.5107985936715219,0.0007018395893099382,0.4892230576441103,0.6634712411705348,12.31,birmingham/anniston/tuscaloosa smm food,2021-12-13,12.31,13.617331389658709 +0.4643931795386158,0.369,0.32236842105263175,0.2230035158211954,0.002984321970421641,0.4280701754385964,0.9147325933400605,144.22,boston/manchester smm food,2021-12-13,144.22,141.60857451967246 +0.5190571715145438,0.12,0.41346153846153866,0.7257659467604219,0.0006530875384512411,0.3523809523809522,0.6220988900100908,22.37,buffalo smm food,2021-12-13,22.37,20.310602592492998 +0.3575727181544634,0.995,0.8345141700404863,0.6936212958312407,0.0014318540651550964,0.16791979949874705,0.5549949545913219,84.36,charlotte smm food,2021-12-13,84.36,81.94011269108066 +0.442828485456369,0.7719999999999999,0.3092105263157896,0.5027624309392266,0.003319571463014888,0.6426065162907266,0.25277497477295663,150.4,chicago smm food,2021-12-13,150.4,130.9308104717005 +0.3580742226680039,0.918,0.3643724696356278,0.22601707684580616,0.0016151491135134432,0.4651629072681703,0.3481331987891019,84.6,cleveland/akron/canton smm food,2021-12-13,84.6,81.70773104355636 +0.5566700100300901,0.6120000000000001,0.5460526315789476,0.3139126067302863,0.0009019129408858874,0.5438596491228069,0.256811301715439,60.75,columbus oh smm food,2021-12-13,60.75,56.038252817179284 +0.649949849548646,0.484,0.8132591093117413,0.7815168257157208,0.0031973747641093238,0.6411027568922304,0.4394550958627649,68.16,dallas/ft. worth smm food,2021-12-13,68.16,66.09939439701297 +0.33500501504513536,0.13899999999999998,0.13056680161943326,0.46710195881466604,0.00037070552958138795,0.39147869674185465,0.5565085771947528,17.64,des moines/ames smm food,2021-12-13,17.64,17.269481273337504 +0.8495486459378134,0.11299999999999999,0.5521255060728748,0.6725263686589654,0.0018718888099186603,0.46766917293233073,0.612008072653885,106.64,detroit smm food,2021-12-13,106.64,116.17041546279684 +0.5536609829488465,0.476,0.09463562753036443,0.5143144148669011,0.0009943518944621173,0.29172932330827056,0.5105953582240161,46.25,nashville smm food,2021-12-13,46.25,49.420650914890054 +0.6349047141424272,0.21200000000000002,0.6614372469635631,0.23556002009040686,0.0008591757534448223,0.8275689223057642,0.47527749747729564,42.36,greensboro smm food,2021-12-13,42.36,37.268546001495785 +0.7778335005015045,0.037,0.7019230769230772,0.09090909090909091,0.0010807759846207159,0.25062656641604003,0.7129162462159435,27.05,milwaukee smm food,2021-12-13,27.05,22.1510696239038 +0.10330992978936819,0.219,0.7965587044534417,0.4992466097438474,0.0030419380305273754,0.6671679197994984,0.2658930373360242,113.18999999999998,miami/west palm beach smm food,2021-12-13,113.18999999999998,136.9369326396394 +0.4563691073219657,0.627,0.29807692307692324,0.47262682069311907,0.00017854647197600555,0.5523809523809523,0.4510595358224016,6.44,madison wi smm food,2021-12-13,6.44,5.8037457217961474 +0.22868605817452367,0.835,0.8061740890688264,0.20642893018583627,0.009744078736562873,0.6165413533834584,0.7971745711402624,109.05,los angeles smm food,2021-12-13,109.05,117.50052495700328 +0.45386158475426275,0.7330000000000001,0.45951417004048617,0.9357106981416374,0.0004568130479811638,0.6927318295739348,0.13572149344096873,11.71,little rock/pine bluff smm food,2021-12-13,11.71,11.86156441579309 +0.5506519558676027,0.8390000000000001,0.6857287449392716,0.582119537920643,0.0011941086742792444,0.4040100250626565,0.6826437941473259,29.54,las vegas smm food,2021-12-13,29.54,30.23214272426319 +0.3430290872617853,0.755,0.4276315789473688,0.2998493219487695,0.0012669201788084675,0.1353383458646618,0.8234106962663976,62.08,minneapolis/st. paul smm food,2021-12-13,62.08,42.35049261916087 +0.4939819458375125,0.6240000000000001,0.4509109311740893,0.26067302862882974,0.0008860843529447523,0.46265664160400993,0.6876892028254289,35.99,kansas city smm food,2021-12-13,35.99,32.9392054548213 +0.5030090270812435,0.642,0.7611336032388666,0.46207935710698145,0.0006426406704100918,0.4671679197994987,0.8264379414732593,29.07,jacksonville smm food,2021-12-13,29.07,38.98902708124012 +0.4368104312938815,0.019000000000000003,0.6300607287449396,0.473631341034656,0.0008778534872153626,0.208020050125313,0.7366296670030272,27.7,indianapolis smm food,2021-12-13,27.7,42.149902037039766 +0.021063189568706207,0.8,0.44635627530364397,0.8603716725263687,0.0032644879769797375,0.48721804511278183,0.2588294651866801,117.1,houston smm food,2021-12-13,117.1,123.8175281961849 +0.7186559679037111,0.34500000000000003,0.2869433198380568,0.11401305876443998,0.0013558768430376469,0.4917293233082706,0.3491422805247225,81.29,hartford/new haven smm food,2021-12-13,81.29,69.42032452725678 +0.27432296890672014,0.092,0.6462550607287455,0.5077850326469111,0.0005527342909044435,0.33132832080200497,0.5151362260343088,54.13,harrisburg/lancaster smm food,2021-12-13,54.13,40.4960985089605 +0.5682046138415245,0.34400000000000003,0.251518218623482,0.7127071823204421,0.0005742611705043875,0.6145363408521302,0.24117053481331988,22.02,knoxville smm food,2021-12-13,22.02,23.923031948325566 +0.47291875626880636,0.8570000000000001,0.5566801619433199,0.7423405323957811,0.002889350442774833,0.4255639097744359,0.5691220988900101,109.7,rem us middle atlantic smm food,2021-12-20,109.7,85.59710909576616 +0.17151454363089247,0.083,0.3071862348178138,0.34505273731793074,0.005736596841626236,0.30375939849624045,0.30373360242179614,340.2,rem us east north central smm food,2021-12-20,340.2,262.7287510016874 +0.4638916750250751,0.9650000000000001,0.585526315789474,0.30537418382722253,0.002230564612664781,0.6932330827067668,0.579212916246216,71.41,raleigh/durham/fayetteville smm food,2021-12-20,71.41,78.01778133901064 +0.5020060180541625,0.976,0.4301619433198381,0.6906077348066298,0.0011820789474439818,0.4140350877192983,0.7547931382441978,43.09,providence ri/new bedford ma smm food,2021-12-20,43.09,41.250292530719115 +0.5847542627883651,0.9140000000000001,0.47216599190283437,0.8437970868910096,0.0014321706369139178,0.2471177944862155,0.47780020181634714,41.71,portland or smm food,2021-12-20,41.71,43.076945240532204 +0.11183550651955866,0.8550000000000001,0.4853238866396762,0.5580110497237569,0.0015132130071725315,0.14235588972431082,0.48335015136226034,59.61999999999999,pittsburgh smm food,2021-12-20,59.61999999999999,54.8597642234376 +0.3259779338014041,0.836,0.419534412955466,0.5318935208437972,0.0003732381036519695,0.5348370927318292,0.1977800201816347,15.690000000000001,omaha smm food,2021-12-20,15.690000000000001,11.868523002848207 +0.48345035105315926,0.242,0.6993927125506076,0.6981416373681568,0.0002412276802229019,0.5644110275689223,0.715438950554995,9.78,paducah ky/cape girardeau mo smm food,2021-12-20,9.78,8.569096874597761 +0.5401203610832497,0.332,0.8061740890688264,0.4686087393269714,0.0027481594383399056,0.6230576441102755,0.636226034308779,64.33,orlando/daytona beach/melborne smm food,2021-12-20,64.33,90.27440248246879 +0.7136409227683048,0.626,0.5268218623481785,0.6634856855851332,0.0009607952880269088,0.32681704260651606,0.3002018163471241,2.01,oklahoma city smm food,2021-12-20,2.01,3.165811822325381 +0.4112337011033095,0.755,0.19483805668016196,0.6007031642390759,0.00151194672013724,0.21503759398496264,0.8789101917255298,48.64,norfolk/portsmouth/newport news smm food,2021-12-20,48.64,57.76341104949148 +0.6133400200601803,0.777,0.24443319838056693,0.16725263686589656,0.017544406873954328,0.41754385964912283,0.19122098890010086,266.19,new york smm food,2021-12-20,266.19,249.23818436453672 +0.7592778335005015,0.5950000000000001,0.6295546558704457,0.8372677046710196,0.004885968525669634,0.3403508771929824,0.718970736629667,152.26,rem us mountain smm food,2021-12-20,152.26,132.9861501615111 +0.9593781344032096,0.101,0.7899797570850204,0.15871421396283275,0.003293612578791427,0.5558897243107769,0.37891019172552975,79.12,phoenix/prescott smm food,2021-12-20,79.12,71.58354058342772 +0.679037111334002,0.859,0.641194331983806,0.8739326971371171,0.0010788765540677779,0.8471177944862153,0.665489404641776,124.99,rem us new england smm food,2021-12-20,124.99,107.38984666911972 +0.937311935807422,0.41500000000000004,0.5966599190283404,0.9422400803616274,0.0017363960971425387,0.5498746867167918,0.4455095862764884,41.13,salt lake city smm food,2021-12-20,41.13,37.35403706944044 +0.6795386158475423,0.6080000000000001,0.8598178137651824,0.19136112506278255,0.009314490859840452,0.28872180451127827,0.4732593340060545,215.4,rem us south atlantic smm food,2021-12-20,215.4,238.70585065025142 +0.7136409227683048,0.879,0.411437246963563,0.49673530889000506,0.014796564007373248,0.45062656641603993,0.6533804238143289,355.11,rem us south central smm food,2021-12-20,355.11,356.07355955229434 +0.36409227683049145,0.164,0.4175101214574901,0.317930688096434,0.003719085022649142,0.3463659147869674,0.363773965691221,100.12,rem us west north central smm food,2021-12-20,100.12,77.65105016656757 +0.573219658976931,0.038000000000000006,0.47216599190283426,0.4354595680562532,0.0009053952302329367,0.1614035087719297,0.7265388496468214,36.59,richmond/petersburg smm food,2021-12-20,36.59,39.80958926337372 +0.5195586760280841,0.8420000000000001,0.40587044534413,0.10698141637368158,0.003204655914562247,0.5308270676691726,0.4727547931382442,27.32,sacramento/stockton/modesto smm food,2021-12-20,27.32,25.14319484386383 +0.8134403209628885,0.24,0.22672064777327955,0.5077850326469111,0.0015907730880840942,0.23759398496240608,0.2386478304742684,11.23,new orleans smm food,2021-12-20,11.23,9.810040178573125 +0.3655967903711133,0.507,0.5835020242914982,0.18232044198895028,0.0021321107956709193,0.6867167919799498,0.8612512613521696,22.75,san diego smm food,2021-12-20,22.75,28.054799642399352 +0.502507522567703,0.96,0.6229757085020247,0.39276745354093423,0.0035427545529848952,0.1664160401002506,0.6140262361251262,44.96,san francisco/oakland/san jose smm food,2021-12-20,44.96,42.05598548244248 +0.6609829488465394,0.027000000000000003,0.5293522267206483,0.19487694625816174,0.0026668004963224692,0.4731829573934835,0.6180625630676084,36.67,seattle/tacoma smm food,2021-12-20,36.67,46.360541084122374 +0.4658976930792375,0.7400000000000001,0.340587044534413,0.18533400301356104,0.0014163420489727834,0.5904761904761904,0.577699293642785,55.3,st. louis smm food,2021-12-20,55.3,39.57401521355277 +0.7246740220661985,0.7949999999999999,0.3836032388663971,0.40934203917629336,0.0031337438405859602,0.5002506265664158,0.39505549949545915,96.48,tampa/ft. myers smm food,2021-12-20,96.48,128.26089712892522 +0.2537612838515546,0.878,0.5455465587044538,0.6298342541436465,0.00040521185129306284,0.36340852130325807,0.6084762865792129,16.65,tucson/sierra vista smm food,2021-12-20,16.65,15.874932611927669 +0.46740220661985954,0.459,0.8243927125506076,0.4158714213962833,0.004274351887624166,0.29824561403508765,0.7552976791120081,126.79000000000002,washington dc/hagerstown smm food,2021-12-20,126.79000000000002,131.25623141312172 +0.7788365095285857,0.49100000000000005,0.31882591093117424,0.7302862882973381,0.00045966219381056835,0.2471177944862156,0.908678102926337,4.44,yakima/pasco/richland/kennewick smm food,2021-12-20,4.44,7.077930004576359 +0.6609829488465395,0.165,0.9170040485829964,0.7719738824711201,0.006402347250430394,0.5042606516290726,0.7714429868819375,71.96,rem us pacific smm food,2021-12-20,71.96,65.4428542989973 +0.44684052156469395,0.522,0.599696356275304,0.4851833249623305,0.0017322806642778431,0.33734335839598983,0.6639757820383451,53.23,nashville smm food,2021-12-20,53.23,50.53880920838177 +0.5732196589769311,0.729,0.21305668016194362,0.26720241084881974,0.006220318489107337,0.5563909774436088,0.39959636730575177,184.83,philadelphia smm food,2021-12-20,184.83,151.9592763303874 +0.2693079237713139,0.9640000000000001,0.3679149797570854,0.43947764942240086,0.0020168786754594568,0.17243107769423574,0.9828456104944501,69.0,minneapolis/st. paul smm food,2021-12-20,69.0,44.2314462905311 +0.36008024072216643,0.21600000000000003,0.4934210526315792,0.5770969362129583,0.0004868873650693207,0.8145363408521303,0.5953582240161454,16.54,mobile/pensacola smm food,2021-12-20,16.54,21.586388840479927 +0.13490471414242727,0.6080000000000001,0.39726720647773317,0.4937217478653943,0.0007034224481040503,0.3774436090225562,0.591321897073663,29.159999999999997,albuquerque/santa fe smm food,2021-12-20,29.159999999999997,21.38363677706994 +0.2592778335005015,0.6000000000000001,0.6462550607287452,0.5128076343545958,0.0049461171598459515,0.525814536340852,0.4445005045408678,119.23999999999998,atlanta smm food,2021-12-20,119.23999999999998,128.38686716982377 +0.45336008024072233,0.9060000000000001,0.7029352226720652,0.42340532395781016,0.002809890931310332,0.536842105263158,0.7245206861755802,66.06,baltimore smm food,2021-12-20,66.06,62.42590744179358 +0.29839518555666983,0.149,0.5561740890688263,0.6092415871421397,0.000634093232921879,0.31077694235588965,0.30978809283551967,2.34,baton rouge smm food,2021-12-20,2.34,0.7756064191103178 +0.37362086258776306,0.909,0.3932186234817817,0.3972877950778504,0.0011323771813088175,0.72531328320802,0.6109989909182644,12.55,birmingham/anniston/tuscaloosa smm food,2021-12-20,12.55,13.4952873927787 +0.47442326980942817,0.743,0.4205465587044536,0.47764942240080366,0.003633294076008187,0.7077694235588969,0.9056508577194753,149.06,boston/manchester smm food,2021-12-20,149.06,144.220528958695 +0.5366098294884655,0.682,0.22520242914979766,0.7237569060773481,0.0009386352649093212,0.6185463659147867,0.17558022199798184,22.5,buffalo smm food,2021-12-20,22.5,18.75046644371291 +0.39117352056168503,0.38,0.7879554655870451,0.42039176293319946,0.0022685532237235067,0.11077694235588988,0.18668012108980828,70.59,charlotte smm food,2021-12-20,70.59,77.92580474589074 +0.8109327983951854,0.059,0.22874493927125517,0.4098442993470618,0.005287064944098001,0.9438596491228067,0.4399596367305752,166.71,chicago smm food,2021-12-20,166.71,132.9274468200603 +0.1945837512537612,0.518,0.42864372469635664,0.21446509291813162,0.001878536816853934,0.131328320802005,0.5943491422805247,129.35,cleveland/akron/canton smm food,2021-12-20,129.35,81.65358019007948 +0.5742226680040119,0.49400000000000005,0.9311740890688264,0.2596685082872928,0.001555950194613597,0.349874686716792,0.3486377396569122,76.18,columbus oh smm food,2021-12-20,76.18,55.96073846806547 +0.6088264794383151,0.6110000000000001,0.5455465587044537,0.3043696634856856,0.004699191187964238,0.35238095238095224,0.5696266397578204,66.3,dallas/ft. worth smm food,2021-12-20,66.3,63.26656562446101 +0.5165496489468405,0.862,0.18927125506072887,0.44902059266700156,0.0005378554182397763,0.5067669172932331,0.417255297679112,20.3,des moines/ames smm food,2021-12-20,20.3,17.412237558556598 +0.8039117352056169,0.809,0.6098178137651824,0.6664992466097439,0.0024334871100701394,0.3654135338345864,0.3829465186680121,148.66,detroit smm food,2021-12-20,148.66,114.85222169047202 +0.7016048144433298,0.7070000000000001,0.7500000000000004,0.26569563033651433,0.000625229223674843,0.4406015037593984,0.7209889001009082,43.94,albany/schenectady/troy smm food,2021-12-20,43.94,35.72098665217284 +0.6825476429287862,0.41,0.8183198380566806,0.17227523857358112,0.0011944252460380674,0.8270676691729322,0.09434914228052473,36.8,greensboro smm food,2021-12-20,36.8,35.011312396719866 +0.6439317953861584,0.649,0.47216599190283426,0.7061778001004521,0.0007148190314216685,0.5203007518796989,0.18819374369323916,88.42,grand rapids smm food,2021-12-20,88.42,65.37558333520303 +0.3345035105315948,0.395,0.5389676113360325,0.6609743847312909,0.0038422314368311743,0.33734335839598995,0.2840565085771948,100.56,miami/west palm beach smm food,2021-12-20,100.56,137.36928768682088 +0.7221664994984952,0.21200000000000002,0.7135627530364377,0.6911099949773983,0.0003615249485755292,0.7152882205513783,0.7310797174571141,7.619999999999999,madison wi smm food,2021-12-20,7.619999999999999,9.711332996489588 +0.46439317953861586,0.993,0.9625506072874499,0.6228026117528881,0.013033575882489604,0.8030075187969922,0.5423814328960646,111.45,los angeles smm food,2021-12-20,111.45,120.0092817665036 +0.8991975927783349,0.9369999999999999,0.22115384615384637,0.5369161225514817,0.00045428047391058216,0.6807017543859649,0.33955600403632696,13.45,little rock/pine bluff smm food,2021-12-20,13.45,11.413062839810983 +0.6058174523570712,0.783,0.7155870445344134,0.42742340532395784,0.0015910896598429168,0.5829573934837091,0.20030272452068618,30.340000000000003,las vegas smm food,2021-12-20,30.340000000000003,27.24579461202348 +0.737211634904714,0.06899999999999999,0.8537449392712554,0.3872425916624812,0.001327701956502426,0.5428571428571427,0.5630676084762866,31.17,milwaukee smm food,2021-12-20,31.17,23.958379481526357 +0.5952858575727181,0.19200000000000003,0.5379554655870448,0.36865896534404824,0.0009611118597857333,0.5624060150375939,0.9202825428859738,31.769999999999996,kansas city smm food,2021-12-20,31.769999999999996,35.24651005997678 +0.3866599799398193,0.063,0.7368421052631581,0.4279256654947263,0.0010133461999914798,0.48521303258145354,0.4611503531786075,31.49,jacksonville smm food,2021-12-20,31.49,36.30849691801941 +0.150952858575727,0.12,0.44433198380566813,0.5730788548468106,0.0016775137500015165,0.27368421052631553,0.8097880928355197,56.11,indianapolis smm food,2021-12-20,56.11,42.91610172189465 +0.06569709127382155,0.37799999999999995,0.2181174089068827,0.8061275740833753,0.00438230285738271,0.5353383458646616,0.582744702320888,112.93,houston smm food,2021-12-20,112.93,125.43012968997365 +0.6720160481444334,0.7160000000000001,0.5197368421052634,0.371672526368659,0.0016376257083898548,0.581954887218045,0.6488395560040363,70.59,hartford/new haven smm food,2021-12-20,70.59,73.18666885115718 +0.6138415245737212,0.4690000000000001,0.3967611336032391,0.7317930688096435,0.0009323038297328672,0.5298245614035086,0.35317860746720486,24.45,knoxville smm food,2021-12-20,24.45,24.69184537327896 +0.3896690070210631,0.394,0.7702429149797577,0.5861376192867906,0.0008385985891213463,0.7047619047619047,0.3476286579212916,54.57,harrisburg/lancaster smm food,2021-12-20,54.57,41.57782307651607 +0.7778335005015042,0.37000000000000005,0.25202429149797584,0.41336012054244103,0.02341554671308022,0.4616541353383458,0.43995963673057514,336.28,new york smm food,2021-12-27,336.28,253.14165901484012 +0.4914744232698094,0.10800000000000001,0.1088056680161942,0.6735308890005023,0.005556150939097303,0.4721804511278195,0.5731584258324924,131.72,rem us middle atlantic smm food,2021-12-27,131.72,85.15763028714007 +0.6123370110330991,0.064,0.452935222672065,0.4389753892516324,0.015683914647353282,0.28721804511278176,0.15539858728557013,396.65,rem us east north central smm food,2021-12-27,396.65,264.5702890507605 +0.6599799398194581,0.317,0.3780364372469638,0.3817177297840282,0.0041619689132421055,0.3478696741854636,0.6473259334006054,109.65,raleigh/durham/fayetteville smm food,2021-12-27,109.65,77.95272603684242 +0.5601805416248745,0.977,0.6776315789473686,0.5605223505775992,0.0017914795831776892,0.3012531328320802,0.5307769929364279,44.04,providence ri/new bedford ma smm food,2021-12-27,44.04,39.19245512299738 +0.4969909729187562,0.887,0.5865384615384619,0.8558513309894527,0.0028735218548336947,0.37293233082706756,0.3218970736629667,53.03,portland or smm food,2021-12-27,53.03,42.745938218614874 +0.18605817452357068,0.41300000000000003,0.9235829959514175,0.32094424912104474,0.003971709286189662,0.6305764411027567,0.7527749747729566,96.81,orlando/daytona beach/melborne smm food,2021-12-27,96.81,89.81885330906053 +0.5707121364092278,0.752,0.6563765182186238,0.17579105976896034,0.005752742001326202,0.2050125313283208,0.43592330978809285,94.78,phoenix/prescott smm food,2021-12-27,94.78,70.84354965702587 +0.3761283851554662,0.27599999999999997,0.6508097165991907,0.6755399296835761,0.0009446501283269531,0.3298245614035087,0.5484359233097881,9.54,paducah ky/cape girardeau mo smm food,2021-12-27,9.54,6.6521281790124505 +0.3450351053159477,0.47000000000000003,0.21204453441295573,0.39427423405323964,0.0007559733600686204,0.22706766917293203,0.29717457114026236,24.38,omaha smm food,2021-12-27,24.38,10.493661494798658 +0.5832497492477432,0.9750000000000001,0.5829959514170044,0.32194876946258166,0.0018699893793657184,0.68922305764411,0.3920282542885974,5.07,oklahoma city smm food,2021-12-27,5.07,2.9708127264639472 +0.18154463390170475,0.071,0.47165991902834026,0.7232546459065797,0.0027700028896986708,0.17894736842105285,0.5918264379414733,69.54,norfolk/portsmouth/newport news smm food,2021-12-27,69.54,56.33656489463354 +0.7352056168505515,0.7650000000000001,0.8937246963562756,0.5188347564038173,0.00934139945934039,0.6210526315789473,0.649848637739657,193.55,rem us mountain smm food,2021-12-27,193.55,132.45815930434668 +0.14242728184553657,0.36400000000000005,0.8269230769230772,0.42290306378704173,0.002062781580488748,0.08170426065162914,0.3582240161453078,99.64,pittsburgh smm food,2021-12-27,99.64,53.28296804368413 +0.7397191574724173,0.797,0.4271255060728747,0.665494726268207,0.0027617720239692793,0.7258145363408518,0.6422805247225025,140.34,rem us new england smm food,2021-12-27,140.34,105.86533471883128 +0.7693079237713137,0.341,0.7125506072874498,0.9337016574585636,0.003396814972167628,0.6431077694235587,0.48486377396569125,51.56,salt lake city smm food,2021-12-27,51.56,37.811940087132385 +0.5641925777331993,0.10400000000000001,0.7373481781376521,0.41888498242089406,0.018600173689628043,0.38395989974937345,0.35519677093844604,299.53,rem us south atlantic smm food,2021-12-27,299.53,240.42597541576012 +0.6790371113340019,0.1,0.2105263157894738,0.696132596685083,0.027648427700298617,0.6360902255639095,0.8955600403632694,409.02,rem us south central smm food,2021-12-27,409.02,360.46067660401957 +0.4608826479438315,0.777,0.21659919028340088,0.31240582621798096,0.009095739774493971,0.531328320802005,0.3410696266397578,128.22,rem us west north central smm food,2021-12-27,128.22,79.13945639531522 +0.3610832497492478,0.24700000000000003,0.49797570850202455,0.2179809141135108,0.0016847949004544372,0.6040100250626563,0.7255297679112008,50.34,richmond/petersburg smm food,2021-12-27,50.34,39.7974419471547 +0.5446339017051153,0.792,0.3314777327935227,0.15318935208437973,0.004057816804589437,0.35187969924812,0.6059535822401615,34.75,sacramento/stockton/modesto smm food,2021-12-27,34.75,25.718924789382335 +0.13239719157472415,0.42300000000000004,0.21862348178137664,0.3335007533902562,0.0032005404816975495,0.5734335839598997,0.5005045408678103,30.19,san diego smm food,2021-12-27,30.19,25.979876572069635 +0.41574724172517546,0.08100000000000002,0.7474696356275308,0.24409844299347064,0.0048492462016462,0.3659147869674185,0.4162462159434914,51.91,san francisco/oakland/san jose smm food,2021-12-27,51.91,40.38508370941504 +0.505015045135406,0.5599999999999999,0.4205465587044538,0.25715720743345055,0.003969493283877901,0.3243107769423557,0.4545913218970737,42.24,seattle/tacoma smm food,2021-12-27,42.24,45.412694352772945 +0.35907723169508515,0.968,0.29757085020242924,0.5504771471622301,0.002685478230093009,0.8536340852130325,0.48890010090817354,54.67,st. louis smm food,2021-12-27,54.67,42.04442194613651 +0.9177532597793377,0.706,0.5298582995951421,0.6212958312405826,0.004642524843134974,0.632581453634085,0.6700302724520686,146.81,tampa/ft. myers smm food,2021-12-27,146.81,132.05928824890526 +0.2647943831494483,0.777,0.6715587044534417,0.6780512305374184,0.0008962146492270788,0.34436090225563903,0.45660948536831486,20.16,tucson/sierra vista smm food,2021-12-27,20.16,15.329651218055837 +0.5526579739217652,0.669,0.8117408906882595,0.46308387744851837,0.007085192534210966,0.5288220551378444,0.624117053481332,182.92,washington dc/hagerstown smm food,2021-12-27,182.92,132.10728185799996 +0.5692076228686058,0.541,0.3851214574898787,0.6459065796082372,0.0007664202281097699,0.6225563909774435,0.7452068617558022,3.44,yakima/pasco/richland/kennewick smm food,2021-12-27,3.44,6.567306924085074 +0.5536609829488465,0.399,0.4215587044534416,0.7267704671019589,0.0022853315269411095,0.31328320802005016,0.2260343087790111,17.92,new orleans smm food,2021-12-27,17.92,11.082132754406153 +0.7046138415245736,0.21400000000000002,0.7601214574898789,0.3038674033149172,0.009914394342809487,0.581453634085213,0.6962663975782039,73.84,rem us pacific smm food,2021-12-27,73.84,63.06032312462127 +0.5275827482447341,0.7070000000000001,0.921052631578948,0.22451029633350078,0.003560482571478967,0.5443609022556389,0.8405650857719476,67.59,nashville smm food,2021-12-27,67.59,51.38380651942504 +0.6303911735205618,0.5820000000000001,0.39726720647773317,0.28076343545956806,0.009607003164992639,0.2852130325814535,0.41523713420787084,208.34,philadelphia smm food,2021-12-27,208.34,151.9042467067962 +0.2432296890672016,0.17,0.342611336032389,0.28478151682571573,0.0032515085348680073,0.54937343358396,0.5958627648839556,83.95,minneapolis/st. paul smm food,2021-12-27,83.95,42.01807154795274 +0.4022066198595787,0.8320000000000001,0.5622469635627535,0.5012556504269212,0.001241911009861472,0.15789473684210514,0.3425832492431887,31.08,albuquerque/santa fe smm food,2021-12-27,31.08,20.031260878428128 +0.24674022066198592,0.719,0.8324898785425103,0.18031140130587647,0.007406829441174839,0.43358395989974924,0.346619576185671,145.98,atlanta smm food,2021-12-27,145.98,126.12466168292823 +0.09929789368104329,0.635,0.39372469635627555,0.2596685082872928,0.0042455438575713,0.44060150375939855,0.5787083753784057,85.35,baltimore smm food,2021-12-27,85.35,59.64394282209378 +0.5310932798395183,0.20299999999999999,0.8350202429149802,0.6122551481667504,0.0009880204592856634,0.3243107769423558,0.32643794147325933,3.6799999999999997,baton rouge smm food,2021-12-27,3.6799999999999997,1.5637505358260029 +0.5822467402206617,0.5860000000000001,0.7717611336032395,0.8126569563033652,0.001606285104266407,0.6992481203007519,0.6508577194752775,17.78,birmingham/anniston/tuscaloosa smm food,2021-12-27,17.78,16.519218321102876 +0.5977933801404212,0.869,0.4569838056680164,0.4123556002009041,0.007109568559640313,0.763408521303258,0.6352169525731585,195.53,boston/manchester smm food,2021-12-27,195.53,143.2273108369212 +0.5265797392176531,0.788,0.5349190283400813,0.5163234555499749,0.0016104005371311016,0.5478696741854635,0.27093844601412714,26.53,buffalo smm food,2021-12-27,26.53,18.212305482481952 +0.5140421263791373,0.663,0.6305668016194336,0.19839276745354095,0.004279100464006509,0.3208020050125314,0.322401614530777,107.64,charlotte smm food,2021-12-27,107.64,78.61406740000987 +0.9804413239719155,0.9910000000000001,0.32489878542510137,0.4892014063284782,0.008777268585118327,0.6952380952380951,0.7996972754793138,185.29,chicago smm food,2021-12-27,185.29,135.95983780133017 +0.576730190571715,0.722,0.43218623481781393,0.17579105976896034,0.0035399054071554915,0.03258145363408521,0.5978809283551968,140.27,cleveland/akron/canton smm food,2021-12-27,140.27,82.11405654119999 +0.6213640922768303,0.9660000000000001,0.6007085020242918,0.20090406830738325,0.0035756780159024565,0.32280701754385965,0.7265388496468214,87.4,columbus oh smm food,2021-12-27,87.4,58.10980373925608 +0.20812437311935825,0.45599999999999996,0.36892712550607304,0.36162732295328986,0.007567964466415594,0.2982456140350876,0.6649848637739657,91.07,dallas/ft. worth smm food,2021-12-27,91.07,63.5359652495235 +0.627382146439318,0.217,0.5344129554655873,0.11602209944751382,0.0010617816790913536,0.3949874686716792,0.3557013118062563,27.69,des moines/ames smm food,2021-12-27,27.69,14.973626146622252 +0.4794383149448346,0.568,0.6189271255060731,0.6880964339527876,0.004566231049258704,0.6015037593984961,0.20030272452068618,161.03,detroit smm food,2021-12-27,161.03,114.30199515368695 +0.59679037111334,0.20299999999999999,0.29554655870445357,0.7709693621295832,0.001812373319259988,0.28721804511278176,0.41523713420787084,100.31,grand rapids smm food,2021-12-27,100.31,66.10244672342624 +0.3600802407221664,0.40599999999999997,0.6973684210526319,0.24660974384731293,0.001436286069778614,0.6486215538847117,0.5332996972754793,49.16,albany/schenectady/troy smm food,2021-12-27,49.16,34.54191557264622 +0.599297893681043,0.09000000000000002,0.44939271255060764,0.5534907081868409,0.0025851249825462113,0.41503759398496237,0.5227043390514632,52.92,harrisburg/lancaster smm food,2021-12-27,52.92,41.76735322992113 +0.5792377131394182,0.40700000000000003,0.7768218623481786,0.4218985434455048,0.00249363574424645,0.49122807017543846,0.14833501513622604,51.46,greensboro smm food,2021-12-27,51.46,35.697563922714515 +0.4874623871614843,0.8490000000000001,0.828441295546559,0.4771471622300352,0.002129578221600339,0.46115288220551365,0.4545913218970737,32.6,milwaukee smm food,2021-12-27,32.6,23.63365816019283 +0.6910732196589771,0.649,0.5485829959514172,0.9141135107985937,0.005263005490427476,0.49373433583959886,0.34561049445005043,143.57,miami/west palm beach smm food,2021-12-27,143.57,140.576746092416 +0.8495486459378131,0.434,0.634615384615385,0.5303867403314918,0.0008598088969624673,0.4431077694235588,0.7749747729566094,8.85,madison wi smm food,2021-12-27,8.85,8.53989698843894 +0.6243731193580742,0.827,0.7580971659919032,0.6077348066298344,0.019564134695243193,0.5057644110275686,0.17759838546922302,157.18,los angeles smm food,2021-12-27,157.18,117.87345852163268 +0.6288866599799398,0.18300000000000002,0.3097165991902836,0.23103967855349072,0.0014109603290727976,0.8842105263157893,0.4692230070635722,17.22,little rock/pine bluff smm food,2021-12-27,17.22,10.432679599554184 +0.4092276830491475,0.6320000000000001,0.6194331983805671,0.1833249623304872,0.0024452002651465755,0.5523809523809523,0.4475277497477296,39.5,las vegas smm food,2021-12-27,39.5,26.850307199807126 +0.7542627883650952,0.144,0.45748987854251033,0.19939728779507787,0.0013641077087670373,0.6295739348370928,0.70686175580222,23.88,mobile/pensacola smm food,2021-12-27,23.88,20.222645757647 +0.25376128385155466,0.282,0.7069838056680167,0.41788046207935714,0.0016537708680898126,0.33533834586466155,0.375882946518668,33.44,knoxville smm food,2021-12-27,33.44,22.02833350596189 +0.6634904714142427,0.227,0.6842105263157898,0.1953792064289302,0.002423356813787809,0.5428571428571427,0.5635721493440968,48.18,kansas city smm food,2021-12-27,48.18,32.55191126618168 +0.47141424272818444,0.094,0.7110323886639679,0.4691109994977399,0.002515795767364039,0.5047619047619046,0.21745711402623613,47.24,jacksonville smm food,2021-12-27,47.24,35.544072795546036 +0.31845536609829467,0.48600000000000004,0.5804655870445347,0.6273229532898041,0.0038539445919076156,0.3604010025062654,0.4828456104944501,64.73,indianapolis smm food,2021-12-27,64.73,42.438413828006205 +0.2352056168505517,0.277,0.23228744939271267,0.803616273229533,0.007988688333890968,0.5749373433583959,0.5842583249243188,132.22,houston smm food,2021-12-27,132.22,126.29901950325751 +0.7281845536609829,0.9670000000000001,0.9195344129554661,0.7358111501757911,0.002957729942680536,0.5924812030075187,0.6215943491422805,79.75,hartford/new haven smm food,2021-12-27,79.75,75.7852637258464 +0.6048144433299898,0.8380000000000001,0.5379554655870448,0.36263184329482673,0.03960597617454983,0.13984962406015025,0.35519677093844604,242.81,rem us east north central smm food,2022-01-03,242.81,268.59857338002814 +0.43630892678034083,0.26,0.6811740890688263,0.7805123053741839,0.008538256907207184,0.2676691729323308,0.256811301715439,103.29,raleigh/durham/fayetteville smm food,2022-01-03,103.29,78.12643015248688 +0.59679037111334,0.284,0.38714574898785437,0.4168759417378202,0.0035538345645436896,0.4476190476190476,0.2648839556004036,36.62,providence ri/new bedford ma smm food,2022-01-03,36.62,37.09395666646177 +0.026579739217652956,0.363,0.8001012145748994,0.737820190858865,0.0050341241087986585,0.5619047619047618,0.4182643794147326,46.01,portland or smm food,2022-01-03,46.01,42.621599727695944 +0.4327983951855566,0.8260000000000001,0.612348178137652,0.3119035660472125,0.003376237807844152,0.2897243107769424,0.3910191725529768,58.51,pittsburgh smm food,2022-01-03,58.51,54.233064561890124 +0.131394182547643,0.544,0.8264170040485833,0.5223505775991965,0.008729149677777277,0.06616541353383461,0.4101917255297679,87.83,phoenix/prescott smm food,2022-01-03,87.83,71.94295062149725 +0.1990972918756267,0.662,0.5050607287449397,0.41536916122551487,0.002770319461457495,0.500751879699248,0.27699293642785067,8.3,paducah ky/cape girardeau mo smm food,2022-01-03,8.3,4.170629058400621 +0.4864593781344031,0.327,0.2990890688259109,0.7232546459065797,0.012060117724109783,0.5664160401002506,0.4298688193743693,84.23,rem us middle atlantic smm food,2022-01-03,84.23,86.02802261597628 +0.5471414242728184,0.67,0.8588056680161947,0.26820693119035666,0.006575512002506413,0.3894736842105262,0.8673057517658931,86.88,orlando/daytona beach/melborne smm food,2022-01-03,86.88,90.48167868902541 +0.20511534603811424,0.20099999999999998,0.24443319838056712,0.48166750376695133,0.0019168419996714807,0.6571428571428568,0.6377396569122099,14.87,omaha smm food,2022-01-03,14.87,14.124184844911298 +0.49297893681043126,0.41600000000000004,0.6346153846153851,0.35409342039176295,0.0033926995393029308,0.8887218045112779,0.4934409687184662,3.47,oklahoma city smm food,2022-01-03,3.47,4.196804875261634 +0.18204613841524536,0.6000000000000001,0.6022267206477735,0.5429432446007032,0.004587757928858644,0.3523809523809526,0.2674066599394551,65.87,norfolk/portsmouth/newport news smm food,2022-01-03,65.87,54.5423598887583 +0.7512537612838514,0.669,0.36386639676113375,0.7142139628327474,0.029287952839241405,0.4005012531328321,0.7719475277497476,255.64,new york smm food,2022-01-03,255.64,257.586945528123 +0.826479438314945,0.7839999999999999,0.5910931174089074,0.43947764942240086,0.014914961845172938,0.3248120300751878,0.7563067608476287,165.23,philadelphia smm food,2022-01-03,165.23,156.19701746847954 +0.8801404212637911,0.5900000000000001,0.9423076923076926,0.42290306378704173,0.01567916607097095,0.7122807017543857,0.5116044399596368,148.93,rem us mountain smm food,2022-01-03,148.93,132.47245896279065 +0.585757271815446,0.399,0.5278340080971661,0.7122049221496736,0.038900970867651666,0.5308270676691729,0.31079717457114026,294.47,rem us south atlantic smm food,2022-01-03,294.47,245.2042393818948 +0.8039117352056169,0.798,0.6381578947368424,0.06579608237066802,0.01573646555931786,0.8591478696741853,0.5908173562058526,69.09,rem us pacific smm food,2022-01-03,69.09,63.12661203342628 +0.11384152457372115,0.34700000000000003,0.32135627530364386,0.3827222501255651,0.001532207312701894,0.6827067669172933,0.7901109989909183,3.36,yakima/pasco/richland/kennewick smm food,2022-01-03,3.36,4.727347802685117 +0.7291875626880642,0.9670000000000001,0.45850202429149817,0.8151682571572075,0.05793326500807272,0.832581453634085,0.920787083753784,349.35,rem us south central smm food,2022-01-03,349.35,366.7943767290168 +0.6123370110330992,0.572,0.6285425101214578,0.09392265193370167,0.02048409222638197,0.9197994987468671,0.22855701311806256,91.83,rem us west north central smm food,2022-01-03,91.83,80.45067861572673 +0.4684052156469409,0.17400000000000002,0.5247975708502027,0.45856353591160226,0.0036136666269611806,0.9639097744360898,0.4969727547931382,43.7,richmond/petersburg smm food,2022-01-03,43.7,41.397470050070105 +0.6143430290872617,0.074,0.7894736842105268,0.9678553490708188,0.005749576283737974,0.4320802005012531,0.5383451059535822,37.58,salt lake city smm food,2022-01-03,37.58,37.66036032697198 +0.14593781344032095,0.145,0.3168016194331985,0.3932697137117027,0.004483289248447151,0.7849624060150375,0.15943491422805248,30.85,san diego smm food,2022-01-03,30.85,25.135006864540337 +0.22668004012036094,0.562,0.662449392712551,0.4937217478653943,0.006286798558460105,0.7328320802005012,0.5504540867810293,55.33,san francisco/oakland/san jose smm food,2022-01-03,55.33,43.785555221539624 +0.6073219658976928,0.225,0.8552631578947376,0.3962832747363135,0.0072330315455811705,0.4812030075187968,0.3627648839556004,30.63,seattle/tacoma smm food,2022-01-03,30.63,46.902628152164795 +0.6268806419257772,0.18500000000000003,0.3674089068825912,0.754394776494224,0.004770103261940524,0.7483709273182956,0.4001009081735621,42.83,st. louis smm food,2022-01-03,42.83,42.791497532667506 +0.725175526579739,0.895,0.8972672064777333,0.5615268709191361,0.007362825966698481,0.5954887218045111,0.606962663975782,129.18,tampa/ft. myers smm food,2022-01-03,129.18,131.61018796350442 +0.18906720160481444,0.32400000000000007,0.9240890688259114,0.4309392265193371,0.0018041424535305977,0.782456140350877,0.16195761856710394,21.94,tucson/sierra vista smm food,2022-01-03,21.94,13.509872668803006 +0.39167502507522567,0.012000000000000002,0.4964574898785426,0.6619789050728278,0.01165395615754025,0.7278195488721803,0.18264379414732593,126.47999999999999,washington dc/hagerstown smm food,2022-01-03,126.47999999999999,131.18263935017393 +0.40070210631895675,0.07900000000000001,0.7424089068825915,0.6644902059266701,0.003910927508495702,0.40250626566416037,0.16801210898082744,14.29,new orleans smm food,2022-01-03,14.29,10.687065417124437 +0.7061183550651956,0.015,0.6386639676113364,0.5419387242591663,0.007653755413056545,0.576441102756892,0.5554994954591322,101.38,rem us new england smm food,2022-01-03,101.38,104.59246470262403 +0.48846539618856566,0.131,0.5182186234817819,0.10748367654445004,0.005037922969904534,0.23609022556390954,0.5746720484359233,33.75,sacramento/stockton/modesto smm food,2022-01-03,33.75,24.770004042536137 +0.4368104312938815,0.125,0.6072874493927128,0.12908086388749374,0.007868707637297164,0.8872180451127818,0.3970736629667003,52.88,nashville smm food,2022-01-03,52.88,49.32375584002151 +0.38966900702106316,0.7010000000000001,0.4777327935222676,0.22099447513812157,0.0051031367522220115,0.6365914786967418,0.3708375378405651,57.06,minneapolis/st. paul smm food,2022-01-03,57.06,41.45163017503979 +0.8355065195586759,0.675,0.35627530364372495,0.16022099447513813,0.003144190708627109,0.41654135338345877,0.727547931382442,22.06,mobile/pensacola smm food,2022-01-03,22.06,20.028544740250823 +0.20160481444332987,0.43300000000000005,0.8238866396761139,0.37569060773480667,0.0034784904859438857,0.4300751879699247,0.577699293642785,34.35,albany/schenectady/troy smm food,2022-01-03,34.35,34.974558178546985 +0.38365095285857564,0.136,0.2110323886639678,0.39276745354093423,0.0031764810280270244,0.42406015037593975,0.30272452068617556,29.55,albuquerque/santa fe smm food,2022-01-03,29.55,19.708486800359353 +0.39618856569709127,0.010000000000000002,0.3572874493927126,0.545956805625314,0.012752143588896219,0.6360902255639095,0.5383451059535822,134.31,atlanta smm food,2022-01-03,134.31,130.33941472815712 +0.30040120361083267,0.7700000000000001,0.15637651821862356,0.2687091913611251,0.0067939465160940776,0.5318295739348371,0.3622603430877901,58.65,baltimore smm food,2022-01-03,58.65,59.335473414098516 +0.5150451354062184,0.8400000000000001,0.5359311740890692,0.809141135107986,0.0015097307178254817,0.6616541353383457,0.3683148335015136,2.91,baton rouge smm food,2022-01-03,2.91,4.1368478403489775 +0.7231695085255766,0.8820000000000001,0.6401821862348182,0.49171270718232046,0.003665900967166928,0.24661654135338348,0.5872855701311807,14.819999999999999,birmingham/anniston/tuscaloosa smm food,2022-01-03,14.819999999999999,13.493658352821875 +0.7928786359077231,0.336,0.32135627530364386,0.4771471622300352,0.012270954515485702,0.8100250626566414,0.606962663975782,133.66,boston/manchester smm food,2022-01-03,133.66,144.30107555429578 +0.7051153460381142,0.269,0.523279352226721,0.23204419889502764,0.008375222451413492,0.43759398496240615,0.5847628657921292,118.20999999999998,charlotte smm food,2022-01-03,118.20999999999998,81.33563927756066 +0.7286860581745234,0.1,0.4989878542510124,0.5991963837267705,0.015103005469913626,0.6551378446115287,0.5055499495459133,159.34,chicago smm food,2022-01-03,159.34,134.9258067919416 +0.7668004012036107,0.10600000000000001,0.24089068825910953,0.48719236564540436,0.006422291271236224,0.3844611528822055,0.5010090817356206,71.97,cleveland/akron/canton smm food,2022-01-03,71.97,84.74565291533116 +0.25225677031093263,0.334,0.2591093117408908,0.473631341034656,0.00703169190696993,0.46967418546365913,0.5867810292633704,54.08,columbus oh smm food,2022-01-03,54.08,58.686780952870166 +0.5165496489468406,0.977,0.24645748987854266,0.7388247112004018,0.012551120522043798,0.3834586466165412,0.6725529767911201,66.08,dallas/ft. worth smm food,2022-01-03,66.08,67.3845999900952 +0.4854563691073219,0.8180000000000001,0.648279352226721,0.41285786037167255,0.0020209941083241508,0.3964912280701754,0.6791120080726539,19.06,des moines/ames smm food,2022-01-03,19.06,18.79744850289771 +0.49047141424272817,0.043000000000000003,0.814777327935223,0.29784028126569567,0.010459847483261009,0.8786967418546365,0.43541876892028253,89.39,detroit smm food,2022-01-03,89.39,115.0125507494785 +0.7166499498495487,0.137,0.7834008097165996,0.17076845806127575,0.002942217926498223,0.6776942355889722,0.31786074672048437,10.21,buffalo smm food,2022-01-03,10.21,17.262295167947514 +0.517051153460381,0.5710000000000001,0.796052631578948,0.6519337016574587,0.005224067164092284,0.21804511278195474,0.14783047426841575,52.01,greensboro smm food,2022-01-03,52.01,36.53411741704087 +0.7216649949849548,0.13,0.28643724696356293,0.7513812154696133,0.004543754454382289,0.24912280701754366,0.7169525731584259,56.32000000000001,grand rapids smm food,2022-01-03,56.32000000000001,68.17372347895804 +0.5481444332998998,0.638,0.6776315789473686,0.8106479156202914,0.007047203923152242,0.4416040100250625,0.19727547931382441,133.9,miami/west palm beach smm food,2022-01-03,133.9,139.0500585987988 +0.5616850551654962,0.944,0.633603238866397,0.6529382219989955,0.0014261557734962871,0.5187969924812029,0.42936427850655906,7.200000000000001,madison wi smm food,2022-01-03,7.200000000000001,7.308583396013418 +0.3079237713139419,0.8660000000000001,0.397267206477733,0.3912606730286289,0.024818592748182454,0.176441102756892,0.260343087790111,143.99,los angeles smm food,2022-01-03,143.99,116.1043501014009 +0.6178535606820461,0.8320000000000001,0.22975708502024308,0.3912606730286289,0.004145190610024503,0.681203007518797,0.17356205852674067,10.88,little rock/pine bluff smm food,2022-01-03,10.88,9.626236715189755 +0.5611835506519559,0.7580000000000001,0.5146761133603242,0.4414866901054747,0.0030318077342450485,0.3724310776942355,0.7169525731584259,35.97,las vegas smm food,2022-01-03,35.97,29.662489256081493 +0.09077231695085256,0.47500000000000003,0.7454453441295552,0.1175288799598192,0.0033822526712617837,0.47669172932330817,0.45610494450050454,27.31,knoxville smm food,2022-01-03,27.31,21.2956055037209 +0.271815446339017,0.21600000000000003,0.5759109311740893,0.3103967855349071,0.004694442611581898,0.5583959899749372,0.8390514631685166,19.27,milwaukee smm food,2022-01-03,19.27,24.76256776336131 +0.4292878635907722,0.877,0.5182186234817816,0.3827222501255651,0.004422824042512015,0.22907268170426057,0.5186680121089808,41.73,jacksonville smm food,2022-01-03,41.73,36.384137270063356 +0.6910732196589766,0.657,0.6042510121457492,0.6042189854344551,0.008622781566812848,0.42907268170426033,0.4783047426841574,33.28,indianapolis smm food,2022-01-03,33.28,43.878042037259206 +0.2326980942828486,0.40700000000000003,0.18370445344129563,0.5434455047714717,0.012384920348661878,0.8802005012531326,0.3410696266397578,127.27000000000001,houston smm food,2022-01-03,127.27000000000001,124.99048552687384 +0.7477432296890671,0.269,0.9180161943319843,0.6926167754897037,0.005879370704855283,0.5112781954887218,0.3905146316851665,69.07,hartford/new haven smm food,2022-01-03,69.07,74.0676670863648 +0.39267803410230695,0.42500000000000004,0.2914979757085024,0.20542440984429935,0.005467827418385767,0.4145363408521302,0.44399596367305755,47.29,harrisburg/lancaster smm food,2022-01-03,47.29,39.43716859096929 +0.6800401203610832,0.884,0.5754048582995955,0.4399799095931693,0.0038773709020604947,0.9072681704260651,0.21695257315842584,38.56,kansas city smm food,2022-01-03,38.56,33.54172080984457 +0.600802407221665,0.22799999999999998,0.8952429149797576,0.6509291813159217,0.023539326270779898,0.8771929824561402,0.2537840565085772,155.08,rem us mountain smm food,2022-01-10,155.08,133.2391311782281 +0.531594784353059,0.678,0.41244939271255066,0.8794575590155701,0.019290616695620374,0.1989974937343358,0.3350151362260343,87.79,rem us middle atlantic smm food,2022-01-10,87.79,86.55950354044181 +0.26930792377131374,0.7230000000000001,0.3638663967611337,0.4213962832747363,0.06427103161970327,0.1363408521303257,0.3486377396569122,264.74,rem us east north central smm food,2022-01-10,264.74,271.6389018251401 +0.5110330992978935,0.329,0.7793522267206483,0.7162230035158212,0.01347962549067079,0.5213032581453633,0.18768920282542886,75.48,raleigh/durham/fayetteville smm food,2022-01-10,75.48,79.05472102048643 +0.6830491474423269,0.7320000000000001,0.42560728744939286,0.20241084881968863,0.006194359604883875,0.6370927318295739,0.289606458123108,32.3,providence ri/new bedford ma smm food,2022-01-10,32.3,37.34194583846456 +0.04162487462387161,0.703,0.8122469635627535,0.7162230035158212,0.008069097560631936,0.6230576441102755,0.507063572149344,37.17,portland or smm food,2022-01-10,37.17,43.81863592176703 +0.37462387161484445,0.669,0.4650809716599191,0.3721747865394275,0.0057695203045438044,0.519298245614035,0.5449041372351161,63.9,pittsburgh smm food,2022-01-10,63.9,56.25791400937059 +0.827482447342026,0.131,0.6022267206477735,0.2732295328980412,0.01032815363159076,0.3082706766917293,0.49697275479313824,86.84,orlando/daytona beach/melborne smm food,2022-01-10,86.84,88.70282049263307 +0.41424272818455343,0.8710000000000001,0.23582995951417027,0.05725765946760422,0.004449732642011947,0.5814536340852128,0.48234106962663975,10.37,paducah ky/cape girardeau mo smm food,2022-01-10,10.37,4.087495926969012 +0.2111334002006017,0.7630000000000001,0.468117408906883,0.26820693119035666,0.002921640762174747,0.7769423558897238,0.7325933400605449,17.86,omaha smm food,2022-01-10,17.86,14.370325032025931 +0.4338014042126379,0.8340000000000001,0.6958502024291503,0.497739829231542,0.005141125363280732,0.4506265664160398,0.3890010090817356,4.98,oklahoma city smm food,2022-01-10,4.98,3.4359580579389046 +0.46539618856569676,0.984,0.5764170040485832,0.34455047714716225,0.007179214346581311,0.21954887218045135,0.14631685166498487,62.349999999999994,norfolk/portsmouth/newport news smm food,2022-01-10,62.349999999999994,53.292484103948325 +0.7387161484453357,0.29100000000000004,0.6072874493927128,0.7147162230035159,0.043731222763768514,0.15739348370927325,0.7149344096871846,360.51,new york smm food,2022-01-10,360.51,258.4921823675237 +0.3470411233701104,0.806,0.92004048582996,0.5183324962330488,0.011658704733922593,0.5037593984962405,0.5554994954591322,98.48,phoenix/prescott smm food,2022-01-10,98.48,75.06640484937253 +0.7301905717151453,0.022000000000000006,0.7398785425101218,0.6675037669512808,0.012015797677874602,0.6546365914786966,0.6548940464177598,107.49,rem us new england smm food,2022-01-10,107.49,106.84822449483997 +0.5265797392176529,0.537,0.8284412955465592,0.7734806629834254,0.006707838997694304,0.5343358395989974,0.5277497477295661,19.72,new orleans smm food,2022-01-10,19.72,14.671169253698032 +0.5285857572718151,0.887,0.49645748987854255,0.9291813159216475,0.06710434886116648,0.29824561403508776,0.5953582240161454,268.48,rem us south atlantic smm food,2022-01-10,268.48,251.45565589848593 +0.87913741223671,0.07500000000000001,0.7393724696356279,0.7187343043696636,0.0999689294315868,0.49874686716791977,0.6115035317860746,366.89,rem us south central smm food,2022-01-10,366.89,369.34106340671855 +0.6765295887662988,0.5559999999999999,0.745951417004049,0.3174284279256655,0.03115952507740124,0.8025062656641602,0.591321897073663,92.32,rem us west north central smm food,2022-01-10,92.32,85.14257488311758 +0.23721163490471422,0.7120000000000001,0.3076923076923079,0.6212958312405826,0.005999351401449088,0.8015037593984959,0.6004036326942482,43.64,richmond/petersburg smm food,2022-01-10,43.64,42.49264289743261 +0.5561685055165496,0.123,0.6609311740890694,0.2099447513812155,0.007163069186881354,0.2295739348370925,0.2124117053481332,32.65,sacramento/stockton/modesto smm food,2022-01-10,32.65,23.732607203602264 +0.5616850551654964,0.099,0.8269230769230773,0.7523857358111502,0.008012747787561494,0.38897243107769414,0.4520686175580222,44.13,salt lake city smm food,2022-01-10,44.13,36.05860189039804 +0.3239719157472417,0.066,0.7479757085020248,0.257659467604219,0.00616586814658983,0.5889724310776943,0.18718466195761857,25.62,san diego smm food,2022-01-10,25.62,24.672471728419474 +0.14744232698094273,0.867,0.3294534412955467,0.8538422903063788,0.00921635361460542,0.6035087719298244,0.8990918264379415,51.75,san francisco/oakland/san jose smm food,2022-01-10,51.75,47.685284745641326 +0.4443329989969907,0.382,0.5966599190283407,0.38573581115017586,0.012933855778460448,0.3629072681704259,0.541372351160444,23.51,seattle/tacoma smm food,2022-01-10,23.51,47.956589180952236 +0.6785356068204612,0.264,0.4858299595141702,0.7905575087895531,0.007527443281286287,0.8070175438596489,0.35166498486377396,42.96,st. louis smm food,2022-01-10,42.96,43.482280924073706 +0.6865596790371111,0.355,0.7722672064777333,0.6936212958312407,0.012251010494679873,0.44561403508771913,0.4899091826437941,130.59,tampa/ft. myers smm food,2022-01-10,130.59,131.52184097592047 +0.35957873620862585,0.46799999999999997,0.7353238866396765,0.5464590657960824,0.002641791327375476,0.9112781954887216,0.5418768920282543,19.23,tucson/sierra vista smm food,2022-01-10,19.23,17.12487402093442 +0.29087261785356067,0.10800000000000001,0.28390688259109303,0.7398292315419388,0.01739941700841353,0.38446115288220545,0.08274470232088799,124.03,washington dc/hagerstown smm food,2022-01-10,124.03,130.54200672315227 +0.19458375125376126,0.273,0.5328947368421055,0.4590657960823707,0.0023423144435291967,0.7072681704260652,0.7780020181634713,3.16,yakima/pasco/richland/kennewick smm food,2022-01-10,3.16,5.513562219803674 +0.5411233701103308,0.024000000000000004,0.5430161943319841,0.21396283274736316,0.0212220209961977,0.8531328320802003,0.5221997981836529,62.65999999999999,rem us pacific smm food,2022-01-10,62.65999999999999,63.476756478831184 +0.2342026078234703,0.124,0.4453441295546561,0.2611752887995982,0.013146908572148128,0.8090225563909773,0.2623612512613522,58.61,nashville smm food,2022-01-10,58.61,49.363392657288465 +0.8149448345035106,0.3980000000000001,0.48178137651821906,0.6197890507282773,0.023173685889339674,0.413533834586466,0.5973763874873865,198.83,philadelphia smm food,2022-01-10,198.83,157.48094398834115 +0.5005015045135406,0.18600000000000003,0.3795546558704457,0.5775991963837268,0.008225800581249176,0.38245614035087727,0.3521695257315843,46.93,minneapolis/st. paul smm food,2022-01-10,46.93,42.92438543930765 +0.3861584754262787,0.395,0.5688259109311744,0.40381717729784034,0.005496952020197455,0.019548872180451125,0.8188698284561049,38.7,albany/schenectady/troy smm food,2022-01-10,38.7,35.68064431986845 +0.28435305917753256,0.025,0.07186234817813777,0.6248116524359619,0.005556150939097301,0.6556390977443607,0.648335015136226,28.549999999999997,albuquerque/santa fe smm food,2022-01-10,28.549999999999997,23.78960132734116 +0.8756268806419257,0.7160000000000001,0.43218623481781393,0.6504269211451532,0.019619534753037165,0.3754385964912279,0.6553985872855701,134.23,atlanta smm food,2022-01-10,134.23,132.94641411199018 +0.7743229689067204,0.8890000000000001,0.034412955465587064,0.5554997488699147,0.010438637175419884,0.46065162907268176,0.5075681130171544,56.68000000000001,baltimore smm food,2022-01-10,56.68000000000001,62.88226350516189 +0.4443329989969907,0.002,0.4792510121457494,0.8126569563033652,0.002885868153427782,0.8997493734335837,0.43037336024217965,4.58,baton rouge smm food,2022-01-10,4.58,4.907293948298786 +0.6815446339017048,0.43200000000000005,0.48228744939271284,0.41788046207935714,0.007453682061480597,0.25814536340852134,0.5610494450050454,14.830000000000002,birmingham/anniston/tuscaloosa smm food,2022-01-10,14.830000000000002,13.113948975665885 +0.46840521564694076,0.516,0.4665991902834011,0.5580110497237569,0.018177550391599736,0.6015037593984961,0.6892028254288597,151.63,boston/manchester smm food,2022-01-10,151.63,145.0573830871328 +0.9558676028084253,0.867,0.43572874493927144,0.39829231541938726,0.004545970456694047,0.6315789473684209,0.25025227043390513,13.73,buffalo smm food,2022-01-10,13.73,18.780393904555865 +0.5862587763289868,0.686,0.39929149797570884,0.3776996484178805,0.014055469519969294,0.34385964912280714,0.4445005045408678,82.44,charlotte smm food,2022-01-10,82.44,81.78526787438875 +0.613841524573721,0.516,0.44534412955465613,0.5072827724761427,0.023024264019175355,0.8310776942355887,0.4031281533804238,162.3,chicago smm food,2022-01-10,162.3,135.4339193146914 +0.7602808425275825,0.9710000000000001,0.25151821862348206,0.4696132596685083,0.010482324078137418,0.6355889724310776,0.6009081735620585,80.55,cleveland/akron/canton smm food,2022-01-10,80.55,86.96833460893285 +0.07472417251755256,0.79,0.4372469635627533,0.833249623304872,0.010432938883761076,0.33734335839598995,0.31735620585267404,64.03,columbus oh smm food,2022-01-10,64.03,59.277183241654214 +0.7662988966900703,0.925,0.43370445344129577,0.8056253139126068,0.020321057770588277,0.47418546365914765,0.39505549949545915,75.53,dallas/ft. worth smm food,2022-01-10,75.53,68.03975665605257 +0.4844533600802407,0.665,0.20141700404858306,0.8392767453540935,0.0035595328562024985,0.40300751879699254,0.6231079717457114,18.11,des moines/ames smm food,2022-01-10,18.11,20.806032122057005 +0.7266800401203611,0.197,0.6842105263157898,0.2471120040180814,0.017835969463830044,0.8591478696741853,0.7103935418768921,107.6,detroit smm food,2022-01-10,107.6,117.67816019743584 +0.5,0.6360000000000001,0.3502024291497978,0.1366147664490206,0.005478907429944561,0.4761904761904763,0.7537840565085772,23.82,mobile/pensacola smm food,2022-01-10,23.82,19.97783185055897 +0.6604814443329988,0.8810000000000001,0.7419028340080978,0.6956303365143145,0.008074795852290744,0.4736842105263156,0.2588294651866801,34.37,greensboro smm food,2022-01-10,34.37,38.969364313535 +0.4709127382146439,0.13799999999999998,0.6027327935222675,0.6167754897036666,0.007616083373756645,0.15288220551378426,0.5116044399596368,54.53,grand rapids smm food,2022-01-10,54.53,66.12641066080238 +0.22417251755265807,0.9640000000000001,0.4701417004048585,0.3882471120040181,0.009720652426409987,0.19999999999999998,0.3577194752774975,146.92,miami/west palm beach smm food,2022-01-10,146.92,136.67423800297257 +0.3284854563691071,0.307,0.8238866396761139,0.7222501255650428,0.002628178741746099,0.5082706766917292,0.45761856710393545,7.75,madison wi smm food,2022-01-10,7.75,7.438452992599835 +0.20561685055165502,0.537,0.516194331983806,0.29131089904570573,0.03139853675531239,0.10325814536340833,0.30373360242179614,123.72999999999999,los angeles smm food,2022-01-10,123.72999999999999,116.23285607558833 +0.7713139418254764,0.775,0.49797570850202466,0.6755399296835761,0.00691582664324082,0.33433583959899754,0.24268415741675076,13.8,little rock/pine bluff smm food,2022-01-10,13.8,11.363224659000913 +0.9192577733199601,0.8490000000000001,0.1735829959514171,0.6268206931190358,0.004599787655693908,0.3017543859649122,0.6135216952573158,35.87,las vegas smm food,2022-01-10,35.87,30.55692782646687 +0.5897693079237712,0.9720000000000001,0.3248987854251012,0.5102963335007534,0.00824067945391384,0.8380952380952379,0.6437941473259334,26.03,milwaukee smm food,2022-01-10,26.03,26.867028275993768 +0.9593781344032096,0.19,0.5035425101214578,0.419889502762431,0.005562798946032578,0.5774436090225562,0.30272452068617556,37.9,kansas city smm food,2022-01-10,37.9,33.24051326100112 +0.21564694082246727,0.399,0.34564777327935226,0.36263184329482673,0.006146873841060469,0.2060150375939849,0.6251261352169526,44.42,jacksonville smm food,2022-01-10,44.42,36.37491854862173 +0.4894684052156467,0.647,0.7596153846153849,0.2471120040180814,0.013911745941463787,0.5689223057644106,0.8476286579212916,35.23,indianapolis smm food,2022-01-10,35.23,44.904938106265206 +0.3836509528585758,0.637,0.22570850202429157,0.3380210949271723,0.01888888713367436,0.7478696741854635,0.2734611503531786,129.33,houston smm food,2022-01-10,129.33,124.31189068535363 +0.8375125376128386,0.553,0.6730769230769235,0.49673530889000506,0.009614600887204384,0.7979949874686715,0.7421796165489405,60.10999999999999,hartford/new haven smm food,2022-01-10,60.10999999999999,76.5287319517644 +0.38064192577733197,0.48700000000000004,0.45597165991902877,0.1486690105474636,0.006038922871301926,0.47568922305764405,0.6236125126135217,26.76,knoxville smm food,2022-01-10,26.76,23.127329587989742 +0.4192577733199599,0.4690000000000001,0.28947368421052666,0.26167754897036666,0.008904530432165056,0.4771929824561402,0.41523713420787084,48.64,harrisburg/lancaster smm food,2022-01-10,48.64,40.333606785963056 +0.6183550651955865,0.095,0.535931174089069,0.4409844299347062,0.005624213867244181,0.040601503759398805,0.5247225025227044,53.77,norfolk/portsmouth/newport news smm food,2022-01-17,53.77,55.08332263663772 +0.34052156469408223,0.508,0.2621457489878542,0.5102963335007534,0.013956699131216613,0.2045112781954887,0.4339051463168517,97.07,rem us middle atlantic smm food,2022-01-17,97.07,83.79682280972126 +0.23169508525576707,0.806,0.24746963562753038,0.5956805625313913,0.04525298320842925,0.2902255639097743,0.22351160443995963,295.93,rem us east north central smm food,2022-01-17,295.93,269.61636513900083 +0.4694082246740218,0.004,0.6148785425101218,0.5424409844299347,0.009241995927070057,0.6245614035087718,0.4556004036326943,77.43,raleigh/durham/fayetteville smm food,2022-01-17,77.43,79.01548367607474 +0.24272818455366094,0.15900000000000003,0.6776315789473686,0.6017076845806129,0.004382936000900355,0.938345864661654,0.3304742684157417,37.84,providence ri/new bedford ma smm food,2022-01-17,37.84,39.69723628862058 +0.36910732196589763,0.546,0.7363360323886644,0.6710195881466601,0.005932554760337496,0.5639097744360901,0.49747729566094856,31.989999999999995,portland or smm food,2022-01-17,31.989999999999995,43.447323545152365 +0.7362086258776326,0.129,0.08906882591093132,0.15067805123053743,0.003043837461080312,0.5428571428571427,0.7108980827447023,7.64,paducah ky/cape girardeau mo smm food,2022-01-17,7.64,5.733123634495314 +0.4468405215646941,0.635,0.9519230769230773,0.2546459065796083,0.008280250923766682,0.8115288220551375,0.6907164480322906,100.08,phoenix/prescott smm food,2022-01-17,100.08,74.92421245255947 +0.7006018054162487,0.7839999999999999,0.6998987854251016,0.7227523857358112,0.007526810137768642,0.5187969924812029,0.20433905146316853,83.71,orlando/daytona beach/melborne smm food,2022-01-17,83.71,89.98838596260362 +0.30892678034102294,0.877,0.37955465587044573,0.5359116022099448,0.001989653504200703,0.47719298245613995,0.42936427850655906,16.84,omaha smm food,2022-01-17,16.84,13.24857973079746 +0.21664994984954863,0.008,0.7500000000000004,0.6624811652435962,0.0038067753998430294,0.5137844611528819,0.48486377396569125,4.24,oklahoma city smm food,2022-01-17,4.24,4.23138191401064 +0.5651955867602808,0.18899999999999997,0.8674089068825915,0.5981918633852336,0.017579229767424823,0.6145363408521302,0.17406659939455096,155.01,rem us mountain smm food,2022-01-17,155.01,130.72910655594694 +0.27683049147442323,0.074,0.7014170040485832,0.6710195881466601,0.004306009063506438,0.7303258145363408,0.5524722502522704,63.97,pittsburgh smm food,2022-01-17,63.97,58.16585545440332 +0.5667001003009027,0.466,0.7171052631578951,0.7764942240080362,0.008034274667161436,0.7343358395989973,0.6589303733602422,119.25,rem us new england smm food,2022-01-17,119.25,107.10102812654281 +0.6148445336008023,0.8490000000000001,0.5258097165991906,0.5037669512807634,0.005332967849127293,0.42205513784461135,0.4636730575176589,44.25,salt lake city smm food,2022-01-17,44.25,34.679711681713925 +0.6930792377131391,0.48700000000000004,0.4387651821862349,0.8925163234555501,0.04996040526212288,0.34436090225563915,0.70686175580222,286.6,rem us south atlantic smm food,2022-01-17,286.6,249.67580110613298 +0.5972918756268806,0.613,0.7464574898785429,0.5233550979407333,0.07274249188579889,0.17794486215538846,0.27800201816347125,476.8,rem us south central smm food,2022-01-17,476.8,361.2489595393355 +0.454864593781344,0.8500000000000001,0.5824898785425104,0.7297840281265696,0.021667754032620067,0.8145363408521301,0.8874873864783047,92.72,rem us west north central smm food,2022-01-17,92.72,87.58775363201954 +0.4197592778335006,0.184,0.17864372469635637,0.7127071823204421,0.004559583042323424,0.8125313283208015,0.8900100908173562,47.25,richmond/petersburg smm food,2022-01-17,47.25,44.50681527754569 +0.5757271815446339,0.877,0.39524291497975766,0.35409342039176295,0.005280733508921548,0.43508771929824536,0.3092835519677094,31.17,sacramento/stockton/modesto smm food,2022-01-17,31.17,25.709821640718268 +0.7637913741223669,0.8220000000000001,0.6826923076923082,0.6172777498744351,0.03424135114954027,0.06817042606516299,0.4576185671039354,267.23,new york smm food,2022-01-17,267.23,255.16504545833396 +0.3264794383149448,0.4730000000000001,0.5480769230769234,0.07584128578603717,0.004132527739671594,0.21854636591478702,0.5353178607467205,35.29,san diego smm food,2022-01-17,35.29,24.286416945800745 +0.4473420260782346,0.264,0.4660931174089072,0.9151180311401307,0.006478324472547841,0.33283208020050115,0.698284561049445,50.07,san francisco/oakland/san jose smm food,2022-01-17,50.07,45.953443963539414 +0.4699097291875625,0.742,0.33755060728744984,0.1642390758412858,0.009702924407915918,0.5659147869674184,0.4651866801210898,24.9,seattle/tacoma smm food,2022-01-17,24.9,46.47202008550005 +0.6750250752256768,0.792,0.801113360323887,0.8945253641386239,0.0059433182001374695,0.869674185463659,0.7598385469223007,44.28,st. louis smm food,2022-01-17,44.28,46.84411669031692 +0.4247743229689066,0.5700000000000001,0.5430161943319841,0.7212456052235059,0.0089846230871472,0.33233082706766903,0.4122098890010091,126.93,tampa/ft. myers smm food,2022-01-17,126.93,129.94288793859147 +0.46238716148445325,0.11299999999999999,0.5161943319838059,0.40934203917629336,0.001972558629224277,0.768922305764411,0.47679112008072655,21.25,tucson/sierra vista smm food,2022-01-17,21.25,15.301428423885035 +0.24824473420260781,0.945,0.6422064777327936,0.6855851330989453,0.012900615743784065,0.30275689223057634,0.25025227043390513,119.0,washington dc/hagerstown smm food,2022-01-17,119.0,130.85050776199563 +0.35305917753259775,0.215,0.39321862348178155,0.41788046207935714,0.001425839201737465,0.9348370927318297,0.5842583249243188,3.07,yakima/pasco/richland/kennewick smm food,2022-01-17,3.07,4.882789715329665 +0.22316950852557663,0.255,0.3476720647773281,0.38473129080863894,0.014840567481849603,0.7689223057644109,0.8002018163471242,58.47,rem us pacific smm food,2022-01-17,58.47,64.36438095693526 +0.49297893681043126,0.27999999999999997,0.781376518218624,0.6228026117528881,0.004714386632387728,0.7152882205513783,0.5560040363269425,17.14,new orleans smm food,2022-01-17,17.14,14.048324586499227 +0.879638916750251,0.476,0.2292510121457493,0.7669512807634356,0.01740416558479587,0.56390977443609,0.6387487386478304,138.86,philadelphia smm food,2022-01-17,138.86,158.20665724768682 +0.3931795386158474,0.799,0.327429149797571,0.5067805123053742,0.009460747012416547,0.5097744360902254,0.36730575176589303,72.69,nashville smm food,2022-01-17,72.69,50.43765168813304 +0.3605817452357071,0.438,0.6831983805668019,0.1486690105474636,0.004071112818459989,0.5012531328320803,0.718970736629667,22.59,mobile/pensacola smm food,2022-01-17,22.59,19.603687795449503 +0.6198595787362084,0.669,0.43370445344129577,0.4942240080361628,0.0037937959577313,0.1764411027568922,0.8203834510595358,36.25,albany/schenectady/troy smm food,2022-01-17,36.25,36.886775791168745 +0.23771313941825475,0.29100000000000004,0.07388663967611349,0.48166750376695133,0.00401381333011308,0.36140350877192967,0.9031281533804238,28.540000000000003,albuquerque/santa fe smm food,2022-01-17,28.540000000000003,23.36506410451038 +0.4924774322968906,0.774,0.9286437246963567,0.6996484178804622,0.014317274364515674,0.11528822055137833,0.33804238143289606,168.35,atlanta smm food,2022-01-17,168.35,129.52887084130975 +0.5025075225677033,0.9580000000000001,0.09008097165991906,0.7749874434957309,0.007679714297280007,0.6461152882205514,0.6765893037336024,58.22,baltimore smm food,2022-01-17,58.22,64.91694230615965 +0.4132397191574721,0.056999999999999995,0.7540485829959519,0.7965846308387745,0.0022967281102587275,0.8155388471177943,0.5701311806256307,4.04,baton rouge smm food,2022-01-17,4.04,5.422609119290456 +0.5346038114343026,0.255,0.6680161943319842,0.40231039678553493,0.005958197072802136,0.6110275689223057,0.6130171543895055,16.04,birmingham/anniston/tuscaloosa smm food,2022-01-17,16.04,13.994361042293171 +0.31143430290872615,0.472,0.8471659919028346,0.6825715720743346,0.013198509768836226,0.5899749373433583,0.35166498486377396,156.43,boston/manchester smm food,2022-01-17,156.43,143.02841468448037 +0.7121364092276832,0.6200000000000001,0.13006072874493935,0.6765444500251131,0.003218901643709267,0.4932330827067668,0.6604439959636731,23.34,buffalo smm food,2022-01-17,23.34,21.42835042237941 +0.8640922768304912,0.45,0.19382591093117418,0.754394776494224,0.016780519219915142,0.5669172932330826,0.42684157416750756,140.46,chicago smm food,2022-01-17,140.46,135.5227330884377 +0.9744232698094282,0.04500000000000001,0.48785425101214613,0.4339527875439478,0.007808242431362028,0.6977443609022554,0.46165489404641774,89.38,cleveland/akron/canton smm food,2022-01-17,89.38,85.84600111448871 +0.42076228686058165,0.641,0.7201417004048587,0.8704168759417379,0.007556567883097977,0.4080200501253132,0.3900100908173562,72.45,columbus oh smm food,2022-01-17,72.45,60.40507861648001 +0.4202607823470414,0.40700000000000003,0.530364372469636,0.6810647915620291,0.01537304118018939,0.7588972431077692,0.07366296670030273,83.51,dallas/ft. worth smm food,2022-01-17,83.51,64.89219098831843 +0.294383149448345,0.30800000000000005,0.3107287449392714,0.9080863887493723,0.002631977602851972,0.2822055137844612,0.4455095862764884,17.15,des moines/ames smm food,2022-01-17,17.15,19.25122251322469 +0.6083249749247742,0.663,0.466599190283401,0.3485685585133099,0.01303547531304254,0.40651629072681694,0.8158425832492432,121.10000000000001,detroit smm food,2022-01-17,121.10000000000001,116.67887901476433 +0.2547642928786358,0.9890000000000001,0.5941295546558708,0.6745354093420393,0.010022345312568027,0.5573934837092733,0.40161453077699294,76.11,charlotte smm food,2022-01-17,76.11,83.03613674508985 +0.8665997993981945,0.6950000000000001,0.6584008097165998,0.4640883977900553,0.005720135110167463,0.3999999999999998,0.29616548940464177,38.73,greensboro smm food,2022-01-17,38.73,37.50717590294109 +0.35005015045135407,0.588,0.906882591093118,0.2898041185334003,0.0056235807237265375,0.44160401002506244,0.5484359233097881,67.31,grand rapids smm food,2022-01-17,67.31,65.27344754929258 +0.8335005015045133,0.165,0.23178137651821856,0.5268709191361125,0.006023410855119614,0.6401002506265663,0.38244197780020184,26.08,milwaukee smm food,2022-01-17,26.08,24.49873889517837 +0.47241725175526594,0.43,0.28390688259109315,0.2204922149673531,0.0067224012986001475,0.4932330827067668,0.7366296670030272,132.05,miami/west palm beach smm food,2022-01-17,132.05,138.44825387127872 +0.3284854563691071,0.639,0.3861336032388666,0.6343545956805626,0.0023087578370939894,0.4992481203007517,0.4929364278506559,7.949999999999999,madison wi smm food,2022-01-17,7.949999999999999,6.953714726257331 +0.2236710130391174,0.19500000000000003,0.6179149797570854,0.18432948267202412,0.022124883652360056,0.30927318295739326,0.4364278506559031,157.96,los angeles smm food,2022-01-17,157.96,115.65580685452206 +0.6915747241725174,0.764,0.523279352226721,0.6032144650929182,0.004996135497739935,0.3493734335839599,0.5171543895055499,13.73,little rock/pine bluff smm food,2022-01-17,13.73,12.193347492560072 +0.5511534603811434,0.39199999999999996,0.16700404858299603,0.4183827222501256,0.00349526878916149,0.3804511278195488,0.43592330978809285,39.56,las vegas smm food,2022-01-17,39.56,27.593994592610322 +0.19157472417251756,0.7559999999999999,0.4149797570850206,0.7619286790557509,0.005839482663243623,0.5453634085213033,0.5691220988900101,48.0,minneapolis/st. paul smm food,2022-01-17,48.0,45.17566819610696 +0.5792377131394182,0.25,0.39929149797570873,0.35560020090406835,0.004161968913242106,0.2591478696741854,0.2119071644803229,39.98,kansas city smm food,2022-01-17,39.98,30.494531835226347 +0.2708124373119357,0.22999999999999998,0.4721659919028341,0.4244098442993471,0.004296511910741757,0.40952380952380946,0.36680121089808276,40.1,jacksonville smm food,2022-01-17,40.1,35.6922863666906 +0.5762286860581743,0.383,0.5030364372469637,0.4962330487192366,0.00954875396136926,0.3619047619047616,0.9197780020181635,38.11,indianapolis smm food,2022-01-17,38.11,45.36037928706854 +0.8184553660982948,0.9490000000000001,0.6138663967611339,0.3862380713209443,0.014188113086916006,0.7734335839598997,0.4919273461150353,152.75,houston smm food,2022-01-17,152.75,126.3768144118111 +0.6900702106318957,0.6930000000000001,0.6928137651821866,0.6825715720743346,0.0069462175320878,0.5964912280701753,0.8668012108980827,70.84,hartford/new haven smm food,2022-01-17,70.84,77.14650463664081 +0.5391173520561684,0.555,0.38157894736842146,0.2591662481165244,0.006803760240617583,0.19097744360902252,0.37235116044399597,48.83,harrisburg/lancaster smm food,2022-01-17,48.83,39.18472235861921 +0.7803410230692076,0.431,0.15991902834008123,0.15318935208437973,0.0044316880517590515,0.2706766917293233,0.3289606458123108,31.4,knoxville smm food,2022-01-17,31.4,21.04476164298203 +0.2843530591775324,0.766,0.25455465587044535,0.5886489201406329,0.01596598008446431,0.32230576441102743,0.42230070635721495,289.27,rem us east north central smm food,2022-01-24,289.27,266.7791947648557 +0.3480441323971914,0.7889999999999999,0.2793522267206479,0.33550979407333004,0.002331867575488046,0.5112781954887217,0.7759838546922301,119.15,raleigh/durham/fayetteville smm food,2022-01-24,119.15,78.32032732540593 +0.2141424272818455,0.27999999999999997,0.6346153846153848,0.48367654445002517,0.0011136994475382774,0.7112781954887217,0.23562058526740667,40.89,providence ri/new bedford ma smm food,2022-01-24,40.89,37.29101479381759 +0.4859578736208625,0.6030000000000001,0.7722672064777333,0.57659467604219,0.0017446269628719271,0.6812030075187968,0.4843592330978809,34.3,portland or smm food,2022-01-24,34.3,42.847441542137965 +0.3861584754262788,0.309,0.7130566801619435,0.7001506780512307,0.0019849049278183625,0.6571428571428571,0.5908173562058526,57.22,pittsburgh smm food,2022-01-24,57.22,58.29957452406955 +0.19157472417251764,0.06999999999999999,0.8243927125506076,0.31592164741336015,0.0030811929286213915,0.7268170426065161,0.6503531786074672,95.19,phoenix/prescott smm food,2022-01-24,95.19,73.2827990122994 +0.5677031093279838,0.9220000000000002,0.21811740890688286,0.8031140130587645,0.0009361026908387396,0.5258145363408517,0.1846619576185671,17.11,omaha smm food,2022-01-24,17.11,13.716314127745505 +0.7271815446339015,0.81,0.4939271255060732,0.521848317428428,0.0009645941491327835,0.8912280701754383,0.28002018163471243,8.6,paducah ky/cape girardeau mo smm food,2022-01-24,8.6,6.6940494892578215 +0.5962888665997994,0.122,0.7798582995951422,0.7975891511803115,0.003552884849267222,0.7453634085213031,0.26185671039354186,73.22,orlando/daytona beach/melborne smm food,2022-01-24,73.22,90.46093180924848 +0.21364092276830493,0.7140000000000001,0.5045546558704456,0.7237569060773481,0.0016626348773368465,0.4656641604010023,0.5454086781029264,4.73,oklahoma city smm food,2022-01-24,4.73,4.65419127866366 +0.6825476429287859,0.42900000000000005,0.14321862348178135,0.5082872928176796,0.0018190213261952645,0.03157894736842136,0.7315842583249244,81.24,norfolk/portsmouth/newport news smm food,2022-01-24,81.24,56.12583581843779 +0.884152457372116,0.502,0.5804655870445349,0.3666499246609744,0.012451716989773468,0.3759398496240602,0.5877901109989909,229.38,new york smm food,2022-01-24,229.38,252.36093720739336 +0.4829488465396187,0.382,0.43775303643724706,0.21496735308890008,0.006255774526095482,0.4491228070175438,0.5701311806256307,86.68,rem us middle atlantic smm food,2022-01-24,86.68,82.85496340558214 +0.5406218655967906,0.775,0.23380566801619465,0.9532898041185335,0.0061313618248781555,0.6275689223057642,0.6902119071644803,116.51,philadelphia smm food,2022-01-24,116.51,157.75841353520093 +0.7046138415245736,0.9369999999999999,0.7560728744939275,0.8242089402310397,0.0056286458718677,0.13283208020050122,0.5090817356205852,119.50999999999999,rem us mountain smm food,2022-01-24,119.50999999999999,131.30159112681287 +0.3515546639919759,0.036,0.376518218623482,0.3430436966348569,0.0011330103248264622,0.4947368421052631,0.2462159434914228,12.71,new orleans smm food,2022-01-24,12.71,8.869661251527965 +0.18555667001002998,0.11399999999999999,0.3922064777327937,0.34605725765946765,0.0062143036256897075,0.506766917293233,0.8072653884964682,59.239999999999995,rem us pacific smm food,2022-01-24,59.239999999999995,62.05762513947604 +0.7442326980942826,0.24900000000000003,0.14777327935222662,0.8362631843294828,0.016565566995674515,0.3127819548872181,0.4510595358224016,349.83,rem us south atlantic smm food,2022-01-24,349.83,242.87189082855602 +0.5411233701103308,0.48600000000000004,0.33248987854251033,0.40934203917629336,0.024655558292388767,0.39699248120300745,0.12512613521695257,436.56,rem us south central smm food,2022-01-24,436.56,353.21650218640264 +0.212136409227683,0.5700000000000001,0.7500000000000004,0.4701155198392768,0.008815890339694698,0.9027568922305762,0.979313824419778,89.07,rem us west north central smm food,2022-01-24,89.07,84.66579413952107 +0.6454363089267804,0.353,0.4504048582995954,0.45404319437468615,0.0016097673936134556,0.5503759398496239,0.5100908173562058,56.36,richmond/petersburg smm food,2022-01-24,56.36,40.21786504218384 +0.24724172517552653,0.8660000000000001,0.6614372469635634,0.5439477649422402,0.0022410114807059314,0.5122807017543857,0.6019172552976791,27.53,sacramento/stockton/modesto smm food,2022-01-24,27.53,27.913300158015453 +0.5175526579739216,0.194,0.24139676113360334,0.3345052737317931,0.0016227468357251876,0.2466165413533834,0.3834510595358224,30.720000000000002,salt lake city smm food,2022-01-24,30.720000000000002,31.54216997553054 +0.5230692076228686,0.895,0.08704453441295552,0.4640883977900553,0.001233996715890904,0.22807017543859656,0.3834510595358224,26.35,san diego smm food,2022-01-24,26.35,25.492472231530847 +0.6143430290872617,0.286,0.8841093117408912,0.6981416373681568,0.002098237617476891,0.45664160401002496,0.5983854692230071,45.36,san francisco/oakland/san jose smm food,2022-01-24,45.36,44.44256182046587 +0.4899699097291874,0.7240000000000001,0.4251012145748993,0.4470115519839277,0.002417975093887823,0.8180451127819548,0.4783047426841574,24.83,seattle/tacoma smm food,2022-01-24,24.83,48.000651564776774 +0.593781344032096,0.05500000000000001,0.7565789473684215,0.8347564038171774,0.0025711958251580127,0.6275689223057642,0.920787083753784,45.35,st. louis smm food,2022-01-24,45.35,45.70705000301491 +0.28986960882647944,0.9199999999999999,0.6771255060728748,0.4801607232546459,0.003210037634462232,0.3122807017543858,0.4692230070635722,114.94999999999999,tampa/ft. myers smm food,2022-01-24,114.94999999999999,128.03713818053467 +0.2908726178535606,0.774,0.487854251012146,0.47664490205926674,0.0011241463155794267,0.31328320802005016,0.47628657921291623,21.84,tucson/sierra vista smm food,2022-01-24,21.84,14.15657052628044 +0.5220661985957873,0.596,0.8532388663967614,0.8066298342541437,0.004202490098371413,0.41403508771929814,0.5766902119071645,124.59,washington dc/hagerstown smm food,2022-01-24,124.59,132.9788004599033 +0.5611835506519559,0.7040000000000002,0.703947368421053,0.8392767453540935,0.002722517125875264,0.8090225563909773,0.21543895055499496,100.97,rem us new england smm food,2022-01-24,100.97,104.467331693739 +0.2602808425275827,0.207,0.1852226720647774,0.29784028126569567,0.0005036656682869244,0.8626566416040101,0.7462159434914228,3.5299999999999994,yakima/pasco/richland/kennewick smm food,2022-01-24,3.5299999999999994,4.495654529305071 +0.18555667001002996,0.163,0.4271255060728748,0.7252636865896535,0.0029605790885099403,0.4917293233082706,0.5252270433905146,57.92999999999999,nashville smm food,2022-01-24,57.92999999999999,51.05347841550782 +0.08525576730190572,0.46399999999999997,0.531376518218624,0.8372677046710196,0.0016075513913016985,0.7664160401002507,0.5005045408678103,48.55,minneapolis/st. paul smm food,2022-01-24,48.55,45.05686928183575 +0.6554663991975925,0.523,0.453441295546559,0.5534907081868409,0.0012178515561909473,0.4150375939849623,0.5842583249243188,33.2,albany/schenectady/troy smm food,2022-01-24,33.2,36.23785608555947 +0.4924774322968906,0.75,0.2940283400809719,0.6027122049221497,0.001462244954002075,0.41253132832080186,0.7426841574167508,24.83,albuquerque/santa fe smm food,2022-01-24,24.83,23.698613525855748 +0.35406218655967897,0.053000000000000005,0.5323886639676115,0.5077850326469112,0.004548819602523456,0.23358395989974925,0.2613521695257316,149.04,atlanta smm food,2022-01-24,149.04,126.17188323423173 +0.40170511534603826,0.625,0.45850202429149817,0.3586137619286791,0.0021909931428119415,0.5824561403508772,0.40615539858728555,63.97,baltimore smm food,2022-01-24,63.97,59.899366463227196 +0.46038114343029063,0.564,0.697368421052632,0.5775991963837268,0.0007724350915274011,0.6621553884711778,0.5782038345105953,2.37,baton rouge smm food,2022-01-24,2.37,3.8048660943372 +0.4222668004012034,0.8119999999999999,0.6082995951417008,0.22601707684580616,0.0019320374440949706,0.5979949874686716,0.6543895055499496,16.56,birmingham/anniston/tuscaloosa smm food,2022-01-24,16.56,12.651891728766024 +0.6845536609829487,0.9710000000000001,0.9119433198380571,0.7363134103465596,0.004563698475188116,0.769924812030075,0.18062563067608475,144.47,boston/manchester smm food,2022-01-24,144.47,142.57896029439908 +0.6840521564694083,0.101,0.230263157894737,0.4907081868407836,0.0013647408522846822,0.6781954887218044,0.7371342078708375,21.77,buffalo smm food,2022-01-24,21.77,20.894671177880653 +0.42978936810431284,0.742,0.48886639676113397,0.7157207433450528,0.0030343403083156304,0.7263157894736842,0.5958627648839556,133.29,charlotte smm food,2022-01-24,133.29,84.05015749325047 +0.8314944834503509,0.862,0.26872469635627544,0.46308387744851837,0.006026260000949019,0.29122807017543856,0.4011099899091827,153.39,chicago smm food,2022-01-24,153.39,131.52089479578262 +0.9709127382146437,0.31400000000000006,0.2920040485829962,0.7614264188849825,0.003453164745238071,0.9017543859649122,0.322401614530777,84.96,cleveland/akron/canton smm food,2022-01-24,84.96,86.93174982511543 +0.5095285857572717,0.6940000000000001,0.7970647773279357,0.7066800602712205,0.0028481961141278798,0.3954887218045112,0.6876892028254289,70.09,columbus oh smm food,2022-01-24,70.09,60.71040696326925 +0.4523570712136412,0.11000000000000001,0.44939271255060764,0.32596685082872934,0.004900847398334301,0.7739348370927316,0.19727547931382441,79.82,dallas/ft. worth smm food,2022-01-24,79.82,62.01503089574703 +0.06369107321965897,0.66,0.34159919028340097,0.5565042692114516,0.0008392317326389922,0.21203007518796996,0.6715438950554995,17.56,des moines/ames smm food,2022-01-24,17.56,17.875794329994633 +0.8124373119358073,0.272,0.5480769230769234,0.6207935710698143,0.004651388852382013,0.5213032581453634,0.8365287588294652,128.66,detroit smm food,2022-01-24,128.66,117.74159044242772 +0.29989969909729175,0.06999999999999999,0.5693319838056683,0.43445504771471627,0.0012431772968967633,0.6882205513784462,0.6791120080726539,16.72,mobile/pensacola smm food,2022-01-24,16.72,20.848920342038497 +0.47041123370110327,0.34800000000000003,0.6396761133603245,0.45303867403314924,0.0019773072056066183,0.2596491228070174,0.5711402623612513,65.26,greensboro smm food,2022-01-24,65.26,37.24385999286192 +0.5175526579739217,0.9720000000000001,0.6108299595141704,0.3510798593671522,0.002062781580488748,0.7468671679197991,0.649848637739657,66.84,grand rapids smm food,2022-01-24,66.84,66.93197983140594 +0.41624874623871605,0.734,0.4271255060728746,0.6454043194374687,0.002168199976176709,0.6205513784461151,0.5050454086781029,26.43,milwaukee smm food,2022-01-24,26.43,24.97164333972423 +0.49297893681043153,0.601,0.07287449392712546,0.377197388247112,0.0016382588519075,0.8070175438596491,0.5645812310797175,126.08,miami/west palm beach smm food,2022-01-24,126.08,138.58908774876667 +0.6243731193580739,0.801,0.11386639676113366,0.8327473631341036,0.0006106669227689983,0.46265664160400993,0.10090817356205853,7.059999999999999,madison wi smm food,2022-01-24,7.059999999999999,5.867780450223506 +0.44583751253761283,0.31400000000000006,0.4013157894736845,0.5806127574083376,0.0016585194444721535,0.424561403508772,0.6886982845610494,7.01,little rock/pine bluff smm food,2022-01-24,7.01,12.128986864593834 +0.43079237713139423,0.225,0.3613360323886642,0.6353591160220995,0.001011446769438543,0.5017543859649122,0.3168516649848638,35.82,las vegas smm food,2022-01-24,35.82,28.012877419538846 +0.09027081243731203,0.46799999999999997,0.31376518218623506,0.6022099447513812,0.007600254785815512,0.6987468671679194,0.772452068617558,122.3,los angeles smm food,2022-01-24,122.3,118.87531924214335 +0.3776328986960882,0.082,0.5273279352226723,0.6157709693621296,0.0013327671046435895,0.3142857142857142,0.4106962663975782,42.31,kansas city smm food,2022-01-24,42.31,32.572755201772985 +0.5792377131394182,0.8160000000000001,0.43421052631578955,0.5248618784530388,0.0013571431300729378,0.5112781954887217,0.43440968718466194,32.59,jacksonville smm food,2022-01-24,32.59,37.32228849934483 +0.6063189568706115,0.6240000000000001,0.4716599190283401,0.4555499748869915,0.0030197780074097866,0.5022556390977441,0.7840565085771948,37.27,indianapolis smm food,2022-01-24,37.27,43.999205298048466 +0.880641925777332,0.15600000000000003,0.6088056680161947,0.4796584630838775,0.004013813330113081,0.6877192982456141,0.450050454086781,150.16,houston smm food,2022-01-24,150.16,124.70556170306989 +0.41223671013039126,0.7120000000000001,0.49392712550607315,0.6976393771973883,0.002371122473582063,0.48120300751879697,0.46770938446014126,70.66,hartford/new haven smm food,2022-01-24,70.66,73.34418969331098 +0.37612838515546637,0.146,0.6766194331983811,0.4399799095931693,0.0022685532237235063,0.3578947368421052,0.4177598385469223,37.42,harrisburg/lancaster smm food,2022-01-24,37.42,40.08053954977889 +0.5446339017051153,0.6950000000000001,0.1705465587044537,0.28478151682571573,0.0016271788403487055,0.6115288220551378,0.35923309788092833,26.69,knoxville smm food,2022-01-24,26.69,22.36982686077919 +0.48746238716148454,0.225,0.39625506072874495,0.5369161225514817,0.005974025660743273,0.19699248120300758,0.7315842583249244,59.41,pittsburgh smm food,2022-01-31,59.41,57.25444679247857 +0.3811434302908724,0.9210000000000002,0.4048582995951418,0.7679558011049724,0.03890350344172225,0.3979949874686715,0.3562058526740666,270.36,rem us east north central smm food,2022-01-31,270.36,271.20970114869675 +0.37261785356068183,0.141,0.11184210526315795,0.41536916122551487,0.004630178544540887,0.48972431077694223,0.6897073662966701,118.01000000000002,raleigh/durham/fayetteville smm food,2022-01-31,118.01000000000002,78.17345047049733 +0.4814443329989969,0.885,0.6923076923076925,0.3380210949271723,0.002525609491887543,0.6641604010025062,0.5393541876892028,49.08,providence ri/new bedford ma smm food,2022-01-31,49.08,39.03028440626817 +0.5712136409227683,0.363,0.5536437246963566,0.29532898041185335,0.0034224572846322655,0.8035087719298245,0.5151362260343088,48.95,portland or smm food,2022-01-31,48.95,41.92805406485005 +0.5135406218655968,0.177,0.4367408906882593,0.18784530386740333,0.006105086368895873,0.45363408521303256,0.4419778002018164,86.66,phoenix/prescott smm food,2022-01-31,86.66,71.27175863711417 +0.5847542627883648,0.9710000000000001,0.5516194331983809,0.36263184329482673,0.019721787431136898,0.6245614035087719,0.5095862764883955,274.02,new york smm food,2022-01-31,274.02,253.37803040506523 +0.8691073219658975,0.434,0.5637651821862353,0.7739829231541939,0.003094805514250768,0.5523809523809522,0.494954591321897,6.18,paducah ky/cape girardeau mo smm food,2022-01-31,6.18,8.738869057204937 +0.7753259779338013,0.484,0.4018218623481784,0.36263184329482673,0.008371107018548797,0.5403508771929824,0.36528758829465185,65.37,orlando/daytona beach/melborne smm food,2022-01-31,65.37,88.84885949317649 +0.4588766298896689,0.131,0.37955465587044573,0.5680562531391261,0.0020114969555594694,0.4701754385964909,0.29011099899091825,15.720000000000002,omaha smm food,2022-01-31,15.720000000000002,12.511913810509157 +0.563691073219659,0.7040000000000002,0.4073886639676116,0.3621295831240583,0.003804559397531271,0.08220551378446095,0.4692230070635722,5.32,oklahoma city smm food,2022-01-31,5.32,1.7762741290570432 +0.840020060180541,0.39300000000000007,0.2925101214574899,0.5921647413360122,0.0026892770911988812,0.31127819548872204,0.7426841574167508,85.07,norfolk/portsmouth/newport news smm food,2022-01-31,85.07,57.99543058665756 +0.3324974924774323,0.05600000000000001,0.6169028340080974,0.3043696634856856,0.01620182604478724,0.38696741854636585,0.5857719475277497,99.38,rem us middle atlantic smm food,2022-01-31,99.38,84.37244754521979 +0.2567703109327986,0.264,0.34008097165991935,0.7704671019588147,0.012301028832573863,0.3849624060150374,0.40766902119071646,162.89,philadelphia smm food,2022-01-31,162.89,154.54733523686636 +0.3365095285857572,0.169,0.5703441295546562,0.9407332998493221,0.011758424837951744,0.02756892230576441,0.529263370332997,149.77,rem us mountain smm food,2022-01-31,149.77,131.54058806697242 +0.37562688064192573,0.213,0.7029352226720655,0.38071320944249126,0.0037808165156195707,0.15538847117794466,0.8208879919273461,25.27,sacramento/stockton/modesto smm food,2022-01-31,25.27,27.296618860076187 +0.18906720160481433,0.9650000000000001,0.23937246963562767,0.485685585133099,0.012461847286055797,0.4651629072681704,0.7386478304742684,65.5,rem us pacific smm food,2022-01-31,65.5,63.516145401274635 +0.4513540621865594,0.542,0.3643724696356275,0.5092918131592166,0.03852330075937618,0.4486215538847118,0.6190716448032291,329.46,rem us south atlantic smm food,2022-01-31,329.46,245.263669602871 +0.759779338014042,0.137,0.0662955465587045,0.5610246107483677,0.06249443090919027,0.6606516290726816,0.42684157416750756,388.84,rem us south central smm food,2022-01-31,388.84,362.0150507077794 +0.1038114343029087,0.618,0.8324898785425107,0.23053741838272226,0.022247713494783262,0.7303258145363406,0.7542885973763875,97.23,rem us west north central smm food,2022-01-31,97.23,83.2388574197854 +0.38766298896690077,0.23199999999999998,0.4377530364372472,0.22350577599196386,0.0023986642165996367,0.16090225563909755,0.18163471241170528,54.26,richmond/petersburg smm food,2022-01-31,54.26,35.40704311599185 +0.438816449348044,0.9050000000000001,0.3461538461538463,0.3345052737317931,0.003131211266515378,0.44411027568922296,0.6074672048435923,38.5,salt lake city smm food,2022-01-31,38.5,33.92534267992717 +0.9077231695085255,0.219,0.02125506072874495,0.9075841285786038,0.0025857581260638556,0.33333333333333337,0.04137235116044399,20.35,san diego smm food,2022-01-31,20.35,26.853684006432054 +0.5692076228686056,0.375,0.5592105263157899,0.3621295831240583,0.0039938693093072505,0.5192982456140349,0.4455095862764884,42.19,san francisco/oakland/san jose smm food,2022-01-31,42.19,41.86174792792063 +0.4994984954864592,0.7050000000000001,0.322368421052632,0.874937217478654,0.0043819862856238866,0.5533834586466164,0.467204843592331,31.07,seattle/tacoma smm food,2022-01-31,31.07,49.787758381457365 +0.31494483450351035,0.376,0.44787449392712564,0.8448016072325465,0.006453315303600848,0.3884711779448621,0.8819374369323916,45.78,st. louis smm food,2022-01-31,45.78,44.84128151576428 +0.40270812437311937,0.42300000000000004,0.7884615384615389,0.2737317930688097,0.008029209519020275,0.7177944862155387,0.31079717457114026,101.2,tampa/ft. myers smm food,2022-01-31,101.2,127.89695012944786 +0.41023069207622864,0.11100000000000002,0.662449392712551,0.8653942742340534,0.0024892037396229316,0.11629072681704267,0.6543895055499496,18.02,tucson/sierra vista smm food,2022-01-31,18.02,16.9950567040729 +0.46238716148445336,0.126,0.5627530364372471,0.760924158714214,0.005689744221320482,0.16741854636591477,0.694752774974773,106.26,washington dc/hagerstown smm food,2022-01-31,106.26,132.35315748721325 +0.24473420260782344,0.44400000000000006,0.5161943319838059,0.6107483676544451,0.0027497422971340182,0.5368421052631578,0.5782038345105953,10.89,new orleans smm food,2022-01-31,10.89,12.779590277616826 +0.4989969909729188,0.798,0.46305668016194357,0.42491210447011557,0.005177531115545344,0.5984962406015035,0.32088799192734613,105.48,rem us new england smm food,2022-01-31,105.48,102.19288464281755 +0.1328986960882648,0.554,0.201923076923077,0.38473129080863894,0.0014343866392256778,0.40902255639097757,0.6281533804238143,3.96,yakima/pasco/richland/kennewick smm food,2022-01-31,3.96,2.994133291742159 +0.04262788365095277,0.37000000000000005,0.4311740890688261,0.7061778001004521,0.0061294623943252205,0.3789473684210526,0.6160443995963674,57.40999999999999,nashville smm food,2022-01-31,57.40999999999999,51.42729762871932 +0.4914744232698094,0.6160000000000001,0.5566801619433203,0.6690105474635862,0.003399030974479388,0.8375939849624059,0.5181634712411706,52.01,minneapolis/st. paul smm food,2022-01-31,52.01,45.43100714000831 +0.37261785356068194,0.504,0.1442307692307693,0.6253139126067303,0.00269149309351064,0.7859649122807018,0.9152371342078709,19.26,mobile/pensacola smm food,2022-01-31,19.26,23.878909129953698 +0.46038114343029063,0.41600000000000004,0.3309716599190285,0.5253641386238072,0.0023673236124761906,0.5187969924812029,0.39404641775983856,42.06,albany/schenectady/troy smm food,2022-01-31,42.06,35.0084558163926 +0.8335005015045133,0.333,0.40384615384615413,0.7292817679558011,0.0034116938448322948,0.6691729323308269,0.5105953582240161,26.27,albuquerque/santa fe smm food,2022-01-31,26.27,24.58960643964268 +0.8445336008024071,0.6910000000000001,0.3739878542510122,0.1079859367152185,0.008687995349130328,0.26867167919799484,0.46064581231079715,145.49,atlanta smm food,2022-01-31,145.49,126.74474448025484 +0.44834503510531604,0.629,0.6128542510121461,0.3385233550979408,0.0035816928793200855,0.41203007518796997,0.24268415741675076,55.22,baltimore smm food,2022-01-31,55.22,58.67896432907746 +0.7903711133400199,0.15700000000000003,0.6887651821862353,0.4605725765946761,0.0016597857315074442,0.556390977443609,0.6796165489404642,3.13,baton rouge smm food,2022-01-31,3.13,3.8763394336847483 +0.616349047141424,0.754,0.7727732793522272,0.3485685585133099,0.004284165612147671,0.6401002506265664,0.4641775983854692,11.9,birmingham/anniston/tuscaloosa smm food,2022-01-31,11.9,13.1095783510359 +0.8766298896690068,0.37000000000000005,0.7029352226720652,0.48367654445002517,0.007192826932210683,0.5669172932330826,0.606962663975782,153.97,boston/manchester smm food,2022-01-31,153.97,143.25911989245753 +0.778335005015045,0.47100000000000003,0.12196356275303658,0.4269211451531894,0.006384302660177497,0.5253132832080202,0.6972754793138244,116.89000000000001,charlotte smm food,2022-01-31,116.89000000000001,83.06538277281265 +0.5682046138415244,0.467,0.5607287449392716,0.33651431441486696,0.01056083387432545,0.24310776942355883,0.44954591321897075,148.38,chicago smm food,2022-01-31,148.38,131.12270420644353 +0.6158475426278835,0.75,0.31325910931174117,0.43797086891009546,0.009257191371493551,0.9283208020050125,0.44853683148335016,85.0,cleveland/akron/canton smm food,2022-01-31,85.0,86.33284244597247 +0.2512537612838514,0.268,0.43876518218623506,0.4505273731793069,0.005489037726226887,0.09624060150375942,0.7194752774974773,70.98,columbus oh smm food,2022-01-31,70.98,58.02756245319861 +0.659478435305918,0.083,0.8036437246963568,0.2923154193872426,0.009739963303698175,0.6626566416040098,0.6165489404641776,70.66,dallas/ft. worth smm food,2022-01-31,70.66,65.13685538947755 +0.24222668004012035,0.793,0.43269230769230793,0.26167754897036666,0.0026813627972283142,0.25162907268170426,0.574167507568113,21.82,des moines/ames smm food,2022-01-31,21.82,16.42008274050221 +0.8620862587763289,0.545,0.6082995951417007,0.9161225514816675,0.008176415386872835,0.7899749373433583,0.7840565085771948,114.43000000000002,detroit smm food,2022-01-31,114.43000000000002,120.70182042378968 +0.6750250752256772,0.526,0.265182186234818,0.4952285283776997,0.00370483929350212,0.6175438596491227,0.43693239152371344,15.89,buffalo smm food,2022-01-31,15.89,19.52551938956917 +0.09277833500501503,0.551,0.38663967611336075,0.6484178804620794,0.003959362987595576,0.5879699248120299,0.48738647830474274,59.96,greensboro smm food,2022-01-31,59.96,38.48280383879371 +0.7156469408224674,0.10900000000000001,0.3319838056680164,0.22702159718734308,0.003451265314685133,0.5037593984962402,0.7295660948536832,59.11999999999999,grand rapids smm food,2022-01-31,59.11999999999999,65.88740928235237 +0.20461384152457388,0.15500000000000003,0.514676113360324,0.6670015067805124,0.003265121120497383,0.4270676691729322,0.28456104944500504,113.06,miami/west palm beach smm food,2022-01-31,113.06,137.2609982257627 +0.7652958876629887,0.264,0.3790485829959516,0.9377197388247113,0.001500550136819623,0.3223057644110275,0.2669021190716448,6.43,madison wi smm food,2022-01-31,6.43,7.269396790628406 +0.08776328986960893,0.363,0.3517206477732796,0.8714213962832749,0.012330470006144376,0.8005012531328317,0.5711402623612513,92.84,los angeles smm food,2022-01-31,92.84,120.2011913587745 +0.34653961885656964,0.133,0.8582995951417008,0.5650426921145154,0.003764671355919612,0.3558897243107769,0.6210898082744702,13.2,little rock/pine bluff smm food,2022-01-31,13.2,11.761327646831695 +0.5075225677031093,0.014000000000000002,0.6796558704453445,0.8242089402310397,0.0019845883560595393,0.2100250626566416,0.32088799192734613,32.32,las vegas smm food,2022-01-31,32.32,28.575593370910006 +0.6023069207622869,0.205,0.537955465587045,0.24158714213962837,0.004023310482877762,0.5097744360902255,0.5665993945509586,27.37,knoxville smm food,2022-01-31,27.37,23.439704972387084 +0.4704112337011032,0.9580000000000001,0.7221659919028341,0.7548970366649925,0.0039628452769426255,0.3924812030075187,0.4106962663975782,26.51,milwaukee smm food,2022-01-31,26.51,24.972064585578472 +0.3575727181544633,0.9410000000000001,0.5313765182186235,0.4746358613761929,0.0032277656529563037,0.30075187969924805,0.5060544904137235,32.67,jacksonville smm food,2022-01-31,32.67,36.80908891008284 +0.2367101303911733,0.24700000000000003,0.7606275303643726,0.2687091913611251,0.006610968039494555,0.7413533834586462,0.44248234106962664,32.95,indianapolis smm food,2022-01-31,32.95,41.58185373487812 +0.7352056168505516,0.829,0.32338056680161953,0.528377699648418,0.00617504872759569,0.3609022556390976,0.12563067608476286,135.11,houston smm food,2022-01-31,135.11,122.29211864570377 +0.2647943831494484,0.581,0.06224696356275307,0.6087393269713712,0.0045668641927763464,0.4010025062656641,0.4868819374369324,91.2,hartford/new haven smm food,2022-01-31,91.2,72.4376321998101 +0.4262788365095285,0.28300000000000003,0.7930161943319844,0.7217478653942743,0.004182862649324405,0.7248120300751879,0.6079717457114027,49.73,harrisburg/lancaster smm food,2022-01-31,49.73,44.41891832766551 +0.32046138415245734,0.8210000000000002,0.787955465587045,0.395781014565545,0.004503549841011805,0.5012531328320801,0.3829465186680121,38.26,kansas city smm food,2022-01-31,38.26,32.58297505678424 +0.2557673019057171,0.41600000000000004,0.4949392712550609,0.1712707182320442,0.021459766387073552,0.14436090225563905,0.670534813319879,74.09,rem us middle atlantic smm food,2022-02-07,74.09,84.05482800391631 +0.41524573721163466,0.205,0.6766194331983808,0.5349070818684079,0.05414168505265317,0.4350877192982454,0.13572149344096873,299.3,rem us east north central smm food,2022-02-07,299.3,270.74861533223327 +0.5080240722166497,0.296,0.4175101214574901,0.6137619286790558,0.0064773747572713725,0.5047619047619046,0.4384460141271443,83.46,raleigh/durham/fayetteville smm food,2022-02-07,83.46,78.6435616563995 +0.6088264794383149,0.7330000000000001,0.5303643724696359,0.49673530889000506,0.0036700164000316227,0.5433583959899748,0.5736629667003027,40.45,providence ri/new bedford ma smm food,2022-02-07,40.45,39.96803664151931 +0.8304914744232699,0.10800000000000001,0.5683198380566805,0.31692616775489707,0.004122714015148089,0.8375939849624059,0.6533804238143289,50.96,portland or smm food,2022-02-07,50.96,43.37981581406958 +0.7477432296890671,0.9710000000000001,0.5536437246963565,0.4354595680562532,0.008933021890459098,0.004010025062656641,0.6730575176589304,63.32000000000001,pittsburgh smm food,2022-02-07,63.32000000000001,57.02822392235854 +0.8059177532597792,0.5740000000000001,0.2378542510121458,0.4786539427423406,0.007439752904092399,0.12832080200501247,0.41523713420787084,92.91,phoenix/prescott smm food,2022-02-07,92.91,72.51204275486295 +0.4944834503510532,0.44800000000000006,0.10931174089068842,0.18533400301356104,0.010343665647773073,0.456641604010025,0.33198789101917253,71.08,orlando/daytona beach/melborne smm food,2022-02-07,71.08,86.9964132618397 +0.815446339017051,0.771,0.5941295546558708,0.7478653942742342,0.004433270910553166,0.5298245614035086,0.6079717457114027,10.22,paducah ky/cape girardeau mo smm food,2022-02-07,10.22,9.447693343288023 +0.6288866599799398,0.669,0.4210526315789478,0.46207935710698145,0.0024262059596172137,0.42656641604009987,0.6019172552976791,18.93,omaha smm food,2022-02-07,18.93,14.192658030008715 +0.5120361083249749,0.8039999999999999,0.3997975708502027,0.6142641888498243,0.005140492219763087,0.32180451127819526,0.565590312815338,4.82,oklahoma city smm food,2022-02-07,4.82,4.663382326018734 +0.5070210631895683,0.984,0.3598178137651823,0.6519337016574587,0.0037099044416432836,0.6671679197994989,0.5151362260343088,55.63,norfolk/portsmouth/newport news smm food,2022-02-07,55.63,58.02400329151125 +0.3996990972918754,0.8710000000000001,0.6320850202429155,0.7227523857358112,0.0232493465396983,0.7929824561403508,0.25933400605449036,227.2,new york smm food,2022-02-07,227.2,254.70195214658588 +0.6695085255767304,0.7860000000000001,0.3891700404858303,0.6614766449020594,0.01592957433219971,0.27719298245614016,0.5176589303733602,139.55,philadelphia smm food,2022-02-07,139.55,155.6968300319148 +0.3445336008024072,0.546,0.47975708502024317,0.6911099949773983,0.01516916896750757,0.1308270676691729,0.18668012108980828,160.96,rem us mountain smm food,2022-02-07,160.96,129.05869061396356 +0.034603811434302904,0.9119999999999999,0.5490890688259112,0.6298342541436465,0.003957463557042639,0.7087719298245613,0.6084762865792129,11.17,new orleans smm food,2022-02-07,11.17,13.652833038969014 +0.6318956870611834,0.04400000000000001,0.2661943319838058,0.4660974384731291,0.014756042822243944,0.719298245614035,0.5242179616548941,60.120000000000005,rem us pacific smm food,2022-02-07,60.120000000000005,63.599396069683884 +0.5717151454363086,0.142,0.6568825910931176,0.2852837769964842,0.05300487586672084,0.6155388471177944,0.9263370332996973,266.04,rem us south atlantic smm food,2022-02-07,266.04,248.51017559102388 +0.46088264794383144,0.005000000000000001,0.24089068825910942,0.7754897036664993,0.0815127958922231,0.5182957393483708,0.541372351160444,413.06,rem us south central smm food,2022-02-07,413.06,365.6895853438642 +0.2728184553660982,0.15900000000000003,0.7773279352226725,0.4751381215469614,0.029951487245733797,0.5182957393483707,0.6796165489404642,97.31,rem us west north central smm food,2022-02-07,97.31,84.67000896707663 +0.29839518555667005,0.248,0.5698380566801622,0.18734304369663488,0.0030973380883213475,0.47117794486215503,0.4767911200807265,42.01,richmond/petersburg smm food,2022-02-07,42.01,37.90820338696238 +0.3645937813440321,0.209,0.34514170040485886,0.2852837769964842,0.005207605432633504,0.5087719298245611,0.6821392532795156,23.29,sacramento/stockton/modesto smm food,2022-02-07,23.29,27.00275537784038 +0.5877632898696087,0.9210000000000002,0.5516194331983809,0.32646911099949777,0.0034860882081556312,0.5233082706766917,0.594853683148335,46.2,salt lake city smm food,2022-02-07,46.2,34.482211031243594 +0.6253761283851553,0.488,0.09463562753036443,0.6022099447513812,0.002999833986603954,0.2416040100250627,0.36881937436932394,22.71,san diego smm food,2022-02-07,22.71,26.47569343185058 +0.41574724172517546,0.281,0.24595141700404877,0.14465092918131595,0.0043430479592886945,0.34987468671679195,0.38799192734611504,36.95,san francisco/oakland/san jose smm food,2022-02-07,36.95,39.31792700532691 +0.6735205616850549,0.8580000000000001,0.26619433198380604,0.683073832245103,0.005684995644938142,0.6305764411027567,0.16599394550958627,40.63,seattle/tacoma smm food,2022-02-07,40.63,47.69291779163541 +0.5596790371113338,0.327,0.243421052631579,0.8166750376695129,0.007887701942826526,0.5213032581453633,0.6836528758829465,49.21,st. louis smm food,2022-02-07,49.21,44.40493729736612 +0.28134403209628883,0.8900000000000001,0.40637651821862386,0.3731793068809644,0.011560567488687555,0.44411027568922296,0.3829465186680121,102.74,tampa/ft. myers smm food,2022-02-07,102.74,128.3149223128352 +0.2778335005015045,0.7230000000000001,0.6477732793522271,0.9025615268709192,0.002839015533122021,0.2862155388471178,0.5443995963673057,20.47,tucson/sierra vista smm food,2022-02-07,20.47,17.19930343098232 +0.14543630892678033,0.275,0.46204453441295557,0.7684580612757409,0.007406196297657191,0.17593984962406012,0.7956609485368314,100.58,washington dc/hagerstown smm food,2022-02-07,100.58,132.72828676000722 +0.269307923771314,0.15800000000000003,0.2661943319838058,0.4967353088900051,0.006515363368330096,0.3393483709273181,0.5751765893037336,98.86,rem us new england smm food,2022-02-07,98.86,102.66473627852619 +0.4999999999999999,0.9750000000000001,0.35576923076923095,0.6283274736313411,0.007943735144138145,0.056641604010025055,0.6125126135216953,55.53,nashville smm food,2022-02-07,55.53,51.214721190503546 +0.35606820461384153,0.10400000000000001,0.2535425101214576,0.34957307885484684,0.00153062445390778,0.3293233082706768,0.437941473259334,3.7400000000000007,yakima/pasco/richland/kennewick smm food,2022-02-07,3.7400000000000007,1.6527554112513343 +0.8560682046138415,0.30000000000000004,0.3294534412955469,0.6690105474635862,0.005117699053127855,0.7132832080200502,0.7497477295660948,49.27,minneapolis/st. paul smm food,2022-02-07,49.27,46.95274928503748 +0.3801404212637913,0.42900000000000005,0.3861336032388666,0.7870416875941738,0.0032258662224033674,0.43107769423558895,0.6750756811301716,34.75,albany/schenectady/troy smm food,2022-02-07,34.75,37.890091998480685 +0.4999999999999999,0.22999999999999998,0.4964574898785429,0.6579608237066801,0.004335766808835771,0.3784461152882204,0.30524722502522705,28.01,albuquerque/santa fe smm food,2022-02-07,28.01,21.674620947407817 +0.8179538615847541,0.6000000000000001,0.37196356275303655,0.5781014565544953,0.011390885025958584,0.47117794486215525,0.45862764883955603,147.66,atlanta smm food,2022-02-07,147.66,130.34410470601128 +0.3179538615847544,0.829,0.3689271255060731,0.3882471120040181,0.004504182984529448,0.587468671679198,0.16801210898082744,50.2,baltimore smm food,2022-02-07,50.2,58.930423255638814 +0.6639919759277833,0.9300000000000002,0.5845141700404862,0.7418382722250126,0.0019149425691185448,0.5368421052631578,0.8385469223007064,3.19,baton rouge smm food,2022-02-07,3.19,6.466238313732433 +0.527582748244734,0.11399999999999999,0.8567813765182191,0.1461577096936213,0.006036073725472522,0.7152882205513784,0.6453077699293643,13.56,birmingham/anniston/tuscaloosa smm food,2022-02-07,13.56,13.086861823969436 +0.771815446339017,0.525,0.515688259109312,0.7393269713711703,0.0082736029168314,0.31077694235588965,0.5797174571140262,132.19,boston/manchester smm food,2022-02-07,132.19,143.7069150223785 +0.2858575727181546,0.8490000000000001,0.1275303643724697,0.4183827222501256,0.004946117159845947,0.4010025062656641,0.4924318869828456,8.54,buffalo smm food,2022-02-07,8.54,18.32850610762776 +0.6564694082246738,0.26,0.4483805668016198,0.3872425916624812,0.007853512192873674,0.46416040100250633,0.768920282542886,79.48,charlotte smm food,2022-02-07,79.48,83.16912359179561 +0.6323971915747241,0.9289999999999999,0.460526315789474,0.4796584630838775,0.0146271981164031,0.12080200501253129,0.13521695257315844,152.26,chicago smm food,2022-02-07,152.26,130.57414613453702 +0.39669007021063185,0.10500000000000001,0.4412955465587048,0.2928176795580111,0.011766339131922314,0.8300751879699247,0.30625630676084764,97.54,cleveland/akron/canton smm food,2022-02-07,97.54,84.14095468366449 +0.44032096288866585,0.835,0.22115384615384628,0.528377699648418,0.007461279783692341,0.05463659147869677,0.6402623612512613,74.05,columbus oh smm food,2022-02-07,74.05,58.60769475085576 +0.729689067201605,0.6360000000000001,0.7621457489878548,0.5268709191361125,0.012029726835262803,0.6621553884711777,0.5176589303733602,92.2,dallas/ft. worth smm food,2022-02-07,92.2,66.57486205612969 +0.24974924774322965,0.231,0.41548582995951444,0.5981918633852336,0.0035402219789143134,0.1784461152882206,0.6624621594349143,17.57,des moines/ames smm food,2022-02-07,17.57,18.494631965196447 +0.3771313941825476,0.18600000000000003,0.669534412955466,0.5007533902561527,0.010307259895508467,0.3363408521303258,0.8234106962663976,134.27,detroit smm food,2022-02-07,134.27,116.5106334172286 +0.5947843530591774,0.335,0.4104251012145751,0.3370165745856354,0.0037738519369254694,0.41052631578947374,0.7250252270433906,18.1,mobile/pensacola smm food,2022-02-07,18.1,20.57069449149803 +0.2256770310932798,0.764,0.21052631578947398,0.6223003515821196,0.005298144955656796,0.48922305764411006,0.08678102926337034,43.36,greensboro smm food,2022-02-07,43.36,36.10744032939747 +0.5346038114343029,0.7559999999999999,0.23582995951417018,0.4364640883977901,0.005107568756845527,0.5563909774436087,0.7891019172552977,66.37,grand rapids smm food,2022-02-07,66.37,67.76641273732267 +0.7221664994984953,0.545,0.5080971659919029,0.6333500753390257,0.005138909360968975,0.37944862155388465,0.5232088799192735,26.54,milwaukee smm food,2022-02-07,26.54,25.151278396259848 +0.5601805416248749,0.343,0.7343117408906885,0.5248618784530388,0.004028375631018926,0.4982456140350876,0.5464177598385469,118.16,miami/west palm beach smm food,2022-02-07,118.16,139.10559271278748 +0.5210631895687059,0.284,0.4959514170040489,0.7579105976896033,0.002263488075582343,0.5187969924812029,0.6331987891019173,7.73,madison wi smm food,2022-02-07,7.73,8.75156310783639 +0.7552657973921764,0.262,0.83755060728745,0.5494726268206932,0.0046906437504760255,0.25363408521303266,0.5595358224016146,17.84,little rock/pine bluff smm food,2022-02-07,17.84,11.85739208129818 +0.28335005015045145,0.472,0.8598178137651825,0.6082370668006027,0.0025259260636463655,0.4350877192982455,0.1094853683148335,33.6,las vegas smm food,2022-02-07,33.6,26.835279867608726 +0.425777331995988,0.6160000000000001,0.6528340080971664,0.4937217478653943,0.01526224106460145,0.5719298245614032,0.4243188698284561,114.82999999999998,los angeles smm food,2022-02-07,114.82999999999998,117.75700183889619 +0.12437311935807421,0.908,0.4903846153846157,0.582119537920643,0.005934454190890434,0.7639097744360901,0.16397578203834512,47.2,kansas city smm food,2022-02-07,47.2,32.92756363099836 +0.15295887662988955,0.11000000000000001,0.41852226720647767,0.6097438473129081,0.004247126716365414,0.18696741854636587,0.15489404641775983,34.21,jacksonville smm food,2022-02-07,34.21,34.54499348314484 +0.48044132397191563,0.223,0.8491902834008098,0.24409844299347064,0.00823561430577268,0.5714285714285711,0.16094853683148336,38.33,indianapolis smm food,2022-02-07,38.33,39.961336090773386 +0.7948846539618857,0.097,0.38714574898785437,0.41888498242089406,0.00868989477968326,0.4686716791979949,0.04238143289606458,145.38,houston smm food,2022-02-07,145.38,121.67019130404114 +0.49849548645937813,0.517,0.251012145748988,0.7885484681064793,0.00548808801095042,0.5358395989974937,0.8027245206861756,74.78,hartford/new haven smm food,2022-02-07,74.78,76.31902929673706 +0.2768304914744233,0.8050000000000002,0.6189271255060734,0.4756403817177298,0.00545421483275639,0.8561403508771928,0.44298688193743696,42.08,harrisburg/lancaster smm food,2022-02-07,42.08,42.525763935848175 +0.4904714142427283,0.835,0.7322874493927131,0.48367654445002517,0.005425090230944701,0.32481203007518794,0.8355196770938446,27.59,knoxville smm food,2022-02-07,27.59,26.23203279157091 +0.7166499498495487,0.9430000000000001,0.5394736842105267,0.5379206428930187,0.002209670876582481,0.594486215538847,0.606962663975782,44.37,portland or smm food,2022-02-14,44.37,43.53318073360382 +0.24473420260782344,0.34700000000000003,0.5819838056680163,0.4213962832747363,0.011155672209153316,0.5052631578947366,0.5968718466195762,61.62,rem us middle atlantic smm food,2022-02-14,61.62,84.72985450649773 +0.40070210631895664,0.367,0.654352226720648,0.36865896534404824,0.02947093131584092,0.44210526315789456,0.2684157416750757,301.57,rem us east north central smm food,2022-02-14,301.57,267.1525956788829 +0.4794383149448344,0.339,0.842611336032389,0.7021597187343044,0.0034221407128734427,0.7999999999999998,0.3647830474268416,67.7,raleigh/durham/fayetteville smm food,2022-02-14,67.7,79.43820683325838 +0.3465396188565697,0.501,0.6022267206477735,0.6564540431943747,0.0020773438813945925,0.46315789473684205,0.15893037336024218,32.88,providence ri/new bedford ma smm food,2022-02-14,32.88,37.50641784631416 +0.5491474423269809,0.926,0.7150809716599194,0.2722250125565043,0.005302893532039136,0.13934837092731836,0.33703329969727547,68.95,pittsburgh smm food,2022-02-14,68.95,53.801487186574725 +0.4789368104312935,0.248,0.4392712550607289,0.44801607232546464,0.0021165987794886077,0.8471177944862158,0.07719475277497477,52.19,norfolk/portsmouth/newport news smm food,2022-02-14,52.19,54.313117209615385 +0.5867602808425277,0.443,0.593117408906883,0.4831742842792567,0.008067831273596645,0.5649122807017541,0.8324924318869829,139.24,philadelphia smm food,2022-02-14,139.24,156.11233085217168 +0.7607823470411231,0.19,0.8977732793522273,0.41938724259166255,0.0022384789066353496,0.4822055137844609,0.20887991927346114,11.82,paducah ky/cape girardeau mo smm food,2022-02-14,11.82,4.62374938249863 +0.5170511534603811,0.5940000000000001,0.23127530364372492,0.2566549472626821,0.0054060959254153395,0.6380952380952379,0.4273461150353179,78.15,orlando/daytona beach/melborne smm food,2022-02-14,78.15,88.00357696973862 +0.7768304914744231,0.44400000000000006,0.6553643724696361,0.5354093420391763,0.0011535874891499382,0.5338345864661651,0.6009081735620585,15.89,omaha smm food,2022-02-14,15.89,15.04488121498349 +0.3004012036108325,0.775,0.4251012145748989,0.79809141135108,0.002592089561240309,0.5593984962406012,0.7477295660948536,7.59,oklahoma city smm food,2022-02-14,7.59,6.797360910894042 +0.48244734202607825,0.298,0.6427125506072877,0.5404319437468609,0.007529342711839224,0.369423558897243,0.5075681130171543,170.02,rem us mountain smm food,2022-02-14,170.02,129.933232165778 +0.5190571715145437,0.118,0.4119433198380568,0.4902059266700151,0.003524393390973179,0.10075187969924809,0.5736629667003027,96.97,phoenix/prescott smm food,2022-02-14,96.97,72.27696975032673 +0.45386158475426286,0.741,0.21406882591093127,0.7528879959819187,0.0033322343333677946,0.5177944862155387,0.3829465186680121,103.97,rem us new england smm food,2022-02-14,103.97,103.66723952921359 +0.42527582748244724,0.071,0.44534412955465613,0.30587644399799097,0.0015125798636548861,0.24862155388471172,0.34510595358224017,46.95,salt lake city smm food,2022-02-14,46.95,31.06046646566506 +0.8565697091273816,0.15000000000000002,0.5723684210526316,0.49673530889000506,0.028397119909914306,0.4726817042606517,0.8340060544904138,247.98,rem us south atlantic smm food,2022-02-14,247.98,245.70726504955044 +0.4488465396188565,0.42300000000000004,0.5885627530364376,0.5620291310899046,0.04153073246819189,0.24060150375939843,0.35166498486377396,414.65,rem us south central smm food,2022-02-14,414.65,357.2671729044084 +0.2898696088264794,0.6960000000000001,0.6503036437246967,0.5092918131592166,0.01563611231177106,0.5433583959899747,0.606962663975782,101.89,rem us west north central smm food,2022-02-14,101.89,82.70688891004434 +0.60481444332999,0.225,0.8689271255060734,0.10045203415369162,0.0016946086249779407,0.7323308270676688,0.41271442986881934,38.61,richmond/petersburg smm food,2022-02-14,38.61,38.332798395748306 +0.21364092276830493,0.762,0.2515182186234823,0.47061778001004523,0.0032613222593915114,0.7097744360902253,0.3975782038345106,23.7,sacramento/stockton/modesto smm food,2022-02-14,23.7,26.71049336818796 +0.42126379137412223,0.954,0.40030364372469657,0.1607232546459066,0.0012507750191085073,0.17644110275689232,0.6251261352169526,22.47,san diego smm food,2022-02-14,22.47,25.047170402996535 +0.5511534603811433,0.303,0.3461538461538464,0.5379206428930187,0.0019864877866124764,0.4180451127819548,0.6523713420787084,37.17,san francisco/oakland/san jose smm food,2022-02-14,37.17,43.277526066280444 +0.690571715145436,0.027000000000000003,0.4873481781376523,0.4851833249623305,0.002531940927063997,0.5328320802005011,0.4909182643794147,31.159999999999997,seattle/tacoma smm food,2022-02-14,31.159999999999997,47.47521327231239 +0.5180541624874622,0.271,0.5769230769230772,0.8603716725263687,0.003875471471507558,0.5087719298245613,0.3420787083753784,41.4,st. louis smm food,2022-02-14,41.4,42.18055925585983 +0.592778335005015,0.35100000000000003,0.5576923076923082,0.29784028126569567,0.006176948158148626,0.16290726817042595,0.4101917255297679,120.28999999999999,tampa/ft. myers smm food,2022-02-14,120.28999999999999,126.77520749386095 +0.34854563691073215,0.529,0.2667004048582997,0.9457559015570066,0.0014065283244492795,0.3959899749373434,0.6009081735620585,20.98,tucson/sierra vista smm food,2022-02-14,20.98,17.708033440524368 +0.27783350050150446,0.602,0.46204453441295557,0.5519839276745354,0.003936253249201518,0.2100250626566416,0.7805247225025227,88.31,washington dc/hagerstown smm food,2022-02-14,88.31,131.39032936488962 +0.6675025075225676,0.926,0.4367408906882593,0.5042692114515319,0.0006720818439806033,0.6706766917293234,0.7351160443995963,4.47,yakima/pasco/richland/kennewick smm food,2022-02-14,4.47,6.206992354941619 +0.6985957873620859,0.25,0.5769230769230773,0.6514314414866902,0.012532442788273259,0.845112781954887,0.5711402623612513,220.14,new york smm food,2022-02-14,220.14,254.9306725929966 +0.8786359077231692,0.9390000000000001,0.4691295546558707,0.5600200904068308,0.007525227278974532,0.48822055137844605,0.5711402623612513,60.66,rem us pacific smm food,2022-02-14,60.66,63.6248654391344 +0.3655967903711133,0.827,0.12095141700404866,0.6353591160220995,0.002014662673147697,0.5644110275689223,0.4944500504540868,17.15,new orleans smm food,2022-02-14,17.15,12.554704320752442 +0.5892678034102306,0.504,0.8775303643724701,0.5946760421898544,0.003781133087378392,0.637593984962406,0.36427850655903127,73.64,charlotte smm food,2022-02-14,73.64,82.23837652340228 +0.3194583751253761,0.8820000000000001,0.5723684210526319,0.2531391260673029,0.0020206775365653276,0.06365914786967435,0.722502522704339,20.98,mobile/pensacola smm food,2022-02-14,20.98,18.64831614407524 +0.253259779338014,0.258,0.4033400809716602,0.8046207935710699,0.0022682366519646818,0.34486215538847104,0.1649848637739657,30.469999999999995,albuquerque/santa fe smm food,2022-02-14,30.469999999999995,20.851644188408557 +0.6278836509528585,0.8570000000000001,0.35931174089068835,0.7438473129080865,0.005756540862432076,0.8380952380952379,0.2386478304742684,139.28,atlanta smm food,2022-02-14,139.28,130.15575234146993 +0.6208625877632901,0.48600000000000004,0.42257085020242946,0.47162230035158215,0.0021792799877355007,0.7012531328320801,0.5025227043390514,43.22,baltimore smm food,2022-02-14,43.22,61.74980539365163 +0.7071213640922767,0.043000000000000003,0.42560728744939297,0.8844801607232547,0.0009281883968681723,0.43308270676691724,0.46972754793138244,3.6000000000000005,baton rouge smm food,2022-02-14,3.6000000000000005,4.250512464563769 +0.2823470411233699,0.223,0.8112348178137657,0.16323455549974888,0.003327485756985455,0.4240601503759398,0.8037336024217961,14.68,birmingham/anniston/tuscaloosa smm food,2022-02-14,14.68,12.433853976939567 +0.7928786359077231,0.177,0.334514170040486,0.9286790557508791,0.0042287655543536955,0.20200501253132824,0.1710393541876892,137.28,boston/manchester smm food,2022-02-14,137.28,141.28073221648208 +0.1359077231695087,0.8150000000000001,0.09564777327935228,0.257659467604219,0.002781082901257466,0.2260651629072681,0.557013118062563,3.56,buffalo smm food,2022-02-14,3.56,16.65130227354129 +0.9363089267803408,0.04500000000000001,0.6386639676113364,0.7388247112004018,0.004092006554542288,0.26165413533834586,0.3990918264379415,56.09,nashville smm food,2022-02-14,56.09,51.17263673630891 +0.6584754262788364,0.082,0.3471659919028342,0.5263686589653441,0.008413211062472217,0.47067669172932325,0.40615539858728555,138.55,chicago smm food,2022-02-14,138.55,132.20259608725473 +0.4603811434302908,0.463,0.5754048582995955,0.6644902059266701,0.0060718463342194886,0.6240601503759396,0.3849646821392533,91.96,cleveland/akron/canton smm food,2022-02-14,91.96,85.63914357979311 +0.5366098294884653,0.395,0.3689271255060731,0.8191863385233552,0.003613033483443536,0.35488721804511275,0.768920282542886,72.28,columbus oh smm food,2022-02-14,72.28,61.452951955644664 +0.9378134403209629,0.7170000000000001,0.3593117408906885,0.6880964339527876,0.005603003559403061,0.6661654135338344,0.4969727547931382,80.61,dallas/ft. worth smm food,2022-02-14,80.61,66.62468590059434 +0.3996990972918756,0.627,0.24645748987854266,0.9532898041185335,0.001789896724383576,0.4095238095238095,0.7033299697275479,16.84,des moines/ames smm food,2022-02-14,16.84,21.563353994390837 +0.4714142427281845,0.5860000000000001,0.8248987854251016,0.13360120542440987,0.005627063013073591,0.26315789473684204,0.6685166498486378,129.5,detroit smm food,2022-02-14,129.5,113.06284539378618 +0.19408224674022065,0.775,0.5698380566801622,0.689603214465093,0.0032581565418032827,0.8230576441102753,0.513622603430878,65.87,grand rapids smm food,2022-02-14,65.87,67.82966755243748 +0.5120361083249747,0.333,0.3188259109311743,0.8864892014063286,0.001570512495519441,0.4887218045112781,0.8506559031281534,31.819999999999997,albany/schenectady/troy smm food,2022-02-14,31.819999999999997,39.55660218305077 +0.0336008024072217,0.298,0.6594129554655876,0.3817177297840282,0.0029080281765453708,0.845614035087719,0.507063572149344,42.43,harrisburg/lancaster smm food,2022-02-14,42.43,41.353289632096875 +0.4448345035105316,0.18899999999999997,0.454453441295547,0.5188347564038173,0.0028478795423690583,0.25112781954887203,0.21543895055499496,33.54,greensboro smm food,2022-02-14,33.54,35.426608138301724 +0.7818455366098295,0.303,0.217611336032389,0.6152687091913612,0.00339111668050882,0.4461152882205514,0.6180625630676084,44.56,minneapolis/st. paul smm food,2022-02-14,44.56,44.621555637560725 +0.6710130391173519,0.012000000000000002,0.6816801619433199,0.8126569563033652,0.002845030396539653,0.712781954887218,0.5837537840565086,30.08,milwaukee smm food,2022-02-14,30.08,27.011723857888903 +0.5005015045135408,0.49900000000000005,0.6756072874493929,0.12606730286288298,0.0015445536112959797,0.8180451127819548,0.830978809283552,115.28,miami/west palm beach smm food,2022-02-14,115.28,139.04866394947987 +0.7256770310932799,0.9990000000000001,0.6781376518218628,0.11803114013058766,0.00878296687677714,0.29924812030075165,0.5343087790110999,129.21,los angeles smm food,2022-02-14,129.21,115.1798263913038 +0.673520561685055,0.8420000000000001,0.7125506072874499,0.7212456052235059,0.001954830610730206,0.43909774436090226,0.48385469223007066,15.42,little rock/pine bluff smm food,2022-02-14,15.42,12.647249871923385 +0.2036108324974923,0.9820000000000001,0.2702429149797572,0.3621295831240583,0.0011507383433205336,0.37644110275689213,0.5898082744702321,7.21,madison wi smm food,2022-02-14,7.21,5.293308613860191 +0.2527582748244734,0.325,0.5961538461538465,0.5826217980914115,0.0031321609817918463,0.593984962406015,0.5327951564076691,25.38,knoxville smm food,2022-02-14,25.38,24.840042560733387 +0.5421263791374122,0.7719999999999999,0.6993927125506076,0.8292315419387244,0.002751325155928132,0.700751879699248,0.3158425832492432,33.81,kansas city smm food,2022-02-14,33.81,35.3393560808369 +0.16449348044132386,1.0,0.5379554655870445,0.8965344048216978,0.0020197278212888596,0.30476190476190473,0.3849646821392533,36.26,jacksonville smm food,2022-02-14,36.26,38.074800467875484 +0.6930792377131392,0.507,0.5460526315789475,0.5067805123053742,0.0037165524485785616,0.3634085213032579,0.44399596367305755,30.780000000000005,indianapolis smm food,2022-02-14,30.780000000000005,42.12616799626349 +0.47743229689067224,0.266,0.32236842105263164,0.2742340532395781,0.004962578891304728,0.5208020050125313,0.3385469223007064,138.35,houston smm food,2022-02-14,138.35,121.70462943509176 +0.8284854563691074,0.891,0.6174089068825914,0.5956805625313913,0.003068530058268483,0.6180451127819547,0.6180625630676084,63.32000000000001,hartford/new haven smm food,2022-02-14,63.32000000000001,75.005092156099 +0.4237713139418255,0.18899999999999997,0.6467611336032391,0.47061778001004523,0.0014413512179197768,0.6205513784461153,0.019677093844601413,38.36,las vegas smm food,2022-02-14,38.36,25.921757763143567 +0.36910732196589774,0.147,0.40232793522267213,0.5429432446007032,0.0011823955192028044,0.537844611528822,0.4455095862764884,59.760000000000005,pittsburgh smm food,2022-02-21,59.760000000000005,55.78261837406641 +0.37562688064192556,0.7480000000000002,0.473178137651822,0.4881968859869413,0.006812940821623434,0.31578947368421034,0.570635721493441,252.2,rem us east north central smm food,2022-02-21,252.2,266.03233544473903 +0.453360080240722,0.034999999999999996,0.8537449392712556,0.7599196383726771,0.0008316340104272455,0.601002506265664,0.6392532795156408,75.66,raleigh/durham/fayetteville smm food,2022-02-21,75.66,80.2013363029222 +0.3901705115346038,0.903,0.5349190283400812,0.8126569563033652,0.0005752108857808556,0.5032581453634084,0.4863773965691221,25.08,providence ri/new bedford ma smm food,2022-02-21,25.08,40.42831134566993 +0.5576730190571715,0.984,0.5394736842105267,0.4028126569563034,0.0007344464804686745,0.5639097744360901,0.3385469223007064,46.99,portland or smm food,2022-02-21,46.99,40.65623445924455 +0.6529588766298897,0.476,0.5399797570850204,0.44751381215469616,0.00102379306803263,0.11879699248120298,0.2613521695257316,89.58,phoenix/prescott smm food,2022-02-21,89.58,70.39368710088074 +0.8159478435305915,0.719,0.4741902834008102,0.689603214465093,0.00390491264507807,0.5929824561403509,0.7336024217961655,195.23,new york smm food,2022-02-21,195.23,254.4457146061867 +0.5947843530591772,0.17,0.47621457489878577,0.06228026117528881,0.0005122131057751376,0.07869674185463649,0.17457114026236126,8.22,paducah ky/cape girardeau mo smm food,2022-02-21,8.22,0.3456246541368415 +0.6013039117352056,0.9410000000000001,0.33653846153846184,0.11200401808136616,0.0014704758197314671,0.368421052631579,0.7885973763874874,64.99,orlando/daytona beach/melborne smm food,2022-02-21,64.99,88.24498453408953 +0.7181544633901704,0.557,0.7100202429149802,0.5439477649422402,0.0002253990922817662,0.3884711779448618,0.49697275479313824,15.469999999999999,omaha smm food,2022-02-21,15.469999999999999,13.8987337756422 +0.283851554663992,0.147,0.6376518218623485,0.7679558011049724,0.0004811890734105098,0.7373433583959897,0.6508577194752775,3.55,oklahoma city smm food,2022-02-21,3.55,6.1288507985068605 +0.6925777331995984,0.275,0.4301619433198382,0.4595680562531392,0.0005141125363280734,0.7864661654135341,0.20988900100908173,51.5,norfolk/portsmouth/newport news smm food,2022-02-21,51.5,55.09776077258486 +0.5646940822467402,0.653,0.8203441295546562,0.42842792566549476,0.002749109153616375,0.7488721804511277,0.363773965691221,57.95,rem us middle atlantic smm food,2022-02-21,57.95,83.8105622210831 +0.1775325977933804,0.6160000000000001,0.6295546558704458,0.3922651933701658,0.0018601756548422162,0.7669172932330826,0.636226034308779,142.45,philadelphia smm food,2022-02-21,142.45,153.62672399404318 +0.6148445336008024,0.19299999999999998,0.509615384615385,0.43797086891009546,0.002302426401917536,0.6466165413533833,0.6352169525731585,151.92,rem us mountain smm food,2022-02-21,151.92,130.29968285188042 +0.43630892678034094,0.7700000000000001,0.6330971659919036,0.21898543445504773,0.0007689528021803526,0.4746867167919797,0.30978809283551967,23.94,sacramento/stockton/modesto smm food,2022-02-21,23.94,24.290078920474862 +0.5937813440320963,0.263,0.39524291497975733,0.6976393771973883,0.0019219071478126478,0.4872180451127819,0.6876892028254289,57.150000000000006,rem us pacific smm food,2022-02-21,57.150000000000006,63.463991332894786 +0.9302908726178534,0.8119999999999999,0.5915991902834009,0.39527875439477655,0.006815156823935193,0.7523809523809524,0.8521695257315842,244.47000000000003,rem us south atlantic smm food,2022-02-21,244.47000000000003,243.50102688929587 +0.4954864593781343,0.484,0.6467611336032393,0.3078854846810648,0.010398115990290585,0.4185463659147869,0.43693239152371344,373.22,rem us south central smm food,2022-02-21,373.22,352.6171869563919 +0.3846539618856569,0.8150000000000001,0.4827935222672067,0.4098442993470618,0.003649122663949324,0.5423558897243105,0.2114026236125126,85.86,rem us west north central smm food,2022-02-21,85.86,78.26642877283341 +0.8891675025075226,0.33,0.7302631578947372,0.29331993972877957,0.0004156587193342112,0.7999999999999997,0.5196770938446014,38.93,richmond/petersburg smm food,2022-02-21,38.93,40.5240767717708 +0.2337011033099297,0.685,0.6270242914979761,0.4304369663485686,0.00038558440224605505,0.32330827067669166,0.6437941473259334,40.26,salt lake city smm food,2022-02-21,40.26,33.65234655987675 +0.3615847542627883,0.292,0.44281376518218646,0.4058262179809142,0.00028903001580512865,0.5298245614035088,0.3622603430877901,21.93,san diego smm food,2022-02-21,21.93,25.50616395644547 +0.9162487462387159,0.15500000000000003,0.4660931174089072,0.5072827724761427,0.0005761606010573241,0.751378446115288,0.6831483350151363,42.99,san francisco/oakland/san jose smm food,2022-02-21,42.99,44.72689083089787 +0.4593781344032094,0.787,0.7398785425101221,0.7046710195881467,0.0006410578116159783,0.282706766917293,0.7240161453077699,59.89,seattle/tacoma smm food,2022-02-21,59.89,49.16219936169503 +0.2688064192577731,0.389,0.9286437246963568,0.8804620793571071,0.0012457098709673456,0.4857142857142856,0.07416750756811302,52.11,st. louis smm food,2022-02-21,52.11,40.15544219102 +0.9543630892678033,0.014000000000000002,0.7626518218623487,0.2004018081366148,0.0010928057114559788,0.3293233082706765,0.26538849646821394,95.94,tampa/ft. myers smm food,2022-02-21,95.94,125.74961725584501 +0.6018054162487462,0.553,0.10020242914979763,0.7774987443495731,0.00047865649933993035,0.637593984962406,0.43491422805247226,20.09,tucson/sierra vista smm food,2022-02-21,20.09,16.731928892573798 +0.5957873620862587,0.12,0.2100202429149797,0.5570065293822201,0.0009297712556622855,0.08471177944862153,0.5378405650857719,93.63,washington dc/hagerstown smm food,2022-02-21,93.63,129.35513506628718 +0.7708124373119358,0.05600000000000001,0.24544534412955477,0.5334003013561025,0.00038400154345194157,0.5659147869674184,0.4384460141271443,10.51,new orleans smm food,2022-02-21,10.51,11.816166295271337 +0.42928786359077237,0.3740000000000001,0.12651821862348184,0.7614264188849825,0.000833850012739004,0.39548872180451117,0.5782038345105953,92.95,rem us new england smm food,2022-02-21,92.95,103.85318888251915 +0.4779338014042125,0.332,0.7500000000000004,0.6484178804620794,0.0011178148804029725,0.6972431077694234,0.20080726538849647,53.63,nashville smm food,2022-02-21,53.63,49.872849721709336 +0.5737211634904713,0.6480000000000001,0.5146761133603242,0.5826217980914115,0.00022381623348765266,0.6857142857142857,0.7896064581231079,4.27,yakima/pasco/richland/kennewick smm food,2022-02-21,4.27,6.717405409349297 +0.7321965897693079,0.341,0.2257085020242918,0.6037167252636867,0.0009579461421975068,0.34335839598997503,0.6962663975782039,44.56,minneapolis/st. paul smm food,2022-02-21,44.56,44.28780429403876 +0.48044132397191563,0.71,0.29048582995951433,0.7594173782019087,0.0002580059834405048,0.814035087719298,0.8718466195761857,30.120000000000005,albany/schenectady/troy smm food,2022-02-21,30.120000000000005,39.878702320539745 +0.566198595787362,0.835,0.12803643724696373,0.9146157709693622,0.0007018395893099364,0.2967418546365913,0.44399596367305755,26.86,albuquerque/santa fe smm food,2022-02-21,26.86,23.349113167423994 +0.32497492477432294,0.625,0.7965587044534417,0.28679055750878957,0.0015670302061723941,0.532330827067669,0.45660948536831486,139.01,atlanta smm food,2022-02-21,139.01,126.9203777709865 +0.5145436308926782,0.252,0.5339068825910934,0.46760421898543447,0.0005767937445749668,0.8185463659147871,0.8289606458123108,48.57,baltimore smm food,2022-02-21,48.57,63.538294590549285 +0.8465396188565694,0.895,0.5829959514170043,0.5002511300853844,0.0002554734093699234,0.5774436090225562,0.3794147325933401,2.29,baton rouge smm food,2022-02-21,2.29,2.602086221450506 +0.2953861584754261,0.771,0.808704453441296,0.4550477147162231,0.0008955815057094332,0.20952380952380956,0.5565085771947528,11.66,birmingham/anniston/tuscaloosa smm food,2022-02-21,11.66,11.939288225333435 +0.7683049147442327,0.18899999999999997,0.1639676113360325,0.8412857860371673,0.0012172184126732993,0.31629072681704246,0.1987891019172553,110.73,boston/manchester smm food,2022-02-21,110.73,140.73180178359127 +0.19408224674022082,0.132,0.30161943319838075,0.2194876946258162,0.0007983939757508623,0.2390977443609022,0.768920282542886,5.76,buffalo smm food,2022-02-21,5.76,17.32850181069935 +0.5897693079237711,0.539,0.6563765182186238,0.8357609241587143,0.0009614284315445562,0.47368421052631593,0.45862764883955603,74.88,charlotte smm food,2022-02-21,74.88,83.14323419055333 +0.6685055165496487,0.303,0.25000000000000017,0.4218985434455048,0.0020482192795829037,0.7869674185463658,0.8476286579212916,128.35,chicago smm food,2022-02-21,128.35,134.30555494647632 +0.4749247743229688,0.006000000000000001,0.6027327935222676,0.8759417378201909,0.0014388186438491967,0.5007518796992481,0.39959636730575177,73.92,cleveland/akron/canton smm food,2022-02-21,73.92,85.73025726904967 +0.22517552657973916,0.5730000000000001,0.1973684210526317,0.7729784028126571,0.00048308850396344835,0.5398496240601504,0.7830474268415741,62.83,columbus oh smm food,2022-02-21,62.83,60.86116198052768 +0.8625877632898699,0.30800000000000005,0.0814777327935224,0.6584630838774486,0.001504032426166673,0.6230576441102755,0.9106962663975782,72.06,dallas/ft. worth smm food,2022-02-21,72.06,67.65802447199391 +0.4999999999999999,0.463,0.48178137651821884,0.6283274736313411,0.00047865649933993035,0.6902255639097744,0.29818365287588294,15.31,des moines/ames smm food,2022-02-21,15.31,18.274622076998853 +0.533099297893681,0.626,0.6492914979757087,0.33601205424409847,0.001533790171496011,0.6045112781954886,0.47679112008072655,106.65,detroit smm food,2022-02-21,106.65,113.60564920275834 +0.29689067201604813,0.369,0.2444331983805669,0.269713711702662,0.0003555100851578976,0.34987468671679206,0.5489404641775983,15.679999999999998,mobile/pensacola smm food,2022-02-21,15.679999999999998,17.914443640483128 +0.36509528585757267,0.15300000000000002,0.4554655870445348,0.5966850828729282,0.0006723984157394274,0.18897243107769413,0.6215943491422805,37.84,greensboro smm food,2022-02-21,37.84,37.578157487323985 +0.1308926780341023,0.7230000000000001,0.835526315789474,0.401305876443998,0.000703105876345228,0.8676691729323304,0.5454086781029264,45.6,grand rapids smm food,2022-02-21,45.6,66.1744912967321 +0.5416248746238715,0.265,0.9913967611336035,0.964841788046208,0.0007347630522274991,0.4932330827067668,0.4979818365287588,28.38,milwaukee smm food,2022-02-21,28.38,26.499592261280007 +0.21815446339017064,0.061,0.7677125506072877,0.5334003013561025,0.00022761509459352555,0.8070175438596491,0.6629667003027245,103.59,miami/west palm beach smm food,2022-02-21,103.59,139.57074217531684 +0.43731193580742206,0.08900000000000001,0.44635627530364397,0.22953289804118535,0.0003194209046521094,0.5699248120300752,0.6251261352169526,9.11,madison wi smm food,2022-02-21,9.11,5.304539632625179 +0.5972918756268807,0.37200000000000005,0.38512145748987886,0.6207935710698143,0.00041692500636950335,0.8055137844611527,0.21442986881937437,13.87,little rock/pine bluff smm food,2022-02-21,13.87,10.884921381299343 +0.708124373119358,0.252,0.26619433198380577,0.45755901557006534,0.00038400154345194113,0.2390977443609023,0.21644803229061554,37.06,las vegas smm food,2022-02-21,37.06,25.92844162614177 +0.3550651955867603,0.7280000000000001,0.5480769230769235,0.39527875439477655,0.002783932047086874,0.2972431077694233,0.34510595358224017,111.09,los angeles smm food,2022-02-21,111.09,113.99813097853469 +0.6108324974924774,0.9830000000000001,0.7444331983805671,0.6022099447513812,0.0006404246680983328,0.6897243107769423,0.644803229061554,36.89,kansas city smm food,2022-02-21,36.89,35.85405097310302 +0.2873620862587762,0.8140000000000001,0.7343117408906884,0.586639879457559,0.0003859009740048778,0.5809523809523809,0.6548940464177598,27.68,jacksonville smm food,2022-02-21,27.68,38.72814932234727 +0.5697091273821462,0.20400000000000001,0.37398785425101216,0.7353088900050226,0.0007075378809687473,0.2837092731829572,0.7669021190716448,34.59,indianapolis smm food,2022-02-21,34.59,44.1846610123189 +0.3360080240722167,0.459,0.14271255060728744,0.09141135107985937,0.001026958785620856,0.5102756892230575,0.4909182643794147,130.38,houston smm food,2022-02-21,130.38,120.69848021270468 +0.657973921765296,0.8900000000000001,0.765688259109312,0.6765444500251131,0.0011165485933676818,0.3563909774436088,0.4162462159434914,44.72,hartford/new haven smm food,2022-02-21,44.72,73.01977923983965 +0.07321965897693082,0.6950000000000001,0.6244939271255066,0.3917629331993973,0.0007034224481040507,0.619548872180451,0.7764883955600403,34.56,harrisburg/lancaster smm food,2022-02-21,34.56,42.1901728895709 +0.38716148445336007,0.443,0.7606275303643729,0.13259668508287295,0.0008623414710330492,0.5213032581453633,0.4692230070635722,25.62,knoxville smm food,2022-02-21,25.62,21.729684331814134 +0.6594784353059178,0.883,0.4554655870445345,0.6845806127574084,0.0,0.820050125313283,0.5443995963673057,51.16,pittsburgh smm food,2022-02-28,51.16,58.73035922499201 +0.6153460381143427,0.004,0.6447368421052634,0.6875941737820191,0.0,0.17042606516290715,0.6331987891019173,276.93,rem us east north central smm food,2022-02-28,276.93,266.287496965601 +0.803410230692076,0.523,0.46153846153846184,0.47915620291310906,0.0,0.5152882205513784,0.850151362260343,99.84,raleigh/durham/fayetteville smm food,2022-02-28,99.84,80.00350243912725 +0.6313941825476429,0.7389999999999999,0.3785425101214576,0.6484178804620794,0.0,0.34937343358395984,0.7563067608476287,25.84,providence ri/new bedford ma smm food,2022-02-28,25.84,40.725516284766634 +0.3064192577733199,0.502,0.8491902834008103,0.5896534404821698,0.0,0.6827067669172932,0.09434914228052473,44.37,portland or smm food,2022-02-28,44.37,40.12255222389316 +0.7131394182547643,0.015,0.39625506072874495,0.6599698643897539,0.0,0.32681704260651623,0.28254288597376387,101.34,phoenix/prescott smm food,2022-02-28,101.34,72.03209011556478 +0.4563691073219657,0.995,0.3324898785425105,0.6790557508789553,0.0,0.6441102756892231,0.32290615539858725,264.82,new york smm food,2022-02-28,264.82,251.05651558140198 +0.4794383149448342,0.7320000000000001,0.11639676113360338,0.5057759919638373,0.0,0.18596491228070164,0.5671039354187689,9.07,paducah ky/cape girardeau mo smm food,2022-02-28,9.07,5.267403581364533 +0.5541624874623872,0.977,0.3719635627530367,0.03666499246609744,0.0,0.20200501253132838,0.4571140262361251,63.32000000000001,orlando/daytona beach/melborne smm food,2022-02-28,63.32000000000001,85.13058203957237 +0.5486459378134403,0.6070000000000001,0.30516194331983837,0.28628829733802114,0.0,0.49624060150375904,0.6760847628657921,17.33,omaha smm food,2022-02-28,17.33,13.257210491697293 +0.3435305917753259,0.255,0.6897773279352231,0.8734304369663487,0.0,0.6942355889724309,0.2840565085771948,4.6,oklahoma city smm food,2022-02-28,4.6,4.58738885073619 +0.7236710130391169,0.10200000000000001,0.20192307692307698,0.7634354595680564,0.0,0.40751879699248145,0.3864783047426842,68.35,norfolk/portsmouth/newport news smm food,2022-02-28,68.35,56.44779682838063 +0.7151454363089268,0.21400000000000002,0.6604251012145751,0.22953289804118535,0.0,0.42155388471177935,0.6841574167507568,85.96,rem us middle atlantic smm food,2022-02-28,85.96,83.07826191085688 +0.25827482447342054,0.242,0.5880566801619439,0.6765444500251131,0.0,0.6466165413533833,0.6770938446014128,145.19,philadelphia smm food,2022-02-28,145.19,154.7930718685301 +0.7793380140421262,0.41200000000000003,0.2849190283400812,0.16022099447513813,0.0,0.7914786967418546,0.37891019172552975,157.26,rem us mountain smm food,2022-02-28,157.26,127.5873270439072 +0.6730190571715143,0.261,0.5389676113360331,0.3335007533902562,0.0,0.4546365914786965,0.35317860746720486,25.2,sacramento/stockton/modesto smm food,2022-02-28,25.2,25.128429136475766 +0.3786359077231694,0.859,0.3805668016194334,0.551481667503767,0.0,0.5844611528822055,0.6594349142280524,60.23,rem us pacific smm food,2022-02-28,60.23,62.402311761012704 +0.9503510531594781,0.576,0.584514170040486,0.27172275238573584,0.0,0.8310776942355891,0.5161453077699294,300.96,rem us south atlantic smm food,2022-02-28,300.96,240.05114919335983 +0.6364092276830491,0.48300000000000004,0.6720647773279357,0.2757408337518835,0.0,0.6621553884711778,0.6831483350151363,381.11,rem us south central smm food,2022-02-28,381.11,353.4003518300096 +0.7793380140421263,0.544,0.21508097165991913,0.5615268709191361,0.0,0.6666666666666664,0.3022199798183653,99.66,rem us west north central smm food,2022-02-28,99.66,79.90142482446839 +0.5531594784353059,0.08100000000000002,0.8188259109311745,0.6991461577096937,0.0,0.6210526315789471,0.7008072653884965,50.43,richmond/petersburg smm food,2022-02-28,50.43,42.66337927569895 +0.14343029087261777,0.13,0.5161943319838059,0.29432446007031643,0.0,0.5654135338345864,0.4112008072653885,46.78,salt lake city smm food,2022-02-28,46.78,31.74594039993073 +0.44082246740220654,0.07600000000000001,0.14726720647773286,0.7538925163234557,0.0,0.7097744360902255,0.29011099899091825,22.2,san diego smm food,2022-02-28,22.2,27.449137437473674 +0.6178535606820459,0.307,0.5592105263157898,0.21446509291813162,0.0,0.8616541353383458,0.49747729566094856,40.07,san francisco/oakland/san jose smm food,2022-02-28,40.07,41.864844149329485 +0.5180541624874623,0.6190000000000001,0.8081983805668024,0.8794575590155701,0.0,0.6395989974937341,0.5287588294651867,55.12,seattle/tacoma smm food,2022-02-28,55.12,50.107806763830126 +0.38214643931795367,0.679,0.7717611336032393,0.48719236564540436,0.0,0.7348370927318294,0.3718466195761857,47.75,st. louis smm food,2022-02-28,47.75,40.452039447715705 +0.5471414242728184,0.489,0.7560728744939276,0.2732295328980412,0.0,0.37042606516290705,0.3920282542885974,91.43,tampa/ft. myers smm food,2022-02-28,91.43,126.41090185296986 +0.6725175526579739,0.49000000000000005,0.10880566801619439,0.41386238071320947,0.0,0.6190476190476191,0.4248234106962664,22.61,tucson/sierra vista smm food,2022-02-28,22.61,14.560813074700668 +0.5060180541624874,0.422,0.2064777327935222,0.6499246609743848,0.0,0.09423558897243106,0.5756811301715439,108.06,washington dc/hagerstown smm food,2022-02-28,108.06,129.99291849173557 +0.5456369107321966,0.7230000000000001,0.31882591093117424,0.4907081868407836,0.0,0.6290726817042606,0.4571140262361251,10.52,new orleans smm food,2022-02-28,10.52,11.799422053293902 +0.5145436308926781,0.844,0.1351214574898786,0.5760924158714215,0.0,0.41904761904761895,0.8385469223007064,91.65,rem us new england smm food,2022-02-28,91.65,104.62091273804971 +0.5015045135406218,0.225,0.8051619433198385,0.46710195881466604,0.0,0.5664160401002507,0.38143289606458125,3.6500000000000004,yakima/pasco/richland/kennewick smm food,2022-02-28,3.6500000000000004,3.151315491805562 +0.04964894684052147,0.5950000000000001,0.6528340080971664,0.6785534907081869,0.0,0.845112781954887,0.4535822401614531,60.38,nashville smm food,2022-02-28,60.38,51.15918911060671 +0.4523570712136408,0.459,0.36032388663967646,0.634856855851331,0.0,0.6611528822055138,0.6972754793138244,45.84,minneapolis/st. paul smm food,2022-02-28,45.84,44.99123254148093 +0.2271815446339017,0.08800000000000002,0.2373481781376519,0.1592164741336012,0.0,0.36090225563909784,0.5227043390514632,14.9,mobile/pensacola smm food,2022-02-28,14.9,16.863489510144177 +0.30541624874623857,0.6230000000000001,0.544534412955466,0.6418884982420895,0.0,0.864160401002506,0.6659939455095862,36.08,albany/schenectady/troy smm food,2022-02-28,36.08,37.95494588719856 +0.936308926780341,0.8340000000000001,0.19331983805668038,0.7322953289804119,0.0,0.23358395989974925,0.8335015136226034,29.209999999999997,albuquerque/santa fe smm food,2022-02-28,29.209999999999997,24.92397245753004 +0.22968906720160479,0.706,0.5268218623481783,0.47764942240080366,0.0,0.41904761904761895,0.7785065590312815,136.56,atlanta smm food,2022-02-28,136.56,129.02120569203734 +0.5556670010030091,0.774,0.7120445344129559,0.5650426921145154,0.0,0.9604010025062657,0.7038345105953582,58.97,baltimore smm food,2022-02-28,58.97,64.14764645130116 +0.5065195586760278,0.056999999999999995,0.6082995951417007,0.2014063284781517,0.0,0.7248120300751878,0.5428859737638749,2.67,baton rouge smm food,2022-02-28,2.67,1.319872590852853 +0.30641925777331974,0.05500000000000001,0.8421052631578952,0.7619286790557509,0.0,0.3909774436090226,0.31987891019172554,10.87,birmingham/anniston/tuscaloosa smm food,2022-02-28,10.87,12.46835103778556 +0.4468405215646941,0.30600000000000005,0.3051619433198382,0.6313410346559518,0.0,0.401002506265664,0.6074672048435923,117.98000000000002,boston/manchester smm food,2022-02-28,117.98000000000002,141.59328712038055 +0.6153460381143429,0.31400000000000006,0.38461538461538486,0.9979909593169263,0.0,0.17042606516290743,0.5681130171543896,103.2,charlotte smm food,2022-02-28,103.2,83.40516950483065 +0.5757271815446338,0.9359999999999999,0.45799595141700433,0.18533400301356104,0.0,0.5799498746867167,0.7522704339051464,128.29,chicago smm food,2022-02-28,128.29,131.73458361716675 +0.4814443329989969,0.9510000000000001,0.6234817813765187,0.7061778001004521,0.0,0.5428571428571427,0.17457114026236126,83.84,cleveland/akron/canton smm food,2022-02-28,83.84,83.84299307049099 +0.3375125376128384,0.524,0.3684210526315791,0.5349070818684079,0.0,0.38997493734335836,0.42684157416750756,66.95,columbus oh smm food,2022-02-28,66.95,57.17114579946298 +0.4879638916750253,0.512,0.1826923076923079,0.6298342541436465,0.0,0.7739348370927316,0.9359233097880928,80.97,dallas/ft. worth smm food,2022-02-28,80.97,67.42750457717433 +0.22818455366098286,0.9820000000000001,0.2884615384615386,0.45303867403314924,0.0,0.6807017543859649,0.5181634712411706,17.78,des moines/ames smm food,2022-02-28,17.78,18.118128931719397 +0.4914744232698094,0.43,0.5177125506072877,0.4751381215469614,0.0,0.45513784461152873,0.6377396569122099,117.1,detroit smm food,2022-02-28,117.1,114.41621537087876 +0.4819458375125377,0.19500000000000003,0.4038461538461541,0.4399799095931693,0.0,0.17493734335839595,0.6538849646821393,21.45,buffalo smm food,2022-02-28,21.45,18.18443427329177 +0.27783350050150446,0.9990000000000001,0.307692307692308,0.8357609241587143,0.0,0.25112781954887203,0.5312815338042381,52.92,greensboro smm food,2022-02-28,52.92,38.67717044298127 +0.28435305917753256,0.42100000000000004,0.8147773279352232,0.26318432948267206,0.0,0.7167919799498742,0.5378405650857719,53.8,grand rapids smm food,2022-02-28,53.8,64.87726685014538 +0.46990972918756285,0.675,0.6558704453441299,0.4841788046207936,0.0,0.7548872180451126,0.34510595358224017,99.48,miami/west palm beach smm food,2022-02-28,99.48,137.8891250303793 +0.8781344032096287,0.397,0.7145748987854256,0.2471120040180814,0.0,0.8290726817042604,0.8279515640766902,9.32,madison wi smm food,2022-02-28,9.32,8.378190453940874 +0.20712136409227688,0.367,0.5794534412955469,0.5700652938222,0.0,0.1994987468671677,0.4112008072653885,115.08000000000001,los angeles smm food,2022-02-28,115.08000000000001,114.2930018978701 +0.6043129388164494,0.7300000000000001,0.244433198380567,0.7880462079357108,0.0,0.8365914786967418,0.08274470232088799,13.76,little rock/pine bluff smm food,2022-02-28,13.76,11.208485456978146 +0.5025075225677033,0.9800000000000001,0.03643724696356268,0.4213962832747363,0.0,0.3959899749373434,0.5110998990918264,40.64,las vegas smm food,2022-02-28,40.64,27.714358578703703 +0.49799398194583744,0.613,0.42307692307692335,0.4545454545454546,0.0,0.4350877192982455,0.6195761856710393,27.32,knoxville smm food,2022-02-28,27.32,24.113294727693876 +0.645937813440321,0.47900000000000004,0.8658906882591098,0.5856353591160222,0.0,0.42055137844611523,0.5484359233097881,27.24,milwaukee smm food,2022-02-28,27.24,24.488878422660456 +0.4192577733199597,0.516,0.6528340080971661,0.2893018583626319,0.0,0.8285714285714285,0.32441977800201816,25.56,jacksonville smm food,2022-02-28,25.56,35.855584960239675 +0.3004012036108323,0.7350000000000001,0.48076923076923084,0.641386238071321,0.0,0.4696741854636589,0.4122098890010091,42.24,indianapolis smm food,2022-02-28,42.24,41.92986265163948 +0.6163490471414244,0.031,0.2216599190283401,0.3390256152687092,0.0,0.6200501253132832,0.19424823410696265,135.64,houston smm food,2022-02-28,135.64,120.90970741031171 +0.7236710130391174,0.46799999999999997,0.843623481781377,0.8955298844801608,0.0,0.4401002506265662,0.3481331987891019,55.67,hartford/new haven smm food,2022-02-28,55.67,73.94259979464101 +0.15596790371113342,0.08800000000000002,0.3714574898785429,0.5670517327975892,0.0,0.18696741854636587,0.6725529767911201,36.29,harrisburg/lancaster smm food,2022-02-28,36.29,40.85623344287539 +0.6223671013039117,0.55,0.33248987854251033,0.2933199397287795,0.0,0.44862155388471175,0.9323915237134208,41.18,kansas city smm food,2022-02-28,41.18,34.48332321109826 +0.48294884653961895,0.7330000000000001,0.35728744939271256,0.47312908086388755,0.0,0.4576441102756892,0.9954591321897074,86.39,rem us middle atlantic smm food,2022-03-07,86.39,86.0566483023129 +0.816449348044132,0.0030000000000000005,0.7191295546558709,0.42240080361627325,0.0,0.5518796992481201,0.7502522704339052,272.64,rem us east north central smm food,2022-03-07,272.64,267.00834347155666 +0.7527582748244731,0.8720000000000001,0.3481781376518221,0.4962330487192366,0.0,0.688721804511278,0.8743693239152371,92.67,raleigh/durham/fayetteville smm food,2022-03-07,92.67,80.78639820142828 +0.5576730190571715,0.11000000000000001,0.710526315789474,0.7739829231541939,0.0,0.6385964912280699,0.5872855701311807,26.16,providence ri/new bedford ma smm food,2022-03-07,26.16,41.14896884772558 +0.4022066198595787,0.8420000000000001,0.5460526315789476,0.900050226017077,0.0,0.34686716791979944,0.44853683148335016,43.21,portland or smm food,2022-03-07,43.21,43.04422786113529 +0.5446339017051154,0.08900000000000001,0.4190283400809718,0.5705675539929684,0.0,0.7493734335839598,0.3203834510595358,55.74,pittsburgh smm food,2022-03-07,55.74,55.980023540104746 +0.485456369107322,0.012000000000000002,0.3183198380566802,0.7056755399296837,0.0,0.3839598997493734,0.3990918264379415,101.94,phoenix/prescott smm food,2022-03-07,101.94,72.71766072497785 +0.8691073219658975,0.6000000000000001,0.2945344129554658,0.42491210447011557,0.0,0.33032581453634086,0.4313824419778002,65.05,orlando/daytona beach/melborne smm food,2022-03-07,65.05,87.90465487836804 +0.609829488465396,0.497,0.404858299595142,0.8975389251632346,0.0,0.6295739348370926,0.727547931382442,6.52,paducah ky/cape girardeau mo smm food,2022-03-07,6.52,10.097562941774669 +0.5005015045135406,0.481,0.48937246963562797,0.48568558513309906,0.0,0.8115288220551374,0.45761856710393545,16.52,omaha smm food,2022-03-07,16.52,14.082738049854683 +0.7166499498495486,0.5980000000000001,0.8066801619433203,0.5871421396283275,0.0,0.4180451127819546,0.2547931382441978,1.9,oklahoma city smm food,2022-03-07,1.9,2.7755034747159186 +0.6895687061183546,0.18600000000000003,0.49240890688259137,0.7734806629834254,0.0,0.1724310776942359,0.6165489404641776,64.2,norfolk/portsmouth/newport news smm food,2022-03-07,64.2,57.26973191334757 +0.5581745235707118,0.435,0.36690283400809753,0.32446007031642393,0.0,0.8215538847117794,0.28607467204843584,274.84,new york smm food,2022-03-07,274.84,249.29396242184941 +0.2512537612838518,0.21000000000000002,0.49898785425101255,0.5846308387744852,0.0,0.300751879699248,0.9848637739656912,144.79,philadelphia smm food,2022-03-07,144.79,154.89866636773516 +0.40070210631895686,0.16000000000000003,0.6442307692307696,0.27272727272727276,0.0,0.6696741854636591,0.31029263370333,162.15,rem us mountain smm food,2022-03-07,162.15,126.92832003423555 +0.30240722166499495,0.515,0.508603238866397,0.6569563033651432,0.0,0.30877192982456136,0.7825428859737639,9.39,new orleans smm food,2022-03-07,9.39,13.259417756516818 +0.2713139418254763,0.7320000000000001,0.21305668016194343,0.7875439477649423,0.0,0.5418546365914786,0.6765893037336024,55.38,rem us pacific smm food,2022-03-07,55.38,63.38157092900153 +0.5982948846539615,0.9740000000000001,0.73836032388664,0.3229532898041186,0.0,0.5298245614035089,0.5640766902119072,261.38,rem us south atlantic smm food,2022-03-07,261.38,239.38082040604237 +0.6544633901705115,0.012000000000000002,0.6239878542510126,0.7021597187343044,0.0,0.41604010025062654,0.9556004036326943,392.33,rem us south central smm food,2022-03-07,392.33,356.44125565850294 +0.8335005015045133,0.7070000000000001,0.2783400809716601,0.6378704168759418,0.0,0.45012531328320776,0.5282542885973764,90.32,rem us west north central smm food,2022-03-07,90.32,81.18204275925933 +0.17552657973921773,0.454,0.9311740890688264,0.6860873932697138,0.0,0.3794486215538845,0.2598385469223007,37.97,richmond/petersburg smm food,2022-03-07,37.97,38.897396582804525 +0.8174523570712134,0.404,0.3861336032388671,0.786037167252637,0.0,0.6541353383458643,0.34712411705348134,26.58,sacramento/stockton/modesto smm food,2022-03-07,26.58,28.515334066692297 +0.1955867602808424,0.09600000000000002,0.41497975708502044,0.5801104972375691,0.0,0.7498746867167918,0.07769929364278506,49.59,salt lake city smm food,2022-03-07,49.59,32.03020241356376 +0.42577733199598783,0.7860000000000001,0.41042510121457515,0.7508789552988449,0.0,0.44511278195488724,0.3329969727547931,26.21,san diego smm food,2022-03-07,26.21,27.324823704814243 +0.44684052156469395,0.9910000000000001,0.6548582995951421,0.5549974886991462,0.0,0.8375939849624059,0.37436932391523714,44.32,san francisco/oakland/san jose smm food,2022-03-07,44.32,43.11630774790663 +0.8921765295887661,0.021,0.7935222672064784,0.47764942240080366,0.0,0.7518796992481199,0.38092835519677093,49.33,seattle/tacoma smm food,2022-03-07,49.33,47.636363392404206 +0.29739217652958855,0.054000000000000006,0.4711538461538463,0.5605223505775992,0.0,0.6631578947368418,0.7023208879919274,38.66,st. louis smm food,2022-03-07,38.66,41.951218470659356 +0.45235707121364094,0.5740000000000001,0.8395748987854257,0.34103465595178306,0.0,0.5979949874686714,0.4001009081735621,94.25,tampa/ft. myers smm food,2022-03-07,94.25,127.4826103467596 +0.4854563691073219,0.507,0.3871457489878545,0.49221496735308895,0.0,0.24611528822055143,0.7815338042381433,23.46,tucson/sierra vista smm food,2022-03-07,23.46,15.787584830773802 +0.3941825476429288,0.132,0.45799595141700417,0.5670517327975892,0.0,0.09022556390977443,0.48486377396569125,126.4,washington dc/hagerstown smm food,2022-03-07,126.4,128.81268380640228 +0.8846539618856569,0.601,0.47419028340081004,0.5439477649422402,0.0,0.457142857142857,0.5751765893037336,96.6,rem us new england smm food,2022-03-07,96.6,103.7398293504789 +0.32848545636910725,0.309,0.4048582995951419,0.5710698141637369,0.0,0.6852130325814535,0.7194752774974773,53.43,nashville smm food,2022-03-07,53.43,51.770666698697404 +0.33550651955867594,0.7230000000000001,0.8537449392712556,0.25715720743345055,0.0,0.4255639097744362,0.4202825428859738,3.77,yakima/pasco/richland/kennewick smm food,2022-03-07,3.77,1.7218110295724784 +0.5015045135406218,0.5519999999999999,0.7408906882591099,0.20341536916122555,0.0,0.6100250626566417,0.507063572149344,51.55,minneapolis/st. paul smm food,2022-03-07,51.55,41.61775386451709 +0.23269809428284846,0.81,0.8183198380566806,0.5494726268206932,0.0,0.5203007518796992,0.6564076690211907,34.11,albany/schenectady/troy smm food,2022-03-07,34.11,36.43807332278509 +0.7793380140421263,0.891,0.11437246963562767,0.5113008538422904,0.0,0.6350877192982454,0.6942482341069627,27.44,albuquerque/santa fe smm food,2022-03-07,27.44,23.811518306055504 +0.3826479438314945,0.7949999999999999,0.5475708502024292,0.6127574083375189,0.0,0.6862155388471177,0.6836528758829465,137.4,atlanta smm food,2022-03-07,137.4,130.38085103287654 +0.8395185556670011,0.05500000000000001,0.7510121457489882,0.6599698643897539,0.0,0.8330827067669173,0.5524722502522704,59.97999999999999,baltimore smm food,2022-03-07,59.97999999999999,63.58413096994332 +0.22968906720160462,0.23500000000000001,0.5065789473684214,0.2556504269211452,0.0,0.7609022556390976,0.34006054490413723,2.51,baton rouge smm food,2022-03-07,2.51,0.1259659528664656 +0.3490471414242726,0.71,0.6503036437246967,0.9035660472124561,0.0,0.5924812030075188,0.45055499495459134,12.85,birmingham/anniston/tuscaloosa smm food,2022-03-07,12.85,14.917237837587699 +0.5611835506519559,0.43,0.5996963562753039,0.5072827724761427,0.0,0.41253132832080197,0.5903128153380424,126.11,boston/manchester smm food,2022-03-07,126.11,141.24678784560356 +0.6283851554663992,0.806,0.5541497975708506,0.7408337518834757,0.0,0.3413533834586466,0.19727547931382441,19.38,buffalo smm food,2022-03-07,19.38,18.394556558159692 +0.5697091273821463,0.6910000000000001,0.5253036437246966,0.6278252134605726,0.0,0.11929824561403524,0.6170534813319879,98.07,charlotte smm food,2022-03-07,98.07,81.59537069492575 +0.3600802407221664,0.131,0.44787449392712575,0.24660974384731293,0.0,0.6165413533834586,0.5025227043390514,131.48,chicago smm food,2022-03-07,131.48,130.0137272637226 +0.28485456369107315,0.8550000000000001,0.7737854251012151,0.3324962330487193,0.0,0.7308270676691727,0.35267406659939454,78.63,cleveland/akron/canton smm food,2022-03-07,78.63,83.03716556516119 +0.66950852557673,0.328,0.7515182186234821,0.24610748367654448,0.0,0.18897243107769426,0.5267406659939455,66.09,columbus oh smm food,2022-03-07,66.09,56.17047026682725 +0.3851554663991978,0.252,0.17661943319838075,0.6680060271220493,0.0,0.7614035087719295,0.6014127144298689,77.81,dallas/ft. worth smm food,2022-03-07,77.81,65.37375682740627 +0.4764292878635906,0.8330000000000001,0.097672064777328,0.3480662983425415,0.0,0.681704260651629,0.49041372351160445,18.28,des moines/ames smm food,2022-03-07,18.28,17.587916386634177 +0.8671013039117351,0.2,0.466599190283401,0.2546459065796083,0.0,0.5132832080200501,0.3703329969727548,118.49999999999999,detroit smm food,2022-03-07,118.49999999999999,112.27287828305006 +0.47592778335005004,0.353,0.32338056680161953,0.4450025113008539,0.0,0.5719298245614036,0.6074672048435923,13.06,mobile/pensacola smm food,2022-03-07,13.06,20.233517404472195 +0.26328986960882644,0.986,0.6993927125506078,0.8412857860371673,0.0,0.48922305764411006,0.22149344096871848,42.09,greensboro smm food,2022-03-07,42.09,37.859429029252134 +0.238716148445336,0.703,0.4994939271255063,0.4660974384731291,0.0,0.5684210526315785,0.6831483350151363,58.21,grand rapids smm food,2022-03-07,58.21,66.28376265776295 +0.8079237713139417,0.7730000000000001,0.5116396761133605,0.22099447513812157,0.0,0.538345864661654,0.3168516649848638,28.04,milwaukee smm food,2022-03-07,28.04,21.614087508963628 +0.7848545636910733,0.277,0.6680161943319841,0.26318432948267206,0.0,0.37243107769423556,0.49495459132189706,108.56,miami/west palm beach smm food,2022-03-07,108.56,136.65635188581246 +0.8520561685055162,0.743,0.4832995951417007,0.3972877950778504,0.0,0.7353383458646614,0.6533804238143289,8.35,madison wi smm food,2022-03-07,8.35,7.9118735047118065 +0.6484453360080241,0.923,0.6209514170040489,0.8458061275740835,0.0,0.7989974937343357,0.14228052472250252,15.009999999999998,little rock/pine bluff smm food,2022-03-07,15.009999999999998,12.160077217847139 +0.17552657973921773,0.23500000000000001,0.38006072874493935,0.48769462581617284,0.0,0.5694235588972432,0.6730575176589304,42.27,las vegas smm food,2022-03-07,42.27,28.889242207925783 +0.33650952858575733,0.641,0.5627530364372473,0.5223505775991965,0.0,0.21954887218045085,0.34510595358224017,123.51999999999998,los angeles smm food,2022-03-07,123.51999999999998,114.03109756769749 +0.7402206619859578,0.17500000000000002,0.15840080971659926,0.288297338021095,0.0,0.12280701754385963,0.5973763874873865,38.68,kansas city smm food,2022-03-07,38.68,31.42162949274431 +0.44533600802407214,0.589,0.8679149797570854,0.1667503766951281,0.0,0.6431077694235589,0.07315842583249244,29.06,jacksonville smm food,2022-03-07,29.06,33.33233111166246 +0.5105315947843528,0.546,0.36791497975708504,0.8387744851833251,0.0,0.41854636591478667,0.260343087790111,34.4,indianapolis smm food,2022-03-07,34.4,42.21561894709902 +0.4047141424272818,0.6950000000000001,0.5855263157894739,0.4158714213962833,0.0,0.8035087719298243,0.09233097880928355,134.8,houston smm food,2022-03-07,134.8,121.50332955784955 +0.5596790371113342,0.9710000000000001,0.8977732793522273,0.5133098945253642,0.0,0.6115288220551377,0.44954591321897075,45.32,hartford/new haven smm food,2022-03-07,45.32,72.8650891696436 +0.13289869608826482,0.605,0.6432186234817819,0.8980411853340031,0.0,0.06867167919799498,0.25176589303733604,38.06,harrisburg/lancaster smm food,2022-03-07,38.06,40.31317719095735 +0.3625877632898696,0.8820000000000001,0.433198380566802,0.7051732797589152,0.0,0.4556390977443608,0.26892028254288597,29.639999999999997,knoxville smm food,2022-03-07,29.639999999999997,23.484950223755057 +0.7547642928786359,0.609,0.30313765182186253,0.9447513812154698,0.0,0.14987468671679197,0.9026236125126136,39.65,portland or smm food,2022-03-14,39.65,45.65300355631381 +0.28184553660982953,0.08100000000000002,0.14473684210526308,0.36363636363636365,0.0,0.5689223057644109,0.7300706357214934,85.16,rem us middle atlantic smm food,2022-03-14,85.16,83.47032795839537 +0.8099297893681041,0.43700000000000006,0.4367408906882594,0.3129080863887494,0.0,0.6120300751879697,0.9828456104944501,241.06,rem us east north central smm food,2022-03-14,241.06,267.9331243665962 +0.6243731193580739,0.646,0.39321862348178155,0.6845806127574084,0.0,0.6060150375939848,0.5877901109989909,89.76,raleigh/durham/fayetteville smm food,2022-03-14,89.76,79.65715177107832 +0.7713139418254763,0.275,0.4650809716599192,0.9517830236062281,0.0,0.6230576441102755,0.6407669021190716,47.38,providence ri/new bedford ma smm food,2022-03-14,47.38,42.71133740010992 +0.1649949849548646,0.17900000000000002,0.36690283400809726,0.6017076845806129,0.0,0.4305764411027569,0.18012108980827446,52.97,pittsburgh smm food,2022-03-14,52.97,53.73595661986405 +0.6268806419257769,0.42300000000000004,0.5096153846153849,0.6428930185836264,0.0,0.13634085213032615,0.45610494450050454,57.85,norfolk/portsmouth/newport news smm food,2022-03-14,57.85,55.496408872371134 +0.48395185556670034,0.665,0.308198380566802,0.6619789050728278,0.0,0.33533834586466155,0.6528758829465187,154.29,philadelphia smm food,2022-03-14,154.29,154.0068538983605 +0.6960882647943828,0.76,0.43623481781376544,0.6705173279758916,0.0,0.7729323308270675,0.5847628657921292,8.14,paducah ky/cape girardeau mo smm food,2022-03-14,8.14,8.698847780963263 +0.8054162487462387,0.338,0.12449392712550622,0.7724761426418886,0.0,0.6416040100250626,0.45408678102926336,251.32,orlando/daytona beach/melborne smm food,2022-03-14,251.32,90.6586402942512 +0.8721163490471413,0.12,0.5819838056680167,0.5856353591160222,0.0,0.6280701754385961,0.11402623612512613,14.66,omaha smm food,2022-03-14,14.66,12.604902710651373 +0.7412236710130391,0.9140000000000001,0.41497975708502044,0.6750376695128077,0.0,0.27167919799498724,0.25176589303733604,1.59,oklahoma city smm food,2022-03-14,1.59,2.7563913032824843 +0.4558676028084252,0.337,0.5829959514170043,0.4053239578101457,0.0,0.6456140350877193,0.5580221997981837,133.63,rem us mountain smm food,2022-03-14,133.63,129.1848025689456 +0.526579739217653,0.543,0.27479757085020245,0.9156202913108992,0.0,0.2641604010025062,0.4243188698284561,80.42,phoenix/prescott smm food,2022-03-14,80.42,73.9825001676078 +0.6023069207622869,0.736,0.6821862348178142,0.8854846810647916,0.0,0.2536340852130325,0.6150353178607467,123.45,rem us new england smm food,2022-03-14,123.45,105.0148261367624 +0.39769307923771297,0.6200000000000001,0.7398785425101218,0.7800100452034154,0.0,0.3919799498746866,0.5605449041372351,36.56,salt lake city smm food,2022-03-14,36.56,35.641597912356474 +0.38866599799398166,0.703,0.7489878542510124,0.35308890005022603,0.0,0.26065162907268186,0.6902119071644803,346.32,rem us south atlantic smm food,2022-03-14,346.32,238.982748211881 +0.4744232698094283,0.496,0.5769230769230773,0.6815670517327976,0.0,0.15238095238095237,0.5686175580221998,395.24,rem us south central smm food,2022-03-14,395.24,353.160088186131 +0.7447342026078233,0.227,0.2828947368421054,0.4771471622300352,0.0,0.357393483709273,0.3713420787083754,82.8,rem us west north central smm food,2022-03-14,82.8,78.69850937202905 +0.16248746238716158,0.514,0.7034412955465591,0.6594676042189855,0.0,0.2375939849624058,0.35166498486377396,44.21,richmond/petersburg smm food,2022-03-14,44.21,38.705122324895065 +0.5937813440320961,0.7630000000000001,0.4058704453441303,0.6202913108990458,0.0,0.8676691729323304,0.3491422805247225,28.740000000000002,sacramento/stockton/modesto smm food,2022-03-14,28.740000000000002,28.04453694933111 +0.36058174523570696,0.042,0.6361336032388667,0.8116524359618283,0.0,0.4345864661654135,0.558526740665994,24.68,san diego smm food,2022-03-14,24.68,28.63175161527213 +0.32848545636910725,0.734,0.43623481781376544,0.38473129080863894,0.0,0.9027568922305762,0.36781029263370335,42.35,san francisco/oakland/san jose smm food,2022-03-14,42.35,41.85589278841836 +0.5255767301905715,0.13799999999999998,0.8061740890688267,0.12305374183827224,0.0,0.5864661654135335,0.6609485368314834,43.96,seattle/tacoma smm food,2022-03-14,43.96,46.16768825496419 +0.34302908726178516,0.242,0.49848178137651844,0.8061275740833753,0.0,0.28020050125313267,0.5080726538849647,45.42,st. louis smm food,2022-03-14,45.42,41.2259498782538 +0.4252758274824473,0.476,0.8846153846153852,0.2782521346057258,0.0,0.619548872180451,0.669021190716448,344.74,tampa/ft. myers smm food,2022-03-14,344.74,128.68507892455102 +0.2973921765295887,0.25,0.36386639676113375,0.7935710698141638,0.0,0.14085213032581462,0.5756811301715439,17.05,tucson/sierra vista smm food,2022-03-14,17.05,15.547794092951086 +0.3866599799398195,0.296,0.5592105263157896,0.5318935208437972,0.0,0.31328320802005005,0.5625630676084763,137.21,washington dc/hagerstown smm food,2022-03-14,137.21,129.87713892561516 +0.3846539618856569,0.918,0.5748987854251015,0.05173279758915118,0.0,0.5468671679197996,0.8380423814328961,3.07,yakima/pasco/richland/kennewick smm food,2022-03-14,3.07,3.3439545978319245 +0.6725175526579736,0.666,0.5040485829959518,0.5278754394776495,0.0,0.6095238095238096,0.5121089808274469,299.74,new york smm food,2022-03-14,299.74,251.49280279568325 +0.5581745235707121,0.47000000000000003,0.40637651821862375,0.8352586639879458,0.0,0.5353383458646617,0.6291624621594349,56.78,rem us pacific smm food,2022-03-14,56.78,63.83443356659803 +0.19608826479438313,0.8039999999999999,0.8947368421052636,0.2757408337518835,0.0,0.4741854636591478,0.5156407669021191,13.65,new orleans smm food,2022-03-14,13.65,10.234454744865992 +0.6113340020060178,0.27,0.5273279352226723,0.5529884480160724,0.0,0.6952380952380951,0.6992936427850656,65.39,nashville smm food,2022-03-14,65.39,52.109188209213464 +0.6093279839518554,0.8,0.12955465587044535,0.689603214465093,0.0,0.9844611528822055,0.641271442986882,46.52,mobile/pensacola smm food,2022-03-14,46.52,23.417658274179104 +0.3309929789368104,0.11599999999999999,0.06730769230769244,0.7167252636865898,0.0,0.5298245614035085,0.41876892028254287,23.42,albuquerque/santa fe smm food,2022-03-14,23.42,21.931285064518107 +0.6489468405215647,0.884,0.8370445344129559,0.461577096936213,0.0,0.7739348370927316,0.7108980827447023,221.34,atlanta smm food,2022-03-14,221.34,130.60613268794955 +0.7848545636910732,0.477,0.7029352226720652,0.36966348568558516,0.0,0.7989974937343359,0.2734611503531786,58.71,baltimore smm food,2022-03-14,58.71,60.27477415586276 +0.4804413239719155,0.13999999999999999,0.3289473684210528,0.2797589151180312,0.0,0.5323308270676691,0.18970736629667004,2.46,baton rouge smm food,2022-03-14,2.46,-1.0491541979006342 +0.7367101303911733,0.126,0.2125506072874495,0.6283274736313411,0.0,0.5318295739348371,0.5474268415741675,28.66,birmingham/anniston/tuscaloosa smm food,2022-03-14,28.66,13.824040177771018 +0.4989969909729188,0.548,0.7332995951417008,0.5554997488699147,0.0,0.3769423558897242,0.3990918264379415,168.2,boston/manchester smm food,2022-03-14,168.2,140.337090011925 +0.4398194583751255,0.895,0.5708502024291502,0.8593671521848318,0.0,0.7869674185463658,0.4001009081735621,18.67,buffalo smm food,2022-03-14,18.67,21.36496447115684 +0.6464393179538614,0.22799999999999998,0.7914979757085024,0.4158714213962833,0.0,0.468170426065163,0.5908173562058526,104.5,charlotte smm food,2022-03-14,104.5,81.38589041578896 +0.5797392176529588,0.334,0.5566801619433202,0.4259166248116525,0.0,0.6556390977443608,0.5030272452068617,126.86,chicago smm food,2022-03-14,126.86,131.69045820005738 +0.3204613841524573,0.252,0.5561740890688263,0.42290306378704173,0.0,0.6456140350877191,0.3562058526740666,76.8,cleveland/akron/canton smm food,2022-03-14,76.8,82.95918275061635 +0.49749247743229674,0.238,0.8815789473684216,0.34957307885484684,0.0,0.029573934837092773,0.8032290615539859,56.28000000000001,columbus oh smm food,2022-03-14,56.28000000000001,57.62240799056792 +0.282848545636911,0.679,0.30111336032388686,0.49824208940231046,0.0,0.6355889724310776,0.2648839556004036,61.26,dallas/ft. worth smm food,2022-03-14,61.26,62.16539525955784 +0.8294884653961885,0.08900000000000001,0.31376518218623495,0.17780010045203418,0.0,0.6040100250626566,0.3970736629667003,15.51,des moines/ames smm food,2022-03-14,15.51,16.207722347331185 +0.8776328986960882,0.663,0.6543522267206482,0.18684078352586642,0.0,0.45313283208020044,0.4808274470232089,99.91,detroit smm food,2022-03-14,99.91,112.6848730855906 +0.033600802407221665,0.5,0.09362348178137657,0.7729784028126571,0.0,0.8350877192982451,0.8335015136226034,56.78,grand rapids smm food,2022-03-14,56.78,69.05422366014542 +0.23570712136409216,0.8580000000000001,0.6589068825910934,0.6755399296835761,0.0,0.42355889724310763,0.7885973763874874,41.46,albany/schenectady/troy smm food,2022-03-14,41.46,37.55629273569272 +0.2036108324974925,0.388,0.8001012145748994,0.5926670015067805,0.0,0.11679197994987467,0.08425832492431887,44.71,harrisburg/lancaster smm food,2022-03-14,44.71,37.856410602786696 +0.36860581745235704,0.028000000000000004,0.6042510121457495,0.6845806127574084,0.0,0.33734335839598983,0.23612512613521697,42.6,greensboro smm food,2022-03-14,42.6,36.25129117843736 +0.6198595787362086,0.052000000000000005,0.8461538461538467,0.34003013561024614,0.0,0.21052631578947384,0.17457114026236126,48.59,minneapolis/st. paul smm food,2022-03-14,48.59,39.26675827564548 +0.7447342026078234,0.5730000000000001,0.4635627530364374,0.371672526368659,0.0,0.37243107769423556,0.29263370332996974,22.74,milwaukee smm food,2022-03-14,22.74,21.595666591425733 +0.7301905717151455,0.9810000000000001,0.6184210526315792,0.4073329984932195,0.0,0.4180451127819548,0.7230070635721494,354.07,miami/west palm beach smm food,2022-03-14,354.07,139.14848352837095 +0.5060180541624875,0.18200000000000002,0.23937246963562767,0.7945755901557008,0.0,0.2416040100250624,0.41422805247225025,120.33999999999999,los angeles smm food,2022-03-14,120.33999999999999,115.9313783706167 +0.6394182547642929,0.9410000000000001,0.6877530364372473,0.5027624309392266,0.0,0.869674185463659,0.1644803229061554,13.18,little rock/pine bluff smm food,2022-03-14,13.18,10.577588644973268 +0.8781344032096287,0.9980000000000001,0.2535425101214576,0.5655449522852838,0.0,0.7443609022556389,0.5554994954591322,7.0200000000000005,madison wi smm food,2022-03-14,7.0200000000000005,8.357273289477405 +0.09077231695085256,0.6400000000000001,0.7257085020242918,0.6609743847312909,0.0,0.47218045112781937,0.28910191725529766,28.04,knoxville smm food,2022-03-14,28.04,23.01350160178084 +0.5762286860581745,0.007000000000000001,0.515182186234818,0.3154193872425917,0.0,0.40551378446115277,0.3647830474268416,33.28,kansas city smm food,2022-03-14,33.28,30.97090292344985 +0.42627883650952847,0.5860000000000001,0.8770242914979761,0.371672526368659,0.0,0.6987468671679197,0.48385469223007066,92.44,jacksonville smm food,2022-03-14,92.44,37.02979988262903 +0.6870611835506517,0.477,0.305161943319838,0.6664992466097439,0.0,0.3794486215538845,0.577699293642785,31.870000000000005,indianapolis smm food,2022-03-14,31.870000000000005,43.171120170601995 +0.24523570712136414,0.095,0.619939271255061,0.3490708186840784,0.0,0.9323308270676689,0.31231079717457116,130.93,houston smm food,2022-03-14,130.93,122.27200146753535 +0.2552657973921767,0.902,0.5961538461538466,0.5901557006529383,0.0,0.5528822055137842,0.3849646821392533,85.3,hartford/new haven smm food,2022-03-14,85.3,72.02624777565048 +0.26379137412236714,0.03,0.640182186234818,0.6725263686589654,0.0,0.6035087719298244,0.4818365287588295,32.9,las vegas smm food,2022-03-14,32.9,29.15577599362532 +0.4398194583751253,0.119,0.6098178137651825,0.3992968357609242,0.002418291665646646,0.26566416040100255,0.17658930373360243,53.07,pittsburgh smm food,2022-03-21,53.07,52.96479312676154 +0.7788365095285855,0.4570000000000001,0.466599190283401,0.5173279758915118,0.018071498852394126,0.44110275689223033,0.6185671039354188,215.46,rem us east north central smm food,2022-03-21,215.46,268.9824672451202 +0.4578736208625875,0.7480000000000002,0.5900809716599194,0.5730788548468106,0.0029887539750451594,0.7318295739348369,0.31231079717457116,84.36,raleigh/durham/fayetteville smm food,2022-03-21,84.36,78.12246583933032 +0.8049147442326978,0.895,0.5592105263157896,0.6509291813159217,0.0012453932992085228,0.2827067669172932,0.7093844601412714,42.91,providence ri/new bedford ma smm food,2022-03-21,42.91,40.908340499008 +0.5747241725175526,0.8820000000000001,0.6052631578947372,0.9809141135107987,0.0015550004793371266,0.18796992481203004,0.6846619576185671,35.04,portland or smm food,2022-03-21,35.04,44.94433561685684 +0.5772316950852557,0.785,0.299089068825911,0.8141637368156706,0.0037099044416432844,0.17744360902255635,0.425832492431887,68.9,phoenix/prescott smm food,2022-03-21,68.9,73.87523457792193 +0.5431293881644932,0.233,0.2596153846153849,0.8257157207433451,0.01285914484337829,0.5649122807017545,0.5822401614530777,301.89,new york smm food,2022-03-21,301.89,254.7109787624081 +0.8299899699097287,0.11399999999999999,0.19838056680161958,0.4605725765946761,0.0012020229682498124,0.7388471177944859,0.612008072653885,8.93,paducah ky/cape girardeau mo smm food,2022-03-21,8.93,7.4977604395322714 +0.5551654964894683,0.29100000000000004,0.12297570850202443,0.7845303867403316,0.0029545642250923096,0.587468671679198,0.12916246215943492,81.49,orlando/daytona beach/melborne smm food,2022-03-21,81.49,88.6535324532299 +0.8430290872617852,0.42900000000000005,0.21002024291498006,0.419889502762431,0.0007936453993685222,0.18095238095238064,0.3193743693239152,13.87,omaha smm food,2022-03-21,13.87,11.441107613540268 +0.7106318956870612,0.015,0.33653846153846173,0.8593671521848318,0.001570195923760616,0.41954887218045084,0.13925327951564076,5.09,oklahoma city smm food,2022-03-21,5.09,3.3238706703220515 +0.5722166499498491,0.555,0.22722672064777336,0.29432446007031643,0.0018503619303187125,0.20651629072681738,0.35973763874873865,56.68000000000001,norfolk/portsmouth/newport news smm food,2022-03-21,56.68000000000001,53.217960223435654 +0.3279839518555668,0.741,0.22014170040485823,0.13510798593671522,0.0062564076696131265,0.20601503759398493,0.6044399596367306,70.61,rem us middle atlantic smm food,2022-03-21,70.61,81.61924356284635 +0.7888665997993983,0.66,0.13208502024291524,0.6675037669512808,0.006698658416688445,0.6130325814536339,0.36781029263370335,159.94,philadelphia smm food,2022-03-21,159.94,154.5875400289503 +0.8615847542627882,0.20099999999999998,0.17004048582995962,0.4073329984932195,0.006298828285295367,0.7533834586466165,0.6634712411705348,126.67000000000002,rem us mountain smm food,2022-03-21,126.67000000000002,131.38877175230255 +0.2622868605817451,0.027000000000000003,0.31376518218623545,0.17780010045203418,0.0017550738309130795,0.833082706766917,0.6513622603430878,28.46,sacramento/stockton/modesto smm food,2022-03-21,28.46,26.45337618176857 +0.7026078234704112,0.10600000000000001,0.6477732793522271,0.8031140130587645,0.0056102847098559875,0.2365914786967418,0.42785065590312815,59.690000000000005,rem us pacific smm food,2022-03-21,59.690000000000005,62.568163636168116 +0.5481444332998994,0.04500000000000001,0.584514170040486,0.5605223505775992,0.01904305758022101,0.0696741854636593,0.49949545913218973,257.02,rem us south atlantic smm food,2022-03-21,257.02,241.01514462675422 +0.4047141424272818,0.454,0.43977732793522295,0.3033651431441487,0.028260994053620557,0.14185463659147868,0.21745711402623613,357.31,rem us south central smm food,2022-03-21,357.31,352.6856471820569 +0.611334002006018,0.509,0.3881578947368423,0.26820693119035666,0.009443018993922478,0.35438596491228047,0.2885973763874874,73.62,rem us west north central smm food,2022-03-21,73.62,78.31483082940719 +0.5461384152457373,0.6280000000000001,0.42560728744939297,0.9010547463586138,0.0013631579934905683,0.307769423558897,0.7310797174571141,37.51,richmond/petersburg smm food,2022-03-21,37.51,43.21832612498701 +0.5085255767301905,0.27799999999999997,0.7408906882591098,0.3375188347564039,0.0018114236039835198,0.020050125313283207,0.781029263370333,32.03,salt lake city smm food,2022-03-21,32.03,33.51654465100434 +0.29989969909729175,0.036,0.6371457489878546,0.4450025113008539,0.00127800019036726,0.6456140350877193,0.8829465186680121,23.78,san diego smm food,2022-03-21,23.78,29.14228623076695 +0.4964894684052155,0.685,0.11892712550607303,0.13159216474133603,0.0020646810110416846,0.6355889724310776,0.31786074672048437,46.06,san francisco/oakland/san jose smm food,2022-03-21,46.06,39.644622526941475 +0.14794383149448326,0.6040000000000001,0.5404858299595148,0.17930688096433955,0.002554734093699232,0.5984962406015034,0.8970736629667003,42.45,seattle/tacoma smm food,2022-03-21,42.45,47.678974395290254 +0.45987963891675004,0.41900000000000004,0.48684210526315813,0.5303867403314918,0.0025553672372168774,0.48922305764411006,0.4036326942482341,38.25,st. louis smm food,2022-03-21,38.25,40.318366626830496 +0.06720160481444333,0.519,0.586032388663968,0.15519839276745356,0.0038472965849723375,0.37192982456140333,0.7891019172552977,131.53,tampa/ft. myers smm food,2022-03-21,131.53,127.6924624694184 +0.40621865596790363,0.53,0.2950404858299597,0.485685585133099,0.0008547437488213044,0.47318295739348376,0.5015136226034309,13.53,tucson/sierra vista smm food,2022-03-21,13.53,14.773385874565456 +0.1915747241725176,0.12,0.28846153846153844,0.3897538925163235,0.004259789586718323,0.4446115288220551,0.8360242179616549,129.79,washington dc/hagerstown smm food,2022-03-21,129.79,131.082377634845 +0.04262788365095285,0.167,0.8132591093117413,0.2506278252134606,0.001389116877714031,0.4882205513784461,0.4384460141271443,21.9,new orleans smm food,2022-03-21,21.9,9.28232379963935 +0.18806419257773327,0.125,0.29554655870445357,0.8613761928679057,0.0030045825629862943,0.6395989974937342,0.6488395560040363,105.71,rem us new england smm food,2022-03-21,105.71,105.4817564739483 +0.7738214643931794,0.20400000000000001,0.6523279352226723,0.5796082370668006,0.0036111340528905997,0.8145363408521301,0.31231079717457116,44.06,nashville smm food,2022-03-21,44.06,51.21327743880803 +0.5140421263791374,0.038000000000000006,0.4048582995951419,0.07684580612757409,0.0005872406126161184,0.562406015037594,0.536326942482341,2.89,yakima/pasco/richland/kennewick smm food,2022-03-21,2.89,1.5751951277116802 +0.26730190571715146,0.7680000000000001,0.4574898785425105,0.7152184831742844,0.001959895758871369,0.13784461152882221,0.3572149344096872,63.57999999999999,minneapolis/st. paul smm food,2022-03-21,63.57999999999999,42.03055879980139 +0.5130391173520561,0.229,0.28542510121457504,0.8804620793571071,0.0019640111917360635,0.65062656641604,0.6927346115035318,38.27,albany/schenectady/troy smm food,2022-03-21,38.27,39.096859277399076 +0.14694082246740217,0.7240000000000001,0.11740890688259126,0.7503766951280765,0.0013476459773082551,0.494235588972431,0.20131180625630676,23.62,albuquerque/santa fe smm food,2022-03-21,23.62,20.948510407452602 +0.7597793380140422,0.149,0.35374493927125505,0.5479658463083878,0.004188560940983217,0.7037593984962404,0.7840565085771948,102.7,atlanta smm food,2022-03-21,102.7,131.44692146270006 +0.4107321965897694,0.893,0.5966599190283405,0.4485183324962331,0.0027760177531163006,0.8365914786967419,0.3012108980827447,59.49,baltimore smm food,2022-03-21,59.49,60.89827111919695 +0.5406218655967902,0.23399999999999999,0.40182186234817835,0.33601205424409847,0.0009772570194856915,0.22105263157894733,0.31634712411705346,3.88,baton rouge smm food,2022-03-21,3.88,-0.6312299182920356 +0.47743229689067174,0.255,0.25809716599190297,0.6273229532898041,0.0018038258817717745,0.5157894736842106,0.28809283551967707,15.84,birmingham/anniston/tuscaloosa smm food,2022-03-21,15.84,12.1752526328088 +0.3445336008024072,0.588,0.5865384615384618,0.6554495228528379,0.005804026626255477,0.4080200501253131,0.46266397578203833,141.64,boston/manchester smm food,2022-03-21,141.64,141.86231147438392 +0.21464393179538632,0.7070000000000001,0.5359311740890692,0.8804620793571071,0.001509097574307836,0.6215538847117793,0.45408678102926336,14.84,buffalo smm food,2022-03-21,14.84,21.01538923670472 +0.45285857572718147,0.522,0.92004048582996,0.38925163234555504,0.0029593128014746496,0.6686716791979951,0.39455095862764883,96.51,charlotte smm food,2022-03-21,96.51,81.02521848545106 +0.7076228686058174,0.8810000000000001,0.7297570850202433,0.3139126067302863,0.006465028458677288,0.6471177944862154,0.6029263370332997,117.75999999999999,chicago smm food,2022-03-21,117.75999999999999,133.0831377430498 +0.6303911735205615,0.564,0.29352226720647795,0.4455047714716223,0.0036263294973140903,0.3328320802005012,0.22351160443995963,68.64,cleveland/akron/canton smm food,2022-03-21,68.64,82.36244023891891 +0.25677031093279834,0.557,0.9696356275303649,0.431943746860874,0.0030514351832920564,0.4085213032581453,0.5716448032290615,47.08,columbus oh smm food,2022-03-21,47.08,58.15476774995436 +0.24172517552658,0.363,0.32034412955465613,0.6604721245605224,0.00475680724806997,0.7308270676691727,0.2063572149344097,51.46,dallas/ft. worth smm food,2022-03-21,51.46,63.516337313308455 +0.6379137412236708,0.492,0.40587044534412975,0.4555499748869915,0.0009145758112387957,0.5433583959899748,0.7578203834510595,15.360000000000001,des moines/ames smm food,2022-03-21,15.360000000000001,19.752337114032557 +0.6935807422266799,0.6120000000000001,0.49342105263157937,0.3214465092918132,0.003750109055013771,0.17493734335839595,0.6604439959636731,92.12,detroit smm food,2022-03-21,92.12,113.7343919318803 +0.5787362086258775,0.16100000000000003,0.12904858299595143,0.41536916122551487,0.0010624148226089987,0.9072681704260652,0.6770938446014128,25.25,mobile/pensacola smm food,2022-03-21,25.25,21.61894521029916 +0.4338014042126379,0.666,0.46002024291498017,0.7338021094927173,0.0024284219619289736,0.5177944862155387,0.17608476286579214,40.5,greensboro smm food,2022-03-21,40.5,37.40138075541852 +0.4453360080240723,0.03900000000000001,0.5450404858299598,0.2461074836765445,0.0019440671709302336,0.4100250626566415,0.5116044399596368,18.06,milwaukee smm food,2022-03-21,18.06,21.839313153342935 +0.5366098294884655,0.063,0.41447368421052644,0.5293822199899548,0.002337249295388034,0.5458646616541353,0.39455095862764883,126.89,miami/west palm beach smm food,2022-03-21,126.89,137.7971853761125 +0.843029087261785,0.501,0.2145748987854252,0.30989452536413864,0.0010133461999914794,0.601503759398496,0.35065590312815337,4.67,madison wi smm food,2022-03-21,4.67,5.0950234838788475 +0.7708124373119358,0.18700000000000006,0.18623481781376533,0.7508789552988449,0.007810141861914967,0.44110275689223033,0.7830474268415741,117.54,los angeles smm food,2022-03-21,117.54,119.94608911741877 +0.08375125376128384,0.31800000000000006,0.4919028340080975,0.4660974384731291,0.002261272073270584,0.9067669172932326,0.6004036326942482,53.2,grand rapids smm food,2022-03-21,53.2,66.72903390455357 +0.4393179538615848,0.658,0.5592105263157897,0.7117026619789052,0.0009452832718445977,0.6671679197994986,0.37891019172552975,27.26,las vegas smm food,2022-03-21,27.26,29.647381460195852 +0.4147442326980943,0.29500000000000004,0.7484817813765188,0.2004018081366148,0.0022384789066353496,0.9679197994987468,0.2885973763874874,10.13,little rock/pine bluff smm food,2022-03-21,10.13,9.548739316210693 +0.49498495486459376,0.892,0.5420040485829962,0.4881968859869413,0.0015793765047664768,0.7278195488721803,0.3632694248234107,34.0,kansas city smm food,2022-03-21,34.0,33.461610856944155 +0.35606820461384137,0.8119999999999999,0.6411943319838059,0.5660472124560523,0.001652504581054522,0.864160401002506,0.5893037336024218,46.86,jacksonville smm food,2022-03-21,46.86,39.34197888097136 +0.640421263791374,0.684,0.2818825910931174,0.5143144148669011,0.0034104275577970054,0.44912280701754365,0.7593340060544904,27.42,indianapolis smm food,2022-03-21,27.42,44.05176829106519 +0.33550651955867605,0.3600000000000001,0.5784412955465589,0.6037167252636867,0.004579527063129255,0.4907268170426064,0.4066599394550959,118.55999999999999,houston smm food,2022-03-21,118.55999999999999,123.80164217578246 +0.4859578736208628,0.10200000000000001,0.30212550607287486,0.5580110497237569,0.0022717189413117337,0.2516290726817041,0.4455095862764884,83.39,hartford/new haven smm food,2022-03-21,83.39,71.41529510933702 +0.3159478435305918,0.601,0.7646761133603245,0.26820693119035666,0.0021530045317532187,0.2451127819548872,0.2658930373360242,39.63,harrisburg/lancaster smm food,2022-03-21,39.63,38.01565838844465 +0.5601805416248745,0.634,0.6265182186234821,0.6659969864389754,0.00148028954425497,0.35488721804511264,0.2785065590312815,24.26,knoxville smm food,2022-03-21,24.26,23.545036460887196 +0.8540621865596787,0.9,0.6938259109311745,0.42290306378704173,0.04453088302655466,0.4496240601503758,0.3546922300706357,247.51999999999998,rem us east north central smm food,2022-03-28,247.51999999999998,271.1317721620168 +0.2617853560682044,0.945,0.8846153846153851,0.5208437970868911,0.007310591626492733,0.581954887218045,0.6442986881937437,74.65,raleigh/durham/fayetteville smm food,2022-03-28,74.65,79.83519623416582 +0.7367101303911735,0.9140000000000001,0.9448380566801623,0.4771471622300352,0.0035854917404259607,0.16641604010025057,0.6614530776992936,37.76,providence ri/new bedford ma smm food,2022-03-28,37.76,39.73526640753348 +0.5045135406218656,0.9359999999999999,0.7798582995951421,0.7257659467604219,0.004655820857005525,0.37192982456140344,0.6473259334006054,35.84,portland or smm food,2022-03-28,35.84,44.28756504577732 +0.3595787362086258,0.995,0.5931174089068828,0.11953792064289304,0.006312440870924744,0.45413533834586467,0.4389505549949546,58.58,pittsburgh smm food,2022-03-28,58.58,54.27611367185143 +0.3435305917753256,0.11000000000000001,0.42965587044534426,0.26167754897036666,0.004449416070253123,0.6380952380952384,0.6402623612512613,53.36,norfolk/portsmouth/newport news smm food,2022-03-28,53.36,55.89476266083584 +0.6845536609829489,0.7320000000000001,0.4225708502024296,0.29131089904570573,0.016008084128387737,0.4967418546365913,0.46266397578203833,161.28,philadelphia smm food,2022-03-28,161.28,153.97014325015584 +0.9202607823470408,0.746,0.23785425101214588,0.34957307885484684,0.002919108188104166,0.8937343358395987,0.6614530776992936,6.97,paducah ky/cape girardeau mo smm food,2022-03-28,6.97,8.336717517072856 +0.36609829488465384,0.7700000000000001,0.37398785425101244,0.6474133601205425,0.007851296190561916,0.5513784461152882,0.3577194752774975,55.92,orlando/daytona beach/melborne smm food,2022-03-28,55.92,89.82976619976967 +0.7161484453360079,0.934,0.5202429149797576,0.4952285283776997,0.0025145294803287487,0.23859649122806986,0.6685166498486378,12.83,omaha smm food,2022-03-28,12.83,14.52730970124857 +0.8209628886659981,0.11200000000000002,0.8036437246963567,0.5781014565544953,0.004513996709052953,0.5503759398496237,0.13218970736629668,4.88,oklahoma city smm food,2022-03-28,4.88,3.005449516275874 +0.549147442326981,0.8039999999999999,0.5845141700404859,0.37016574585635365,0.01585581311239402,0.2115288220551378,0.7356205852674067,77.55,rem us middle atlantic smm food,2022-03-28,77.55,85.71282789416885 +0.3425275827482448,0.935,0.4412955465587046,0.3581115017579106,0.009269221098328813,0.25213032581453637,0.260343087790111,70.49,phoenix/prescott smm food,2022-03-28,70.49,71.08402519144532 +0.621865596790371,0.261,0.2616396761133605,0.2998493219487695,0.01625501010026945,0.46416040100250633,0.565590312815338,120.92,rem us mountain smm food,2022-03-28,120.92,130.39624468277935 +0.4338014042126378,0.10400000000000001,0.5511133603238869,0.2903063787041688,0.0044392857739707975,0.4902255639097743,0.7558022199798183,30.44,salt lake city smm food,2022-03-28,30.44,34.60472496071435 +0.5792377131394182,0.122,0.640688259109312,0.642390758412858,0.014640177558514834,0.3177944862155388,0.47023208879919276,59.56,rem us pacific smm food,2022-03-28,59.56,63.213266904774805 +0.7281845536609826,0.875,0.5900809716599191,0.43294826720241086,0.04687414718536032,0.3784461152882206,0.3299697275479314,222.59,rem us south atlantic smm food,2022-03-28,222.59,244.86239493804146 +0.4508525576730189,0.281,0.4311740890688262,0.5017579105976897,0.06837348504228673,0.400501253132832,0.529263370332997,342.28,rem us south central smm food,2022-03-28,342.28,362.0654938369164 +0.48244734202607825,0.58,0.7864372469635631,0.3802109492717228,0.02301033486178716,0.33684210526315767,0.6236125126135217,76.85,rem us west north central smm food,2022-03-28,76.85,82.81309089034329 +0.9152457372116348,0.12,0.530364372469636,0.6057257659467605,0.0034731087660438992,0.6165413533834584,0.4727547931382442,37.3,richmond/petersburg smm food,2022-03-28,37.3,41.72753304216406 +0.19207622868605806,0.7230000000000001,0.4777327935222679,0.30537418382722253,0.004483289248447155,0.7293233082706764,0.5055499495459133,30.320000000000004,sacramento/stockton/modesto smm food,2022-03-28,30.320000000000004,26.70650002554182 +0.4122367101303911,0.9500000000000001,0.8137651821862352,0.35560020090406835,0.002859909269204318,0.7714285714285714,0.8678102926337034,21.93,san diego smm food,2022-03-28,21.93,29.872478038158256 +0.819458375125376,0.916,0.20242914979757104,0.3480662983425415,0.00470647233841716,0.3057644110275689,0.3486377396569122,43.78,san francisco/oakland/san jose smm food,2022-03-28,43.78,41.10893955341594 +0.3470411233701101,0.807,0.4281376518218628,0.34003013561024614,0.006476741613753729,0.8200501253132828,0.7951564076690212,40.49,seattle/tacoma smm food,2022-03-28,40.49,49.603558275964005 +0.3826479438314942,0.671,0.5743927125506076,0.5705675539929684,0.0068151568239352,0.6360902255639095,0.47527749747729564,41.43,st. louis smm food,2022-03-28,41.43,42.05889686506033 +0.4092276830491474,0.933,0.33653846153846184,0.32094424912104474,0.009357544619040347,0.6365914786967417,0.5832492431886983,80.83,tampa/ft. myers smm food,2022-03-28,80.83,129.65270051928428 +0.3676028084252758,0.48300000000000004,0.3112348178137654,0.3586137619286791,0.0019095608492185586,0.46365914786967427,0.6922300706357215,14.0,tucson/sierra vista smm food,2022-03-28,14.0,15.19369771817599 +0.25476429287863595,0.664,0.382085020242915,0.23304871923656456,0.01028351701359676,0.20701754385964907,0.5610494450050454,125.43,washington dc/hagerstown smm food,2022-03-28,125.43,129.11819950436944 +0.7266800401203607,0.7120000000000001,0.5576923076923082,0.8312405826217981,0.03036081452989155,0.7453634085213033,0.5080726538849646,260.24,new york smm food,2022-03-28,260.24,258.04364065451335 +0.38766298896690077,0.36200000000000004,0.46862348178137675,0.8844801607232547,0.00739923171896309,0.5624060150375938,0.6816347124117054,97.63,rem us new england smm food,2022-03-28,97.63,106.73127669858998 +0.04663991975927783,0.294,0.39827935222672095,0.3962832747363135,0.004188877512742037,0.42656641604010026,0.7891019172552977,10.23,new orleans smm food,2022-03-28,10.23,12.163567958478971 +0.3746238716148445,0.924,0.19939271255060742,0.10145655449522854,0.0011792298016145774,0.39849624060150385,0.17457114026236126,3.39,yakima/pasco/richland/kennewick smm food,2022-03-28,3.39,-0.7518454301159068 +0.8410230692076227,0.137,0.7403846153846158,0.47815168257157215,0.008015596933390897,0.5268170426065162,0.3582240161453078,41.06,nashville smm food,2022-03-28,41.06,50.76230735692085 +0.523570712136409,0.787,0.23886639676113372,0.8613761928679057,0.004480123530858926,0.7167919799498745,0.2946518668012109,33.4,albany/schenectady/troy smm food,2022-03-28,33.4,37.48721561385506 +0.3109327983951855,0.446,0.3927125506072877,0.34203917629332,0.0033714892314618103,0.5408521303258144,0.3148335015136226,23.68,albuquerque/santa fe smm food,2022-03-28,23.68,20.010188415560535 +0.354062186559679,0.462,0.1472672064777327,0.3345052737317931,0.01138423701902331,0.6496240601503757,0.8133198789101918,102.4,atlanta smm food,2022-03-28,102.4,130.58234223833327 +0.5481444332998998,0.918,0.5323886639676116,0.7036664992466098,0.005932871332096318,0.7172932330827069,0.2921291624621594,62.99,baltimore smm food,2022-03-28,62.99,62.582685917445886 +0.5366098294884651,0.124,0.5414979757085022,0.3490708186840784,0.001771852134130682,0.2746867167919799,0.6402623612512613,1.9500000000000002,baton rouge smm food,2022-03-28,1.9500000000000002,1.625792741430601 +0.4699097291875624,0.9580000000000001,0.22874493927125517,0.8056253139126068,0.004449732642011946,0.34937343358396,0.17003027245206861,10.86,birmingham/anniston/tuscaloosa smm food,2022-03-28,10.86,12.663882941431218 +0.5667001003009027,0.279,0.7454453441295551,0.47764942240080366,0.012811659079554881,0.7343358395989973,0.5156407669021191,131.32,boston/manchester smm food,2022-03-28,131.32,143.47187483093597 +0.09528585757271832,0.257,0.6027327935222675,0.7935710698141638,0.0042347804177713284,0.2160401002506265,0.13269424823410697,16.99,buffalo smm food,2022-03-28,16.99,17.417685126045413 +0.0872617853560681,0.274,0.9043522267206481,0.24259166248116526,0.008454681962877991,0.4982456140350879,0.4046417759838547,74.24,charlotte smm food,2022-03-28,74.24,79.75637553066261 +0.5531594784353058,0.9710000000000001,0.5318825910931176,0.20693119035660473,0.01564655917981221,0.5368421052631578,0.35065590312815337,111.42,chicago smm food,2022-03-28,111.42,131.6233447918707 +0.5366098294884653,0.542,0.33653846153846184,0.08488196885986941,0.008645891305206906,0.3639097744360901,0.520686175580222,87.58,cleveland/akron/canton smm food,2022-03-28,87.58,82.68215985957075 +0.18605817452357065,0.3600000000000001,0.6740890688259112,0.48166750376695133,0.006890500902535005,0.6546365914786966,0.6564076690211907,55.33,columbus oh smm food,2022-03-28,55.33,59.84361672156696 +0.424774322968907,0.282,0.2950404858299598,0.8342541436464089,0.012400432364844189,0.45363408521303233,0.39404641775983856,51.28,dallas/ft. worth smm food,2022-03-28,51.28,66.068473232387 +0.3029087261785355,0.9380000000000002,0.6244939271255064,0.6082370668006027,0.001963694619977241,0.4932330827067668,0.6629667003027245,17.23,des moines/ames smm food,2022-03-28,17.23,19.850675284587368 +0.35205616850551646,0.9990000000000001,0.5263157894736844,0.5660472124560523,0.00992515778260946,0.3674185463659147,0.42684157416750756,113.35,detroit smm food,2022-03-28,113.35,114.87603108881372 +0.5200601805416247,0.22400000000000003,0.14423076923076927,0.3043696634856856,0.002995401981980437,0.6882205513784462,0.4177598385469223,14.13,mobile/pensacola smm food,2022-03-28,14.13,19.01540671070407 +0.5496489468405216,0.23399999999999999,0.4519230769230773,0.8071320944249122,0.005574512101109019,0.5654135338345863,0.5368314833501514,38.22,greensboro smm food,2022-03-28,38.22,40.48987794167156 +0.46690070210631884,0.014000000000000002,0.20293522267206504,0.7106981416373682,0.0053706398884271955,0.08822055137844628,0.5035317860746721,60.61000000000001,minneapolis/st. paul smm food,2022-03-28,60.61000000000001,43.007514595916284 +0.23671013039117353,0.207,0.4362348178137653,0.27272727272727276,0.0048302518961168385,0.6606516290726816,0.5807265388496469,20.69,milwaukee smm food,2022-03-28,20.69,23.237985309653432 +0.7131394182547646,0.5599999999999999,0.22823886639676116,0.4701155198392768,0.00617156643824864,0.3473684210526315,0.23562058526740665,85.77,miami/west palm beach smm food,2022-03-28,85.77,136.87265588602986 +0.4543630892678032,0.572,0.6072874493927128,0.5123053741838273,0.0023834687721761482,0.6040100250626564,0.2558022199798184,5.86,madison wi smm food,2022-03-28,5.86,5.52939062249591 +0.24423269809428289,0.26,0.5253036437246966,0.27674535409342044,0.004795112430887517,0.49473684210526264,0.5040363269424823,65.08,grand rapids smm food,2022-03-28,65.08,64.42866667358012 +0.7181544633901704,0.845,0.7834008097165996,0.2877950778503265,0.0048707730812461445,0.5664160401002506,0.4853683148335015,9.75,little rock/pine bluff smm food,2022-03-28,9.75,11.097980767134253 +0.4789368104312939,0.10700000000000001,0.5167004048582998,0.42842792566549476,0.002412593373987837,0.7478696741854636,0.3768920282542886,26.23,las vegas smm food,2022-03-28,26.23,28.2555170915492 +0.6028084252758273,0.24300000000000002,0.31578947368421073,0.6820693119035661,0.019440355137543514,0.4561403508771927,0.6796165489404642,114.90999999999998,los angeles smm food,2022-03-28,114.90999999999998,120.46107709763234 +0.25626880641925776,0.329,0.4342105263157897,0.4640883977900553,0.004030591633330684,0.5463659147869673,0.3420787083753784,33.73,kansas city smm food,2022-03-28,33.73,32.26015359466009 +0.6529588766298896,0.9210000000000002,0.3112348178137652,0.30185836263184335,0.00411669915173046,0.6601503759398495,0.5443995963673057,24.57,jacksonville smm food,2022-03-28,24.57,37.62855870135123 +0.7397191574724171,0.22599999999999998,0.5480769230769232,0.37016574585635365,0.00884628122854168,0.44611528822055113,0.7330978809283552,34.31,indianapolis smm food,2022-03-28,34.31,43.94608542673515 +0.5501504513540623,0.242,0.912449392712551,0.43847312908086394,0.011314907803841132,0.31979949874686703,0.2588294651866801,122.84,houston smm food,2022-03-28,122.84,122.92452118416338 +0.30391173520561704,0.48200000000000004,0.4746963562753041,0.0708186840783526,0.005584009253873699,0.08220551378446105,0.7144298688193744,75.64,hartford/new haven smm food,2022-03-28,75.64,70.1035849452964 +0.3164493480441324,0.9390000000000001,0.8173076923076931,0.5268709191361125,0.005816689496608388,0.4105263157894736,0.5761856710393541,39.38,harrisburg/lancaster smm food,2022-03-28,39.38,42.5113087389809 +0.6865596790371113,0.053000000000000005,0.7712550607287454,0.4269211451531894,0.00405116879765416,0.25714285714285706,0.37436932391523714,23.54,knoxville smm food,2022-03-28,23.54,22.82108923516291 +0.9633901705115344,0.538,0.4362348178137654,0.4801607232546459,0.07083894589999795,0.24260651629072671,0.6387487386478304,260.75,rem us east north central smm food,2022-04-04,260.75,276.02467394576183 +0.21464393179538596,0.052000000000000005,0.5237854251012148,0.8031140130587645,0.012376056339414842,0.3223057644110275,0.9177598385469223,92.53,raleigh/durham/fayetteville smm food,2022-04-04,92.53,82.23319213619172 +0.5245737211634904,0.328,0.7692307692307695,0.7423405323957811,0.006875622029870337,0.29072681704260644,0.772452068617558,43.86,providence ri/new bedford ma smm food,2022-04-04,43.86,42.012900645314154 +0.6624874623871615,0.8980000000000001,0.6644736842105267,0.3977900552486188,0.00856136664560124,0.4180451127819548,0.715438950554995,37.77,portland or smm food,2022-04-04,37.77,43.67228430835838 +0.12036108324974923,0.87,0.35273279352226733,0.17428427925665496,0.010462380057331588,0.7563909774436091,0.6397578203834511,60.64000000000001,pittsburgh smm food,2022-04-04,60.64000000000001,56.66978274119462 +0.09628886659979947,0.313,0.4397773279352228,0.1858362631843295,0.012825904808701905,0.3959899749373433,0.2588294651866801,73.19,phoenix/prescott smm food,2022-04-04,73.19,70.33592411682679 +0.7251755265797388,0.072,0.8456477732793529,0.8277247614264189,0.04732589508520033,0.7779448621553885,0.48738647830474263,277.73,new york smm food,2022-04-04,277.73,260.2690453419079 +0.7893681043129385,0.0030000000000000005,0.6037449392712555,0.1762933199397288,0.004991386921357595,0.5614035087719296,0.5928355196770938,7.67,paducah ky/cape girardeau mo smm food,2022-04-04,7.67,5.871239707668408 +0.19909729187562683,0.377,0.5688259109311745,0.6212958312405826,0.013136145132348159,0.6656641604010024,0.3113017154389506,54.22,orlando/daytona beach/melborne smm food,2022-04-04,54.22,90.16754412844116 +0.5145436308926779,0.618,0.6594129554655876,0.2546459065796083,0.003985955015336683,0.59047619047619,0.4818365287588295,13.07,omaha smm food,2022-04-04,13.07,12.967435701941568 +0.8480441323971917,0.727,0.9463562753036444,0.3872425916624812,0.007321355066292705,0.5999999999999996,0.425832492431887,2.27,oklahoma city smm food,2022-04-04,2.27,4.579492735278805 +0.19358074222667965,0.7610000000000001,0.6138663967611339,0.45303867403314924,0.006538156534965333,0.5593984962406018,0.5943491422805247,64.17,norfolk/portsmouth/newport news smm food,2022-04-04,64.17,56.938143339026155 +0.4468405215646941,0.27799999999999997,0.49139676113360325,0.49824208940231046,0.02601301799422052,0.44862155388471164,0.7855701311806257,76.74,rem us middle atlantic smm food,2022-04-04,76.74,88.4283391815181 +0.6785356068204615,0.242,0.7874493927125513,0.12154696132596686,0.024858797361552935,0.2501253132832079,0.6306760847628659,153.4,philadelphia smm food,2022-04-04,153.4,154.4396361036985 +0.4954864593781344,0.034,0.7484817813765187,0.21396283274736316,0.0266806678335776,0.3072681704260652,0.7235116044399597,129.8,rem us mountain smm food,2022-04-04,129.8,131.78230023378757 +0.5717151454363087,0.9710000000000001,0.36133603238866413,0.42993470617780016,0.007430572323086539,0.6295739348370927,0.5100908173562059,33.25,salt lake city smm food,2022-04-04,33.25,35.347881131212574 +0.40170511534603803,0.46799999999999997,0.4175101214574901,0.29432446007031643,0.024351016260401325,0.6706766917293231,0.768920282542886,65.67,rem us pacific smm food,2022-04-04,65.67,65.13843266164488 +0.5596790371113336,0.661,0.4635627530364373,0.407835258663988,0.07113209134866777,0.763408521303258,0.5030272452068617,264.76,rem us south atlantic smm food,2022-04-04,264.76,249.87002504906533 +0.8159478435305917,0.148,0.4220647773279355,0.7046710195881467,0.10385674720168847,0.38295739348370916,0.5600403632694249,335.95,rem us south central smm food,2022-04-04,335.95,368.88609775998265 +0.38615847542627874,0.592,0.5673076923076925,0.5414364640883979,0.03704079521280946,0.5874686716791977,0.9192734611503531,84.04,rem us west north central smm food,2022-04-04,84.04,87.911115494358 +0.43530591775325983,0.317,0.8061740890688264,0.25565042692114526,0.005814156922537806,0.5468671679197992,0.2840565085771948,44.39,richmond/petersburg smm food,2022-04-04,44.39,38.20329786938333 +0.334002006018054,0.49100000000000005,0.6877530364372478,0.7056755399296837,0.007534091288221566,0.827067669172932,0.2830474268415742,25.47,sacramento/stockton/modesto smm food,2022-04-04,25.47,28.698138034125797 +0.517051153460381,0.71,0.9048582995951421,0.7363134103465596,0.004571296197399863,0.7904761904761904,0.6801210898082745,22.67,san diego smm food,2022-04-04,22.67,31.383534435494333 +0.7472417251755265,0.446,0.47115384615384653,0.7257659467604219,0.008159320511896407,0.3218045112781954,0.5373360242179617,42.83,san francisco/oakland/san jose smm food,2022-04-04,42.83,44.726275619312034 +0.48244734202607803,0.7700000000000001,0.3329959514170045,0.46710195881466604,0.011101538438394632,0.9794486215538845,0.4828456104944501,39.64,seattle/tacoma smm food,2022-04-04,39.64,49.8162745780682 +0.23019057171514523,0.35100000000000003,0.6533400809716603,0.5841285786037168,0.0108780387766658,0.39097744360902237,0.34460141271442984,39.5,st. louis smm food,2022-04-04,39.5,40.83843416496262 +0.5280842527582749,0.8400000000000001,0.5668016194331988,0.6464088397790055,0.013226051511853805,0.5032581453634083,0.49697275479313824,81.61,tampa/ft. myers smm food,2022-04-04,81.61,131.44314888183624 +0.5245737211634904,0.036,0.5708502024291501,0.26770467101958817,0.0029374693501158823,0.40100250626566425,0.5766902119071645,14.95,tucson/sierra vista smm food,2022-04-04,14.95,14.167557817604724 +0.3831494483450351,0.339,0.7489878542510124,0.27724761426418887,0.017283868316443244,0.4791979949874686,0.5146316851664985,142.36,washington dc/hagerstown smm food,2022-04-04,142.36,131.217305266442 +0.16649949849548643,0.13799999999999998,0.4838056680161947,0.7096936212958314,0.0064678776045066924,0.47218045112781953,0.7996972754793138,9.22,new orleans smm food,2022-04-04,9.22,14.660864243508463 +0.728184553660983,0.528,0.9240890688259114,0.9462581617277751,0.012293114538603291,0.22656641604010008,0.8985872855701312,97.42,rem us new england smm food,2022-04-04,97.42,108.91295046840314 +0.4999999999999999,0.062,0.32388663967611353,0.3385233550979408,0.0018528945043892943,0.2837092731829575,0.32694248234106965,3.01,yakima/pasco/richland/kennewick smm food,2022-04-04,3.01,1.1137902565786675 +0.4493480441323971,0.42500000000000004,0.16194331983805674,0.49221496735308895,0.006375438650930462,0.5899749373433585,0.27547931382441976,14.86,mobile/pensacola smm food,2022-04-04,14.86,19.423897615210407 +0.8550651955867601,0.22200000000000003,0.5602226720647778,0.5786037167252638,0.010111301976797207,0.4661654135338347,0.28456104944500504,55.76,minneapolis/st. paul smm food,2022-04-04,55.76,43.78049362144498 +0.4598796389167502,0.742,0.849696356275304,0.7322953289804119,0.013617967349276314,0.557393483709273,0.6281533804238143,44.37,nashville smm food,2022-04-04,44.37,54.375733936823174 +0.39568706118355057,0.4650000000000001,0.6305668016194336,0.6549472626820694,0.007323254496845641,0.5859649122807016,0.09334006054490414,29.32,albany/schenectady/troy smm food,2022-04-04,29.32,35.01085118230513 +0.30591775325977927,0.10500000000000001,0.38815789473684237,0.3184329482672024,0.005261106059874538,0.44110275689223044,0.4954591321897074,21.26,albuquerque/santa fe smm food,2022-04-04,21.26,20.709900932595716 +0.3299899699097292,0.799,0.35323886639676116,0.5399296835760925,0.019621434183590105,0.7503759398496238,0.6760847628657921,110.16,atlanta smm food,2022-04-04,110.16,132.67567659116372 +0.79839518555667,0.027000000000000003,0.46508097165991924,0.4997488699146158,0.008582260381683538,0.6255639097744362,0.08324924318869828,67.63,baltimore smm food,2022-04-04,67.63,60.25771752885278 +0.4859578736208624,0.6400000000000001,0.7100202429149802,0.20894023103967857,0.0025145294803287487,0.13684210526315788,0.45963673057517657,1.7699999999999998,baton rouge smm food,2022-04-04,1.7699999999999998,-0.2882317946097004 +0.7678034102306918,0.933,0.2145748987854252,0.8483174284279258,0.007615450230238998,0.42155388471177946,0.23713420787083753,9.89,birmingham/anniston/tuscaloosa smm food,2022-04-04,9.89,14.442256709999263 +0.4969909729187562,0.8500000000000001,0.6670040485829963,0.40482169763937725,0.01966290508399587,0.788471177944862,0.4924318869828456,139.06,boston/manchester smm food,2022-04-04,139.06,144.1523643360548 +0.3289869608826478,0.169,0.8841093117408911,0.2757408337518835,0.013806010974017,0.5273182957393484,0.6079717457114027,93.53,charlotte smm food,2022-04-04,93.53,82.30927109479153 +0.4398194583751253,0.257,0.7641700404858304,0.33400301356102463,0.0250563381390583,0.5573934837092731,0.3900100908173562,139.18,chicago smm food,2022-04-04,139.18,133.58921565696107 +0.3595787362086258,0.44900000000000007,0.5733805668016199,0.2646911099949774,0.013000335847813215,0.35338345864661647,0.49949545913218973,84.68,cleveland/akron/canton smm food,2022-04-04,84.68,83.97537214197368 +0.204112337011033,0.11499999999999999,0.4402834008097168,0.8101456554495229,0.01051398125401969,0.3197994987468671,0.805247225025227,56.71000000000001,columbus oh smm food,2022-04-04,56.71000000000001,61.834178324775635 +0.24523570712136436,0.24700000000000003,0.32135627530364397,0.6373681567051733,0.020206458793894457,0.5203007518796992,0.3990918264379415,53.27,dallas/ft. worth smm food,2022-04-04,53.27,65.97615480496499 +0.36710130391173507,0.665,0.6482793522267211,0.5188347564038173,0.003275567988538532,0.5538847117794485,0.6311806256306761,16.67,des moines/ames smm food,2022-04-04,16.67,19.522247906893455 +0.2101303911735205,0.893,0.6224696356275305,0.8744349573078856,0.016460465171745386,0.4531328320802004,0.5696266397578204,113.65,detroit smm food,2022-04-04,113.65,118.42702088606542 +0.5616850551654966,0.242,0.5819838056680166,0.8382722250125566,0.006664152094976769,0.1408521303258145,0.260343087790111,15.75,buffalo smm food,2022-04-04,15.75,19.279940069636822 +0.6043129388164493,0.8710000000000001,0.5217611336032394,0.6007031642390759,0.008208072562755105,0.5899749373433582,0.8905146316851665,45.83,greensboro smm food,2022-04-04,45.83,42.23233646527047 +0.2472417251755266,0.686,0.43572874493927144,0.33952787543947766,0.0077404960749739675,0.3353383458646612,0.6548940464177598,63.72,grand rapids smm food,2022-04-04,63.72,65.7307052280961 +0.7196589769307925,0.271,0.4175101214574901,0.4259166248116525,0.007755691519397458,0.3774436090225563,0.7048435923309788,97.38,miami/west palm beach smm food,2022-04-04,97.38,139.6469889261612 +0.27582748244734184,0.017,0.7479757085020248,0.521848317428428,0.0035699797242436473,0.8751879699248117,0.2512613521695257,4.8,madison wi smm food,2022-04-04,4.8,6.095723715493662 +0.2552657973921765,0.8109999999999999,0.1725708502024293,0.7302862882973381,0.03060077592307917,0.17894736842105244,0.23057517658930374,115.46,los angeles smm food,2022-04-04,115.46,118.4441147605165 +0.8926780341023068,0.9650000000000001,0.6968623481781382,0.641386238071321,0.0075568844548568,0.25664160401002506,0.2785065590312815,10.54,little rock/pine bluff smm food,2022-04-04,10.54,11.636315857110894 +0.3234704112337012,0.32000000000000006,0.4235829959514172,0.23405323957810148,0.00408282597353643,0.8776942355889723,0.6009081735620585,30.499999999999996,las vegas smm food,2022-04-04,30.499999999999996,28.860360296794177 +0.43329989969909727,0.767,0.8618421052631584,0.20190858864892017,0.007336867082475019,0.5343358395989973,0.5040363269424823,23.46,knoxville smm food,2022-04-04,23.46,23.568166087213648 +0.5095285857572718,0.584,0.5232793522267208,0.6790557508789553,0.007401131149516028,0.8360902255639096,0.5600403632694249,23.16,milwaukee smm food,2022-04-04,23.16,27.031290759047444 +0.8871614844533601,0.313,0.30364372469635637,0.08638874937217479,0.006901264342334976,0.6395989974937342,0.62058526740666,26.0,jacksonville smm food,2022-04-04,26.0,37.26910106771458 +0.5255767301905715,0.672,0.6047570850202431,0.4846810647915621,0.013333369338094704,0.2857142857142855,0.45408678102926336,34.55,indianapolis smm food,2022-04-04,34.55,43.00398221047725 +0.7271815446339017,0.197,0.9893724696356279,0.26770467101958817,0.017340218089513682,0.49774436090225543,0.11301715438950555,123.54,houston smm food,2022-04-04,123.54,122.82189355855209 +0.038114343029087436,0.37200000000000005,0.8537449392712557,0.23455549974886994,0.00949367047533411,0.1989974937343357,0.5393541876892028,73.76,hartford/new haven smm food,2022-04-04,73.76,70.67559817030987 +0.5466399197592778,0.19500000000000003,0.6153846153846159,0.7749874434957309,0.01025914098816741,0.7243107769423557,0.7820383451059536,37.85,harrisburg/lancaster smm food,2022-04-04,37.85,46.63743193656431 +0.2301905717151454,0.6200000000000001,0.45546558704453466,0.49121044701155203,0.007161802899846063,0.3082706766917293,0.5171543895055499,34.63,kansas city smm food,2022-04-04,34.63,33.23754463611247 +0.5606820461384153,0.785,0.4008097165991903,0.2626820693119036,0.036331674473046596,0.49724310776942343,0.4409687184661958,88.14,rem us middle atlantic smm food,2022-04-11,88.14,87.05474185817783 +0.9538615847542625,0.908,0.19281376518218626,0.7830236062280262,0.09818568071413852,0.2576441102756891,0.8829465186680121,282.24,rem us east north central smm food,2022-04-11,282.24,283.07545010129763 +0.3319959879638915,0.568,0.5136639676113364,0.8171772978402814,0.016918861078520663,0.2771929824561403,0.9661957618567104,89.0,raleigh/durham/fayetteville smm food,2022-04-11,89.0,83.5220584117528 +0.16248746238716147,0.538,0.6538461538461541,0.42893018583626324,0.009161586700329091,0.3273182957393483,0.49596367305751765,44.94,providence ri/new bedford ma smm food,2022-04-11,44.94,38.475033404153784 +0.36108324974924777,0.555,0.814271255060729,0.5484681064791562,0.011672950463069612,0.5238095238095237,0.577699293642785,39.87,portland or smm food,2022-04-11,39.87,43.932560105849795 +0.11785356068204611,0.17300000000000001,0.5905870445344131,0.5695630336514315,0.014021596341775267,0.6576441102756894,0.47124117053481335,58.6,pittsburgh smm food,2022-04-11,58.6,57.969965212838964 +0.4613841524573722,0.018,0.24848178137651827,0.3390256152687092,0.01733420322609605,0.3042606516290726,0.3491422805247225,83.35,phoenix/prescott smm food,2022-04-11,83.35,72.44202196245206 +0.19608826479438313,0.706,0.5617408906882595,0.461577096936213,0.018781885879192283,0.5102756892230577,0.03733602421796166,64.43,orlando/daytona beach/melborne smm food,2022-04-11,64.43,88.1220995382501 +0.709127382146439,0.627,0.8248987854251016,0.14665996986438976,0.007590441061292006,0.34486215538847087,0.5918264379414733,5.04,paducah ky/cape girardeau mo smm food,2022-04-11,5.04,5.680904435298629 +0.3515546639919759,0.642,0.44433198380566846,0.2591662481165244,0.005729315691173321,0.8305764411027565,0.47527749747729564,13.43,omaha smm food,2022-04-11,13.43,13.552317589930198 +0.8776328986960882,0.8800000000000001,0.5976720647773283,0.6363636363636365,0.008749410270341927,0.6606516290726814,0.5373360242179617,4.05,oklahoma city smm food,2022-04-11,4.05,6.948017289180839 +0.27081243731193533,0.288,0.5829959514170043,0.5042692114515319,0.009328420017228658,0.517293233082707,0.5544904137235116,62.809999999999995,norfolk/portsmouth/newport news smm food,2022-04-11,62.809999999999995,57.15391845216813 +0.7186559679037108,0.7860000000000001,0.5986842105263163,0.6574585635359117,0.06266063108257218,0.4581453634085214,0.7593340060544903,290.15,new york smm food,2022-04-11,290.15,262.2069168995646 +0.5646940822467404,0.621,0.6887651821862355,0.4409844299347062,0.03399125946007034,0.16892230576441092,0.47527749747729564,167.37,philadelphia smm food,2022-04-11,167.37,156.32729349679278 +0.5325977933801405,0.7010000000000001,0.8324898785425107,0.22702159718734308,0.035347769446625626,0.2421052631578948,0.7381432896064581,135.09,rem us mountain smm food,2022-04-11,135.09,133.38141522864402 +0.5747241725175526,0.546,0.9281376518218628,0.5323957810145656,0.007421708313839503,0.16491228070175445,0.33350151362260344,10.9,new orleans smm food,2022-04-11,10.9,11.267474899012093 +0.44583751253761283,0.18000000000000005,0.2434210526315791,0.24610748367654448,0.03207695003446945,0.4857142857142856,0.8375378405650857,63.07,rem us pacific smm food,2022-04-11,63.07,65.60888040930715 +0.15095285857572688,0.541,0.4524291497975709,0.503264691109995,0.09593042350428557,0.5799498746867168,0.9616548940464178,272.39,rem us south atlantic smm food,2022-04-11,272.39,255.2523427533073 +0.8450351053159476,0.381,0.07540485829959517,0.3465595178302361,0.132485597639061,0.48822055137844594,0.30625630676084764,355.69,rem us south central smm food,2022-04-11,355.69,369.66520770932965 +0.20912738214643928,0.559,0.25961538461538475,0.49573078854846814,0.05203553314120573,0.4135338345864659,0.541372351160444,86.57,rem us west north central smm food,2022-04-11,86.57,86.53379063425847 +0.07021063189568715,0.248,0.8142712550607292,0.6263184329482673,0.008448033955942715,0.3383458646616539,0.3193743693239152,43.85,richmond/petersburg smm food,2022-04-11,43.85,39.61980911554915 +0.4568706118355064,0.5740000000000001,0.6659919028340089,0.4399799095931693,0.01039463370094353,0.5002506265664158,0.3521695257315843,28.07,sacramento/stockton/modesto smm food,2022-04-11,28.07,27.19826374620876 +0.7011033099297892,0.397,0.31376518218623495,0.21396283274736316,0.01108191098934762,0.4100250626566415,0.17255297679112008,38.49,salt lake city smm food,2022-04-11,38.49,31.911014604229365 +0.23570712136409216,0.44500000000000006,0.9013157894736848,0.6047212456052236,0.006636610351959192,0.7799498746867166,0.6745711402623612,22.1,san diego smm food,2022-04-11,22.1,30.262540782676716 +0.5336008024072216,0.021,0.46204453441295584,0.5650426921145154,0.011717903652822438,0.38195488721804505,0.8456104944500504,37.79,san francisco/oakland/san jose smm food,2022-04-11,37.79,45.721218585255514 +0.32497492477432277,0.025,0.3279352226720652,0.44299347061778005,0.016530744102204026,0.95187969924812,0.20080726538849647,45.36,seattle/tacoma smm food,2022-04-11,45.36,48.11271584464561 +0.445336008024072,0.8580000000000001,0.5733805668016199,0.49673530889000506,0.01455723575770328,0.22556390977443597,0.5822401614530777,48.47,st. louis smm food,2022-04-11,48.47,42.26501219463327 +0.31143430290872615,0.8460000000000001,0.3324898785425104,0.6197890507282773,0.01814589321571747,0.22807017543859634,0.49495459132189706,95.52,tampa/ft. myers smm food,2022-04-11,95.52,130.61847449504688 +0.5195586760280841,0.048999999999999995,0.8618421052631584,0.26318432948267206,0.004015396188907195,0.7022556390977444,0.5227043390514632,16.69,tucson/sierra vista smm food,2022-04-11,16.69,15.088195914687454 +0.2587763289869609,0.09799999999999999,0.8603238866396764,0.695128076343546,0.025730319413591843,0.6556390977443609,0.8335015136226034,154.11,washington dc/hagerstown smm food,2022-04-11,154.11,136.94128232415312 +0.9047141424272819,0.5,0.6143724696356279,0.7614264188849825,0.017975577609470852,0.5218045112781953,0.6034308779011099,116.13,rem us new england smm food,2022-04-11,116.13,107.9506662747144 +0.5717151454363087,0.279,0.3856275303643727,0.7182320441988951,0.0024249396725819225,0.3358395989974939,0.5287588294651867,4.04,yakima/pasco/richland/kennewick smm food,2022-04-11,4.04,4.95636176585748 +0.5802407221664995,0.581,0.5531376518218626,0.7589151180311402,0.018320007683069957,0.7609022556390976,0.36629667003027244,49.77,nashville smm food,2022-04-11,49.77,54.24791715429799 +0.7723169508525575,0.439,0.5055668016194337,0.3787041687594174,0.015539557925330136,0.8766917293233082,0.27194752774974773,57.85,minneapolis/st. paul smm food,2022-04-11,57.85,44.526931459311875 +0.5606820461384152,0.41,0.5951417004048586,0.2099447513812155,0.010023295027844496,0.6706766917293231,0.2815338042381433,40.0,albany/schenectady/troy smm food,2022-04-11,40.0,34.42377403272589 +0.6128385155466398,0.355,0.07894736842105277,0.7187343043696636,0.00694400152977604,0.5849624060150374,0.39656912209889,22.95,albuquerque/santa fe smm food,2022-04-11,22.95,23.549375271915906 +0.5285857572718153,0.533,0.33653846153846156,0.8834756403817178,0.026820909122736068,0.538847117794486,0.29112008072653883,112.73000000000002,atlanta smm food,2022-04-11,112.73000000000002,132.9679981579749 +0.5566700100300904,0.44900000000000007,0.5936234817813768,0.3335007533902562,0.012238031052568139,0.4270676691729325,0.14581231079717458,72.07,baltimore smm food,2022-04-11,72.07,59.4392147916557 +0.2487462387161483,0.6110000000000001,0.5784412955465591,0.4691109994977399,0.0031508387155623862,0.45914786967418536,0.5332996972754793,2.31,baton rouge smm food,2022-04-11,2.31,2.2264535148514284 +0.7723169508525575,0.794,0.30921052631578966,0.8754394776494225,0.01082200557535418,0.4385964912280702,0.11553985872855702,12.53,birmingham/anniston/tuscaloosa smm food,2022-04-11,12.53,14.397931027089236 +0.495987963891675,0.257,0.6928137651821866,0.7724761426418886,0.027983993764650675,0.5368421052631578,0.512108980827447,151.51,boston/manchester smm food,2022-04-11,151.51,146.5030486491649 +0.9162487462387162,0.361,0.7191295546558709,0.8578603716725265,0.008540472909518943,0.2927318295739348,0.641271442986882,21.45,buffalo smm food,2022-04-11,21.45,23.062939426964192 +0.5812437311935806,0.368,0.8547570850202434,0.5178302360622803,0.017653624130748162,0.7759398496240602,0.5322906155398587,84.5,charlotte smm food,2022-04-11,84.5,85.06233879249623 +0.6619859578736208,0.45,0.8628542510121462,0.3224510296333501,0.03517365497927314,0.7629072681704261,0.42936427850655906,143.64,chicago smm food,2022-04-11,143.64,136.33076287922714 +0.2773319959879638,0.458,0.33451417004048606,0.641386238071321,0.018301329949299415,0.5674185463659147,0.5943491422805247,86.96,cleveland/akron/canton smm food,2022-04-11,86.96,87.81163478106369 +0.24172517552657963,0.335,0.7176113360323889,0.6167754897036666,0.014737048516714576,0.10726817042606512,0.6463168516649849,67.92,columbus oh smm food,2022-04-11,67.92,60.07615727859802 +0.45737211634904734,0.28300000000000003,0.5389676113360328,0.38774485183324964,0.026706626717801062,0.6681704260651626,0.5025227043390514,57.92,dallas/ft. worth smm food,2022-04-11,57.92,67.02169564853001 +0.6238716148445335,0.9050000000000001,0.6093117408906886,0.27624309392265195,0.0053984982032035935,0.5854636591478696,0.4727547931382442,17.85,des moines/ames smm food,2022-04-11,17.85,18.127110232285176 +0.4438314944834503,0.777,0.49139676113360353,0.7594173782019087,0.02164021228960249,0.6666666666666665,0.5963673057517659,123.69999999999999,detroit smm food,2022-04-11,123.69999999999999,119.56933757531228 +0.3926780341023069,0.127,0.4053643724696358,0.6318432948267203,0.009386985792610858,0.787468671679198,0.33703329969727547,16.97,mobile/pensacola smm food,2022-04-11,16.97,21.53123632749181 +0.4247743229689066,0.794,0.5576923076923083,0.24510296333500753,0.010942302843706812,0.5694235588972428,0.8239152371342079,44.03,greensboro smm food,2022-04-11,44.03,39.81893739314899 +0.5040120361083249,0.321,0.7135627530364376,0.3199397287795078,0.011993954226515837,0.5363408521303253,0.4601412714429869,66.54,grand rapids smm food,2022-04-11,66.54,66.13937019998451 +0.4107321965897692,0.462,0.35678137651821873,0.7604218985434456,0.010035008182920937,0.4791979949874686,0.4056508577194753,27.55,milwaukee smm food,2022-04-11,27.55,25.545848622311162 +0.4859578736208628,0.025,0.7611336032388668,0.6207935710698143,0.010262306705755639,0.24060150375939848,0.6937436932391524,104.01,miami/west palm beach smm food,2022-04-11,104.01,140.33374871587827 +0.36158475426278813,0.033,0.397267206477733,0.3611250627825214,0.005505182885926845,0.7403508771929821,0.2966700302724521,7.680000000000001,madison wi smm food,2022-04-11,7.680000000000001,5.2301363291721685 +0.49047141424272817,0.41700000000000004,0.38259109311740924,0.6916122551481668,0.009999235574173971,0.45513784461152884,0.1099899091826438,12.04,little rock/pine bluff smm food,2022-04-11,12.04,10.790375671648071 +0.32748244734202614,0.525,0.2611336032388665,0.4600703164239076,0.005700824232879277,0.7624060150375939,0.9439959636730575,32.39,las vegas smm food,2022-04-11,32.39,32.01549827916036 +0.27331995987963886,0.5820000000000001,0.45546558704453466,0.47764942240080366,0.041674456046697395,0.3779448621553882,0.24369323915237134,110.93,los angeles smm food,2022-04-11,110.93,119.34484603025474 +0.6334002006018052,0.149,0.19989878542510134,0.7332998493219488,0.009603520875645588,0.23809523809523805,0.6084762865792129,34.98,kansas city smm food,2022-04-11,34.98,35.577254705517866 +0.668505516549649,0.65,0.717105263157895,0.28126569563033654,0.0089637293510649,0.8802005012531328,0.5110998990918264,28.79,jacksonville smm food,2022-04-11,28.79,38.82903038567925 +0.6554663991975924,0.681,0.6391700404858301,0.8422903063787043,0.017495654823095636,0.09874686716791961,0.44853683148335016,38.22,indianapolis smm food,2022-04-11,38.22,45.267685276331676 +0.45386158475426275,0.009,0.5364372469635629,0.30286288297338027,0.023267074558192373,0.6045112781954886,0.46165489404641774,131.7,houston smm food,2022-04-11,131.7,125.38934204639136 +0.39518555667001015,0.729,0.7115384615384621,0.6906077348066298,0.013305194451559482,0.27268170426065147,0.23662966700302726,87.27,hartford/new haven smm food,2022-04-11,87.27,72.97038256995322 +0.7657973921765296,0.001,0.6037449392712555,0.7835258663987946,0.01388325448316974,0.8070175438596491,0.8980827447023209,45.76,harrisburg/lancaster smm food,2022-04-11,45.76,48.3931164206452 +0.3510531594784353,0.606,0.4898785425101217,0.27122049221496736,0.009781117632345127,0.5373433583959898,0.26286579212916245,23.76,knoxville smm food,2022-04-11,23.76,22.48261523337151 +0.4242728184553661,0.177,0.5430161943319839,0.7995981918633853,0.013403648268553342,0.4355889724310776,0.686175580221998,43.54,portland or smm food,2022-04-18,43.54,45.734364704412535 +0.742728184553661,0.917,0.5495951417004049,0.11803114013058766,0.04446915153358424,0.37443609022556384,0.22149344096871848,108.03,rem us middle atlantic smm food,2022-04-18,108.03,86.17507687333556 +0.6644934804413236,0.434,0.21558704453441296,0.6649924660974386,0.12816281027233695,0.6786967418546365,0.8662966700302724,312.97,rem us east north central smm food,2022-04-18,312.97,287.13787386813254 +0.47141424272818433,0.9590000000000001,0.6356275303643728,0.8056253139126068,0.021168520368956657,0.500250626566416,0.7825428859737639,82.41,raleigh/durham/fayetteville smm food,2022-04-18,82.41,84.16789590039845 +0.4438314944834504,0.296,0.8021255060728748,0.42842792566549476,0.01076343979997198,0.10175438596491225,0.3496468213925328,49.48,providence ri/new bedford ma smm food,2022-04-18,49.48,37.59880563326376 +0.15646940822467398,0.9570000000000001,0.9362348178137657,0.6363636363636365,0.01840643177322856,0.43107769423558906,0.3849646821392533,73.21,pittsburgh smm food,2022-04-18,73.21,58.40589083214223 +0.4679037111333998,0.5740000000000001,0.3431174089068827,0.395781014565545,0.012445068982838191,0.942355889724311,0.7134207870837538,57.06,norfolk/portsmouth/newport news smm food,2022-04-18,57.06,59.52263074301854 +0.27432296890672037,0.785,0.4326923076923082,0.5585133098945254,0.043948074418562064,0.3032581453634084,0.1851664984863774,184.62,philadelphia smm food,2022-04-18,184.62,156.57218326071444 +0.7918756268806416,0.5690000000000001,0.8279352226720652,0.4294324460070317,0.009171400424852597,0.6060150375939847,0.5005045408678103,8.14,paducah ky/cape girardeau mo smm food,2022-04-18,8.14,7.914474149512671 +0.3104312938816449,0.652,0.48532388663967646,0.3812154696132597,0.024112321154248998,0.4115288220551378,0.18668012108980828,89.22,orlando/daytona beach/melborne smm food,2022-04-18,89.22,89.09080407751202 +0.5752256770310932,0.8490000000000001,0.3957489878542514,0.41938724259166255,0.007687312019491753,0.7719298245614031,0.6604439959636731,20.62,omaha smm food,2022-04-18,20.62,16.0753059593725 +0.5697091273821465,0.07500000000000001,0.2985829959514172,0.814665996986439,0.009993537282515159,0.3654135338345862,0.4394550958627649,3.55,oklahoma city smm food,2022-04-18,3.55,5.595015642115513 +0.38565697091273826,0.618,0.4959514170040489,0.4414866901054747,0.04326301313246973,0.12581453634085218,0.7452068617558022,155.4,rem us mountain smm food,2022-04-18,155.4,134.9156800560744 +0.4699097291875628,0.754,0.48886639676113386,0.3766951280763436,0.022157807115277615,0.10325814536340851,0.20030272452068618,92.51,phoenix/prescott smm food,2022-04-18,92.51,72.3530464895058 +0.949849548645938,0.467,0.36842105263157915,0.30135610246107486,0.02364157894887963,0.47117794486215514,0.22704339051463168,123.31,rem us new england smm food,2022-04-18,123.31,103.68659948769452 +0.4353059177532596,0.167,0.45799595141700433,0.4455047714716223,0.01302787759083079,0.27418546365914775,0.4253279515640767,38.15,salt lake city smm food,2022-04-18,38.15,34.09318728434252 +0.1414242728184551,0.447,0.6826923076923078,0.5760924158714215,0.12233314133361683,0.4095238095238096,0.7214934409687185,256.21,rem us south atlantic smm food,2022-04-18,256.21,257.546869804199 +0.8535606820461381,0.355,0.45242914979757104,0.21446509291813162,0.16772889840527513,0.46115288220551365,0.3768920282542886,406.57,rem us south central smm food,2022-04-18,406.57,374.42631511827284 +0.3821464393179538,0.775,0.5794534412955469,0.7388247112004018,0.06927634769844906,0.4591478696741852,0.10645812310797174,115.26000000000002,rem us west north central smm food,2022-04-18,115.26000000000002,88.55624818060264 +0.44784353059177534,0.45,0.6437246963562756,0.6152687091913612,0.009991637851962226,0.2902255639097742,0.5338042381432896,39.68,richmond/petersburg smm food,2022-04-18,39.68,41.4859922983776 +0.3400200601805415,0.44400000000000006,0.5060728744939279,0.06127574083375189,0.011887902687310232,0.23308270676691703,0.6442986881937437,26.99,sacramento/stockton/modesto smm food,2022-04-18,26.99,25.753602430818567 +0.20561685055165482,0.133,0.5182186234817816,0.652435961828227,0.0072520258511105315,0.7077694235588972,0.8688193743693239,23.69,san diego smm food,2022-04-18,23.69,31.09638832507371 +0.26128385155466394,0.49400000000000005,0.3309716599190286,0.39477649422400807,0.013974110577951858,0.3659147869674185,0.6175580221997982,41.32,san francisco/oakland/san jose smm food,2022-04-18,41.32,43.378045101023304 +0.11735205616850534,0.9640000000000001,0.5835020242914986,0.3631341034655952,0.01988450531517177,0.8977443609022553,0.5191725529767911,48.39,seattle/tacoma smm food,2022-04-18,48.39,50.0487296946274 +0.5692076228686056,0.047,0.5531376518218626,0.6670015067805124,0.018544457060075254,0.06516290726817033,0.5211907164480323,51.15,st. louis smm food,2022-04-18,51.15,42.76958593966259 +0.17251755265797392,0.559,0.17054655870445362,0.5685585133098946,0.02599908883683232,0.24611528822055126,0.6846619576185671,134.14,tampa/ft. myers smm food,2022-04-18,134.14,132.12248271617568 +0.3986960882647944,0.879,0.502024291497976,0.2611752887995982,0.004708371768970097,0.5192982456140351,0.579212916246216,15.57,tucson/sierra vista smm food,2022-04-18,15.57,14.898426432479887 +0.4002006018054163,0.42000000000000004,0.7388663967611337,0.6539427423405325,0.03218964958061032,0.4796992481203007,0.8900100908173562,156.16,washington dc/hagerstown smm food,2022-04-18,156.16,137.70785577212018 +0.510531594784353,0.25,0.26821862348178155,0.7523857358111502,0.003355027500003031,0.6280701754385966,0.470736629667003,4.72,yakima/pasco/richland/kennewick smm food,2022-04-18,4.72,5.664299949397261 +0.7743229689067198,0.674,0.48987854251012186,0.48769462581617284,0.07747175739085127,0.12781954887218058,0.8324924318869827,326.02,new york smm food,2022-04-18,326.02,262.69536112467824 +0.8465396188565697,0.094,0.7059716599190288,0.4339527875439478,0.0388775445574988,0.5458646616541353,0.5802219979818365,70.04,rem us pacific smm food,2022-04-18,70.04,67.24651617089826 +0.8796389167502506,0.341,0.7914979757085026,0.47664490205926674,0.00906186659629994,0.4807017543859649,0.39404641775983856,18.58,new orleans smm food,2022-04-18,18.58,12.837482281865782 +0.7903711133400199,0.261,0.1796558704453442,0.3862380713209443,0.020963065297480724,0.5032581453634084,0.30726538849646823,51.46,nashville smm food,2022-04-18,51.46,51.32115852351691 +0.20110330992978934,0.08700000000000001,0.5581983805668018,0.7106981416373682,0.010281934154802644,0.8676691729323308,0.31331987891019175,23.42,mobile/pensacola smm food,2022-04-18,23.42,21.974938462165056 +0.7397191574724171,0.8460000000000001,0.2105263157894739,0.6936212958312407,0.008568014652536518,0.4591478696741853,0.3753784056508577,25.72,albuquerque/santa fe smm food,2022-04-18,25.72,23.64063368211943 +0.3731193580742226,0.092,0.22672064777327922,0.4691109994977399,0.03205004143496951,0.513784461152882,0.5191725529767911,123.51999999999998,atlanta smm food,2022-04-18,123.51999999999998,132.04548545920767 +0.5040120361083251,0.083,0.8674089068825915,0.5921647413360122,0.01603784187371707,0.21203007518797018,0.11856710393541879,72.33,baltimore smm food,2022-04-18,72.33,60.54113200297421 +0.23771313941825456,0.309,0.19736842105263167,0.6785534907081869,0.0035304082543908097,0.7488721804511277,0.722502522704339,3.7900000000000005,baton rouge smm food,2022-04-18,3.7900000000000005,5.081710960895592 +0.6369107321965896,0.9730000000000001,0.43927125506072895,0.5278754394776495,0.013600872474299888,0.5318295739348371,0.4364278506559031,14.14,birmingham/anniston/tuscaloosa smm food,2022-04-18,14.14,14.883558051958282 +0.5847542627883651,0.005000000000000001,0.7419028340080975,0.6870919136112507,0.034958702755032524,0.5964912280701753,0.863773965691221,181.14,boston/manchester smm food,2022-04-18,181.14,149.2793300226223 +0.7853560682046139,0.45599999999999996,0.7464574898785429,0.7950778503264692,0.010732415767607355,0.2701754385964912,0.5378405650857719,27.74,buffalo smm food,2022-04-18,27.74,22.185352815405352 +0.3139418254764291,0.30200000000000005,0.7302631578947372,0.6002009040683074,0.02107734770241572,0.5318295739348371,0.5615539858728557,89.57,charlotte smm food,2022-04-18,89.57,84.8777767055727 +0.6073219658976929,0.323,0.43623481781376544,0.6675037669512808,0.04197741521989073,0.77593984962406,0.5580221997981837,155.06,chicago smm food,2022-04-18,155.06,139.63959560337887 +0.31293881644934796,0.9670000000000001,0.2500000000000002,0.7990959316926168,0.024009118760872788,0.7162907268170424,0.8062563067608476,101.2,cleveland/akron/canton smm food,2022-04-18,101.2,91.44971207296642 +0.3976930792377131,0.254,0.9504048582995956,0.39829231541938726,0.018264607625275982,0.19949874686716787,0.7502522704339052,75.04,columbus oh smm food,2022-04-18,75.04,60.57386136724479 +0.7808425275827484,0.41600000000000004,0.6477732793522272,0.3088900050226017,0.03309377852380797,0.6025062656641602,0.8612512613521696,65.68,dallas/ft. worth smm food,2022-04-18,65.68,70.01124489371374 +0.6845536609829487,0.665,0.6214574898785429,0.34003013561024614,0.007392900283786638,0.6175438596491227,0.37336024217961655,25.38,des moines/ames smm food,2022-04-18,25.38,18.293876317143926 +0.820962888665998,0.767,0.4757085020242919,0.32094424912104474,0.027631016253563366,0.7994987468671679,0.44046417759838546,135.22,detroit smm food,2022-04-18,135.22,118.0242971286677 +0.7873620862587764,0.9560000000000001,0.4362348178137654,0.598694123556002,0.015934956052099693,0.5147869674185459,0.4475277497477296,71.32,grand rapids smm food,2022-04-18,71.32,68.74685139859594 +0.27933801404212627,0.626,0.37398785425101233,0.2486187845303868,0.012141476666127216,0.43909774436090215,0.3486377396569122,48.17,albany/schenectady/troy smm food,2022-04-18,48.17,34.11147869834265 +0.7723169508525577,0.062,0.6108299595141705,0.7955801104972376,0.017517498274454396,0.40451127819548865,0.599899091826438,54.31,harrisburg/lancaster smm food,2022-04-18,54.31,46.04322698985386 +0.28234704112337006,0.884,0.5435222672064782,0.15620291310899048,0.013827221281858124,0.2170426065162906,0.4228052472250252,43.71,greensboro smm food,2022-04-18,43.71,36.09669296740629 +0.6885656970912738,0.9830000000000001,0.33856275303643757,0.15268709191361127,0.021222337567956523,0.4736842105263158,0.4147325933400606,77.53,minneapolis/st. paul smm food,2022-04-18,77.53,43.62274124648881 +0.27532597793380137,0.41700000000000004,0.26062753036437253,0.38523355097940737,0.013843049869799258,0.25614035087719295,0.27901109989909184,31.739999999999995,milwaukee smm food,2022-04-18,31.739999999999995,22.20447372759636 +0.6549648946840524,0.18300000000000002,0.8623481781376522,0.5344048216976395,0.013739847476423057,0.04461152882205513,0.6604439959636731,130.64,miami/west palm beach smm food,2022-04-18,130.64,139.94531648303524 +0.4663991975927783,0.679,0.7773279352226724,0.18684078352586642,0.04809864674848656,0.5468671679197992,0.599899091826438,114.19999999999999,los angeles smm food,2022-04-18,114.19999999999999,121.7337146841986 +0.4804413239719158,0.273,0.2712550607287452,0.3294826720241085,0.011583360655322788,0.7082706766917293,0.45408678102926336,13.21,little rock/pine bluff smm food,2022-04-18,13.21,11.56631188682777 +0.6539618856569707,0.9800000000000001,0.15738866396761145,0.6032144650929182,0.007052902214811051,0.6751879699248118,0.5408678102926338,7.559999999999999,madison wi smm food,2022-04-18,7.559999999999999,8.826094701809964 +0.49648946840521563,0.313,0.3957489878542512,0.7091913611250629,0.011810342606398667,0.3313283208020048,0.24066599394550958,26.91,knoxville smm food,2022-04-18,26.91,24.558620468469222 +0.5406218655967904,0.28700000000000003,0.2505060728744941,0.5549974886991462,0.012164902976280097,0.2245614035087719,0.7174571140262361,42.8,kansas city smm food,2022-04-18,42.8,35.446584964596916 +0.4759277833500501,0.649,0.7287449392712554,0.31240582621798096,0.010693794013030986,0.5142857142857141,0.5625630676084763,44.58,jacksonville smm food,2022-04-18,44.58,38.10195568505332 +0.8139418254764289,0.17300000000000001,0.7697368421052635,0.8006027122049222,0.020817758860181102,0.38997493734335814,0.44147325933400605,43.74,indianapolis smm food,2022-04-18,43.74,46.46586323553376 +0.37562688064192584,0.9289999999999999,0.2636639676113361,0.4761426418884983,0.028820059779701448,0.8050125313283206,0.813824419778002,158.56,houston smm food,2022-04-18,158.56,129.95294350181928 +0.49448345035105323,0.013000000000000001,0.5501012145748994,0.5956805625313913,0.01707588067089673,0.45363408521303245,0.239656912209889,90.34,hartford/new haven smm food,2022-04-18,90.34,73.27116414927309 +0.6088264794383149,0.562,0.48178137651821884,0.48618784530386744,0.006842698566952775,0.7543859649122806,0.9475277497477296,32.81,las vegas smm food,2022-04-18,32.81,32.94178846241265 +0.7683049147442327,0.033,0.20900809716599192,0.5002511300853842,0.012099689193962617,0.21904761904761902,0.8557013118062563,47.01,portland or smm food,2022-04-25,47.01,44.45208189059817 +0.6018054162487462,0.7020000000000001,0.7064777327935223,0.4786539427423406,0.03646241860944038,0.2802005012531328,0.70686175580222,74.15,rem us middle atlantic smm food,2022-04-25,74.15,89.39478616907772 +0.5967903711133397,0.017,0.13259109311740894,0.4952285283776997,0.11106097071721677,0.5348370927318294,0.8809283551967709,204.38,rem us east north central smm food,2022-04-25,204.38,283.0423622155407 +0.6519558676028082,0.336,0.20192307692307704,0.5554997488699147,0.01931847501039677,0.38796992481203,0.6649848637739657,84.26,raleigh/durham/fayetteville smm food,2022-04-25,84.26,81.19513563987394 +0.39468405215646934,0.6900000000000001,0.716093117408907,0.904570567553993,0.009834618259586165,0.33934837092731823,0.4445005045408678,35.94,providence ri/new bedford ma smm food,2022-04-25,35.94,41.52699950563774 +0.22417251755265794,0.734,0.800607287449393,0.6559517830236062,0.015570581957694762,0.5588972431077694,0.46871846619576185,45.5,pittsburgh smm food,2022-04-25,45.5,58.92689998833334 +0.40371113340020026,0.8980000000000001,0.04301619433198378,0.26820693119035666,0.010437687460143416,0.5508771929824564,0.4571140262361251,56.66,norfolk/portsmouth/newport news smm food,2022-04-25,56.66,55.67275362208379 +0.3550651955867604,0.49500000000000005,0.47621457489878605,0.6032144650929182,0.03960281045696162,0.32431077694235577,0.3647830474268416,134.57,philadelphia smm food,2022-04-25,134.57,157.3494210289546 +0.8234704112337008,0.8890000000000001,0.6548582995951421,0.3440482169763938,0.007367574543080822,0.7498746867167917,0.21695257315842584,6.48,paducah ky/cape girardeau mo smm food,2022-04-25,6.48,6.069337874612586 +0.49147442326980934,0.10300000000000001,0.1998987854251014,0.4665996986438976,0.020138712437506402,0.15538847117794494,0.6377396569122099,63.2,orlando/daytona beach/melborne smm food,2022-04-25,63.2,90.7147592568065 +0.5531594784353059,0.7370000000000001,0.433198380566802,0.7117026619789052,0.0058182723554025,0.31729323308270646,0.5307769929364279,13.28,omaha smm food,2022-04-25,13.28,15.261313160010843 +0.5516549648946841,0.6990000000000001,0.5065789473684214,0.8216976393771974,0.008615183844601103,0.13984962406015014,0.5403632694248234,3.5200000000000005,oklahoma city smm food,2022-04-25,3.5200000000000005,5.713037612772254 +0.46890672016048146,0.45999999999999996,0.47823886639676133,0.8322451029633351,0.03781449659137215,0.3413533834586467,0.5973763874873865,139.42,rem us mountain smm food,2022-04-25,139.42,136.25150428230705 +0.09779338014042135,0.24,0.7464574898785429,0.23807132094424915,0.019838285838383655,0.3012531328320801,0.1917255297679112,78.73,phoenix/prescott smm food,2022-04-25,78.73,71.09544177723441 +0.8911735205616851,0.447,0.27884615384615397,0.41788046207935714,0.02110805516302152,0.4486215538847115,0.1437941473259334,85.21,rem us new england smm food,2022-04-25,85.21,103.28333405866344 +0.41574724172517535,0.168,0.4574898785425104,0.5434455047714717,0.010453199476325729,0.3553884711779448,0.3829465186680121,31.630000000000003,salt lake city smm food,2022-04-25,31.630000000000003,34.264930598646814 +0.13991975927783323,0.5559999999999999,0.6224696356275305,0.7408337518834757,0.10843247540371184,0.6987468671679199,0.5438950554994955,252.44,rem us south atlantic smm food,2022-04-25,252.44,256.41124335588665 +0.8590772316950851,0.254,0.7120445344129559,0.27021597187343044,0.15352685616097092,0.04711779448621544,0.24873864783047428,368.15,rem us south central smm food,2022-04-25,368.15,370.8432959992831 +0.8054162487462387,0.21800000000000003,0.49797570850202455,0.43847312908086394,0.058919386036805445,0.3097744360902253,0.2588294651866801,81.17,rem us west north central smm food,2022-04-25,81.17,86.1976568665828 +0.7136409227683048,0.677,0.31325910931174106,0.3209442491210448,0.007961146590873392,0.1969924812030073,0.7083753784056509,36.15,richmond/petersburg smm food,2022-04-25,36.15,40.58456712800953 +0.33099297893681034,0.509,0.3431174089068833,0.4907081868407836,0.010476309214719788,0.22556390977443586,0.8975782038345106,37.27,sacramento/stockton/modesto smm food,2022-04-25,37.27,29.373389474025238 +0.2632898696088264,0.15700000000000003,0.5359311740890691,0.6770467101958816,0.006860743157205668,0.7127819548872179,0.9283551967709385,28.140000000000004,san diego smm food,2022-04-25,28.140000000000004,31.66069724427951 +0.29338014042126376,0.6970000000000001,0.1594129554655872,0.5374183827222502,0.011714421363475388,0.20802005012531327,0.35872855701311807,58.28999999999999,san francisco/oakland/san jose smm food,2022-04-25,58.28999999999999,41.93095991426843 +0.25727181544633887,0.8,0.615384615384616,0.4942240080361628,0.016597857315074443,0.8942355889724307,0.7371342078708375,44.34,seattle/tacoma smm food,2022-04-25,44.34,51.76545906723821 +0.43530591775325955,0.558,0.5399797570850207,0.4892014063284782,0.01522773474288977,0.3864661654135337,0.2795156407669021,41.46,st. louis smm food,2022-04-25,41.46,40.88446520586152 +0.4909729187562687,0.8109999999999999,0.230769230769231,0.635861376192868,0.022744098012617262,0.12581453634085202,0.8779011099899092,91.79,tampa/ft. myers smm food,2022-04-25,91.79,133.48088450897592 +0.42276830491474426,0.5910000000000001,0.27985829959514186,0.19286790557508793,0.004264538163100663,0.41102756892230585,0.5267406659939455,19.73,tucson/sierra vista smm food,2022-04-25,19.73,13.577174043630556 +0.8084252758274824,0.544,0.43775303643724695,0.35911602209944754,0.027168504913923395,0.49974937343358383,0.8708375378405651,133.86,washington dc/hagerstown smm food,2022-04-25,133.86,135.81836013894076 +0.420260782347041,0.373,0.5627530364372473,0.4510296333500754,0.0030520683268097024,0.7027568922305765,0.3476286579212916,4.09,yakima/pasco/richland/kennewick smm food,2022-04-25,4.09,3.500324349314212 +0.6168505516549647,0.535,0.6108299595141705,0.6765444500251131,0.07202419056503016,0.5117794486215539,0.5832492431886983,238.64000000000001,new york smm food,2022-04-25,238.64000000000001,262.5013642350799 +0.5912738214643931,0.781,0.5516194331983809,0.6634856855851332,0.03309567795436091,0.7122807017543858,0.23158425832492432,79.33,rem us pacific smm food,2022-04-25,79.33,66.04030377539769 +0.5742226680040119,0.861,0.6988866396761139,0.743345052737318,0.008812408050347649,0.9177944862155388,0.7088799192734612,10.3,new orleans smm food,2022-04-25,10.3,17.181653389773125 +0.4398194583751253,0.009,0.23127530364372478,0.4801607232546459,0.018263657909999512,0.4917293233082705,0.2704339051463169,44.29,nashville smm food,2022-04-25,44.29,50.560646526641385 +0.6690070210631894,0.924,0.7707489878542514,0.3972877950778504,0.008648107307518662,0.6411027568922306,0.30373360242179614,16.75,mobile/pensacola smm food,2022-04-25,16.75,20.490222740182176 +0.6118355065195585,0.9960000000000001,0.3653846153846157,0.5334003013561025,0.007252975566387,0.38195488721804494,0.21846619576185672,23.07,albuquerque/santa fe smm food,2022-04-25,23.07,21.340851593841236 +0.5862587763289868,0.294,0.3633603238866397,0.22953289804118535,0.028021349232191763,0.5413533834586464,0.9253279515640767,109.76,atlanta smm food,2022-04-25,109.76,133.0775124861706 +0.7497492477432297,0.4,0.5288461538461541,0.6097438473129081,0.01410897014721033,0.5258145363408523,0.3980827447023209,65.05,baltimore smm food,2022-04-25,65.05,63.31096550905271 +0.3966900702106317,0.19200000000000003,0.05060728744939274,0.7041687594173782,0.0038827526219604802,0.7448621553884711,0.5837537840565086,2.67,baton rouge smm food,2022-04-25,2.67,4.582921173083406 +0.5085255767301904,0.15700000000000003,0.828441295546559,0.5434455047714717,0.011380438157917434,0.8491228070175437,0.649848637739657,12.41,birmingham/anniston/tuscaloosa smm food,2022-04-25,12.41,16.5249172683397 +0.4047141424272818,0.329,0.47064777327935253,0.7157207433450528,0.030987943184119328,0.42656641604010015,0.801715438950555,124.80000000000001,boston/manchester smm food,2022-04-25,124.80000000000001,147.68330809857787 +0.7668004012036109,0.455,0.8385627530364377,0.5087895529884481,0.00877631886984186,0.29323308270676685,0.22704339051463168,17.31,buffalo smm food,2022-04-25,17.31,18.566406739539417 +0.12086258776328977,0.6950000000000001,0.3562753036437249,0.5509794073329985,0.018970562647450617,0.46416040100250644,0.5872855701311807,97.77,charlotte smm food,2022-04-25,97.77,83.87116507848374 +0.32848545636910725,0.622,0.410931174089069,0.814665996986439,0.037663808434172545,0.8616541353383458,0.7527749747729566,139.16,chicago smm food,2022-04-25,139.16,140.92704682627547 +0.6604814443329988,0.40599999999999997,0.27530364372469657,0.6253139126067303,0.0208832892142574,0.5132832080200499,0.3708375378405651,63.46,cleveland/akron/canton smm food,2022-04-25,63.46,87.19864204563608 +0.7442326980942827,0.532,0.5349190283400811,0.4851833249623305,0.015273321076160239,0.5042606516290725,0.9611503531786075,51.26,columbus oh smm food,2022-04-25,51.26,63.268514149612386 +0.7993981945837515,0.961,0.5242914979757088,0.5600200904068308,0.03039943628446793,0.7839598997493733,0.9238143289606459,60.33,dallas/ft. worth smm food,2022-04-25,60.33,72.20172484023779 +0.6313941825476428,0.8180000000000001,0.3567813765182188,0.4445002511300854,0.005877471274302348,0.6952380952380951,0.5686175580221998,17.48,des moines/ames smm food,2022-04-25,17.48,19.871405130535308 +0.6073219658976929,0.095,0.3846153846153848,0.13159216474133603,0.02557963125639224,0.48020050125313274,0.25731584258324924,87.2,detroit smm food,2022-04-25,87.2,113.87958457471963 +0.5085255767301905,0.462,0.09311740890688264,0.6539427423405325,0.013447651743029698,0.4170426065162903,0.6816347124117054,46.99,grand rapids smm food,2022-04-25,46.99,68.86468741584915 +0.17001003009027071,0.986,0.4676113360323888,0.5389251632345555,0.009827337109133239,0.4200501253132832,0.15893037336024218,26.58,albany/schenectady/troy smm food,2022-04-25,26.58,34.33104810790678 +0.4493480441323972,0.741,0.36487854251012186,0.7363134103465596,0.01507324772458429,0.1894736842105263,0.4273461150353179,32.52,harrisburg/lancaster smm food,2022-04-25,32.52,43.320414347760746 +0.49398194583751254,0.8900000000000001,0.5921052631578952,0.3380210949271723,0.011712838504681274,0.2852130325814535,0.2704339051463169,44.36,greensboro smm food,2022-04-25,44.36,36.55324784748186 +0.6328986960882648,0.135,0.48987854251012186,0.3319939728779508,0.017831537459206525,0.5343358395989976,0.5418768920282543,37.36,minneapolis/st. paul smm food,2022-04-25,37.36,44.70378069931598 +0.3465396188565697,0.622,0.42206477732793535,0.3922651933701658,0.012467545577714605,0.4661654135338345,0.23814328960645811,20.67,milwaukee smm food,2022-04-25,20.67,22.77642117258896 +0.700601805416249,0.829,0.9326923076923082,0.6087393269713712,0.012227584184526992,0.18295739348370924,0.4601412714429869,113.58,miami/west palm beach smm food,2022-04-25,113.58,139.8434647121735 +0.5040120361083249,0.013000000000000001,0.43572874493927144,0.12857860371672528,0.04255452553622452,0.5498746867167916,0.5887991927346115,127.42999999999999,los angeles smm food,2022-04-25,127.42999999999999,120.1113150656344 +0.4638916750250753,0.6110000000000001,0.5055668016194337,0.5715720743345053,0.009946684662209403,0.7809523809523808,0.8168516649848638,10.4,little rock/pine bluff smm food,2022-04-25,10.4,15.320452322676552 +0.7998996990972915,0.27,0.26973684210526333,0.6443997990959317,0.005405779353656516,0.7478696741854635,0.4717457114026236,6.77,madison wi smm food,2022-04-25,6.77,8.637837736255719 +0.48996990972918747,0.509,0.46862348178137675,0.8247112004018082,0.010011898444526879,0.43358395989974924,0.4253279515640767,22.74,knoxville smm food,2022-04-25,22.74,26.47760012002221 +0.15747241725175523,0.544,0.65587044534413,0.2782521346057258,0.010617500219154714,0.17042606516290726,0.5166498486377397,36.18,kansas city smm food,2022-04-25,36.18,32.040889250383906 +0.2993981945837512,0.515,0.4858299595141702,0.5489703666499248,0.009452199574928336,0.4526315789473683,0.6064581231079718,26.61,jacksonville smm food,2022-04-25,26.61,38.84080630592522 +0.4669007021063187,0.462,0.7722672064777331,0.49723756906077354,0.01784673290363001,0.7979949874686715,0.582744702320888,27.78,indianapolis smm food,2022-04-25,27.78,45.949561111524645 +0.7853560682046139,0.44400000000000006,0.36639676113360337,0.7292817679558011,0.026082030637643867,0.4235588972431076,0.713925327951564,142.01,houston smm food,2022-04-25,142.01,129.77818891189028 +0.20912738214643947,0.47000000000000003,0.35728744939271295,0.22400803616273232,0.015341384004307122,0.36190476190476184,0.5898082744702321,70.02,hartford/new haven smm food,2022-04-25,70.02,72.26246841342845 +0.40772316950852555,0.15300000000000002,0.5835020242914982,0.32596685082872934,0.006216203056242641,0.4481203007518797,0.6049445005045408,33.71,las vegas smm food,2022-04-25,33.71,28.541006504907948 +0.6649949849548646,0.22200000000000003,0.5966599190283403,0.42742340532395784,0.011539990324364075,0.21102756892230573,0.6165489404641776,41.05,portland or smm food,2022-05-02,41.05,42.697444070888004 +0.3681043129388165,0.5730000000000001,0.7085020242914981,0.5991963837267705,0.03659474560462827,0.4651629072681703,0.6518668012108981,65.22,rem us middle atlantic smm food,2022-05-02,65.22,89.90958373302776 +0.6318956870611832,0.05500000000000001,0.2828947368421054,0.4103465595178303,0.1026262327751446,0.2686716791979949,0.574167507568113,222.18,rem us east north central smm food,2022-05-02,222.18,278.93569742887297 +0.3676028084252756,0.808,0.31882591093117424,0.3249623304871924,0.018610303985910372,0.5062656641604009,0.5615539858728557,61.59000000000001,raleigh/durham/fayetteville smm food,2022-05-02,61.59000000000001,79.35831470326124 +0.40270812437311937,0.22200000000000003,0.507085020242915,0.6936212958312407,0.008765238858283064,0.7167919799498745,0.4520686175580222,39.21,providence ri/new bedford ma smm food,2022-05-02,39.21,41.05060518059201 +0.19057171514543628,0.244,0.4154858299595143,0.5253641386238072,0.014824105750390823,0.6240601503759399,0.23057517658930374,45.96,pittsburgh smm food,2022-05-02,45.96,56.37871138861271 +0.15847542627883615,0.28900000000000003,0.3851214574898787,0.4555499748869915,0.009404713811104928,0.3789473684210529,0.18819374369323916,43.44,norfolk/portsmouth/newport news smm food,2022-05-02,43.44,54.02772767215117 +0.8004012036108326,0.20099999999999998,0.36791497975708554,0.6072325464590659,0.03598977697351808,0.4656641604010024,0.6377396569122099,126.57,philadelphia smm food,2022-05-02,126.57,159.42316920848953 +0.42577733199598766,0.004,0.6285425101214579,0.13159216474133603,0.00744006947585122,0.5313283208020048,0.2537840565085772,5.3,paducah ky/cape girardeau mo smm food,2022-05-02,5.3,3.3120239755391054 +0.6925777331995987,0.759,0.30465587044534437,0.4500251130085385,0.021714290081167004,0.12731829573934844,0.8466195761856711,61.18,orlando/daytona beach/melborne smm food,2022-05-02,61.18,92.66738346726675 +0.47191574724172514,0.43300000000000005,0.42004048582995984,0.5318935208437972,0.0049378862941165565,0.4401002506265662,0.5418768920282543,11.71,omaha smm food,2022-05-02,11.71,14.268485364023064 +0.6464393179538617,0.501,0.5136639676113364,0.5775991963837268,0.010242046113190984,0.33734335839598967,0.7174571140262361,4.09,oklahoma city smm food,2022-05-02,4.09,6.252697175517099 +0.506519558676028,0.020000000000000004,0.6260121457489881,0.5228528377699649,0.038333990847600204,0.5077694235588973,0.334510595358224,132.85,rem us mountain smm food,2022-05-02,132.85,133.49467145280698 +0.44483450351053166,0.434,0.7586032388663971,0.18382722250125566,0.020428692168587996,0.3548872180451127,0.198284561049445,74.86,phoenix/prescott smm food,2022-05-02,74.86,71.74744349744017 +0.854062186559679,0.13899999999999998,0.10425101214574904,0.8402812656956304,0.01808321200747057,0.6140350877192979,0.41523713420787084,89.66,rem us new england smm food,2022-05-02,89.66,107.04999255102915 +0.4182547642928785,0.798,0.564777327935223,0.41888498242089406,0.008654438742695118,0.763408521303258,0.313824419778002,25.45,salt lake city smm food,2022-05-02,25.45,34.522246274507054 +0.507522567703109,0.037,0.27327935222672073,0.39377197388247115,0.1218054162116594,0.7458646616541353,0.375882946518668,201.24,rem us south atlantic smm food,2022-05-02,201.24,255.63831411607148 +0.5220661985957872,0.149,0.47216599190283437,0.10647915620291312,0.17322015213381378,0.15989974937343346,0.037840565085771945,320.53,rem us south central smm food,2022-05-02,320.53,371.04816081673084 +0.5792377131394182,0.8130000000000002,0.3441295546558707,0.29633350075339027,0.05312770570914406,0.40802005012531295,0.7462159434914228,78.79,rem us west north central smm food,2022-05-02,78.79,87.50151205139565 +0.46288866599799394,0.766,0.12854251012145756,0.6906077348066298,0.008444235094836841,0.214035087719298,0.5953582240161454,30.019999999999996,richmond/petersburg smm food,2022-05-02,30.019999999999996,41.67750760317207 +0.5441323971915746,0.5910000000000001,0.2570850202429157,0.48618784530386744,0.01204333942089218,0.36140350877192956,0.8970736629667003,29.000000000000004,sacramento/stockton/modesto smm food,2022-05-02,29.000000000000004,30.32627421621907 +0.620361083249749,0.231,0.8972672064777333,0.5464590657960824,0.007848763616491332,0.5443609022556388,0.8451059535822402,22.61,san diego smm food,2022-05-02,22.61,30.897896206808802 +0.6534603811434302,0.672,0.42004048582995984,0.539427423405324,0.011980025069127638,0.4912280701754385,0.22704339051463168,50.65,san francisco/oakland/san jose smm food,2022-05-02,50.65,42.84087769790736 +0.68555667001003,0.799,0.3861336032388669,0.598694123556002,0.01490103268778474,0.7087719298245612,0.7265388496468214,38.86,seattle/tacoma smm food,2022-05-02,38.86,52.062677534153636 +0.28585757271815426,0.706,0.32186234817813786,0.42290306378704173,0.01515270723604879,0.5503759398496239,0.5529767911200807,39.0,st. louis smm food,2022-05-02,39.0,42.27270056718797 +0.7281845536609829,0.646,0.3871457489878546,0.6433952787543948,0.02261303730446466,0.44561403508771913,0.5716448032290615,84.75,tampa/ft. myers smm food,2022-05-02,84.75,133.13534108189367 +0.2041123370110331,0.511,0.4124493927125508,0.31491712707182323,0.005505816029444491,0.4095238095238096,0.5877901109989909,15.0,tucson/sierra vista smm food,2022-05-02,15.0,14.4791367456829 +0.5661985957873621,0.217,0.30313765182186225,0.5484681064791562,0.02487525909301172,0.46917293233082696,0.8420787083753785,117.88,washington dc/hagerstown smm food,2022-05-02,117.88,135.6814340155148 +0.6800401203610831,0.338,0.634109311740891,0.41285786037167255,0.0025176951979169753,0.44611528822055146,0.6014127144298689,3.71,yakima/pasco/richland/kennewick smm food,2022-05-02,3.71,4.342772574055871 +0.3254764292878634,0.976,0.810222672064778,0.5725765946760423,0.07261428032347568,0.4601503759398497,0.38294651866801205,239.10999999999999,new york smm food,2022-05-02,239.10999999999999,260.50878304994376 +0.18455366098294884,0.633,0.4929149797570853,0.7257659467604219,0.03348601093298931,0.6501253132832079,0.22351160443995963,65.25,rem us pacific smm food,2022-05-02,65.25,65.43062983090269 +0.45185556670010024,0.719,0.8613360323886646,0.3214465092918132,0.009680131241280683,0.9714285714285714,0.606962663975782,11.92,new orleans smm food,2022-05-02,11.92,14.293364484772276 +0.25426278836509525,0.9960000000000001,0.3719635627530366,0.8101456554495229,0.019960799109048036,0.4967418546365913,0.487891019172553,40.04,nashville smm food,2022-05-02,40.04,54.197230983111346 +0.5702106318956871,0.38599999999999995,0.8643724696356279,0.521848317428428,0.010402547994914097,0.7203007518796992,0.3213925327951564,14.080000000000002,mobile/pensacola smm food,2022-05-02,14.080000000000002,21.44132332570213 +0.7071213640922768,0.673,0.6330971659919034,0.48719236564540436,0.00805548497500256,0.35037593984962384,0.3491422805247225,22.22,albuquerque/santa fe smm food,2022-05-02,22.22,22.021230597820576 +0.6133400200601805,0.687,0.41801619433198384,0.5861376192867906,0.029284470549894363,0.37343358395989956,0.8607467204843593,105.84,atlanta smm food,2022-05-02,105.84,134.66302892824868 +0.8304914744232699,0.126,0.37601214574898806,0.4866901054746359,0.012631213177025938,0.7919799498746868,0.6195761856710393,56.07,baltimore smm food,2022-05-02,56.07,64.42048887146099 +0.44282848545636877,0.13799999999999998,0.27074898785425117,0.8227021597187344,0.005218685444192297,0.4165413533834586,0.393037336024218,1.98,baton rouge smm food,2022-05-02,1.98,3.5142198884227867 +0.3119358074222666,0.018,0.9772267206477737,0.5640381717729784,0.011904047847010189,0.7523809523809523,0.5030272452068617,9.59,birmingham/anniston/tuscaloosa smm food,2022-05-02,9.59,15.26513319186217 +0.45636910732196584,0.835,0.6670040485829963,0.9085886489201407,0.025749630290880027,0.15488721804511274,0.577699293642785,128.58,boston/manchester smm food,2022-05-02,128.58,146.3510771609117 +0.8781344032096291,0.883,0.8340080971659923,0.4796584630838775,0.008183696537325754,0.37393483709273173,0.5322906155398587,13.19,buffalo smm food,2022-05-02,13.19,20.715420527457695 +0.37913741223671005,0.51,0.3390688259109313,0.7910597689603215,0.021178967236997807,0.8852130325814537,0.43239152371342077,70.64,charlotte smm food,2022-05-02,70.64,86.29667521215408 +0.3665997993981945,0.422,0.7069838056680166,0.34103465595178306,0.0386600597591876,0.5533834586466164,0.7033299697275479,98.56,chicago smm food,2022-05-02,98.56,137.26641054896024 +0.8214643931795383,0.046,0.397773279352227,0.37117026619789056,0.02042837559682917,0.45062656641603993,0.09434914228052473,70.45,cleveland/akron/canton smm food,2022-05-02,70.45,84.06006688776179 +0.6574724172517552,0.32200000000000006,0.54251012145749,0.5645404319437469,0.015034309398249098,0.4746867167919798,0.9031281533804238,51.64,columbus oh smm food,2022-05-02,51.64,63.02437676172049 +0.7091273821464396,0.631,0.4271255060728748,0.4851833249623305,0.030157892032486207,0.8380952380952379,0.6301715438950555,58.21,dallas/ft. worth smm food,2022-05-02,58.21,69.84316985737814 +0.3274824473420259,0.517,0.3309716599190285,0.5037669512807634,0.004394965727735617,0.32531328320802,0.7714429868819375,16.37,des moines/ames smm food,2022-05-02,16.37,19.370740563389973 +0.3034102306920761,0.883,0.3527327935222674,0.30989452536413864,0.023573199448973927,0.43157894736842095,0.496468213925328,99.15,detroit smm food,2022-05-02,99.15,115.69179148177852 +0.24423269809428283,0.135,0.3360323886639678,0.4028126569563034,0.010669101415842814,0.6812030075187965,0.5923309788092835,56.50999999999999,grand rapids smm food,2022-05-02,56.50999999999999,66.89268680368913 +0.49699097291875616,0.978,0.4954453441295549,0.4053239578101457,0.008252076037231458,0.7087719298245613,0.2053481331987891,29.869999999999997,albany/schenectady/troy smm food,2022-05-02,29.869999999999997,35.065359015472595 +0.18304914744232703,0.394,0.1867408906882594,0.4304369663485686,0.01378575038145235,0.39899749373433574,0.6291624621594349,31.640000000000004,harrisburg/lancaster smm food,2022-05-02,31.640000000000004,42.49322712692887 +0.7683049147442327,0.9400000000000001,0.21457489878542535,0.43345052737317935,0.012392518070873623,0.37593984962406,0.31029263370333,34.47,greensboro smm food,2022-05-02,34.47,37.95713501597573 +0.5260782347041123,0.443,0.35273279352226755,0.6313410346559518,0.012778735616637326,0.5704260651629074,0.4510595358224016,43.47,minneapolis/st. paul smm food,2022-05-02,43.47,45.17281444903286 +0.3084252758274824,0.541,0.41497975708502033,0.8101456554495229,0.011438054218023163,0.4807017543859648,0.1710393541876892,20.33,milwaukee smm food,2022-05-02,20.33,24.574784354783695 +0.643430290872618,0.5660000000000001,0.689271255060729,0.40381717729784034,0.013755042920846545,0.287719298245614,0.24268415741675076,102.1,miami/west palm beach smm food,2022-05-02,102.1,137.5842718747303 +0.6344032096288866,0.8880000000000001,0.08502024291497981,0.39276745354093423,0.04967232496159423,0.5558897243107767,0.4041372351160444,113.42000000000002,los angeles smm food,2022-05-02,113.42000000000002,121.98234510476973 +0.4358074222668004,0.585,0.5551619433198386,0.683073832245103,0.010688412293131,0.8170426065162906,0.48133198789101916,10.74,little rock/pine bluff smm food,2022-05-02,10.74,14.202253927884676 +0.3766298896690068,0.21400000000000002,0.42965587044534426,0.3279758915118031,0.004270869598277118,0.757393483709273,0.4682139253279516,5.38,madison wi smm food,2022-05-02,5.38,6.041898288340022 +0.5351053159478435,0.993,0.5247975708502026,0.39427423405323964,0.009421808686081355,0.4210526315789471,0.5534813319878911,21.24,knoxville smm food,2022-05-02,21.24,24.96738926074351 +0.23671013039117347,0.10700000000000001,0.5222672064777332,0.4148669010547464,0.00958515971363387,0.0781954887218045,0.5812310797174571,34.53,kansas city smm food,2022-05-02,34.53,32.614865881556874 +0.5090270812437312,0.527,0.6629554655870448,0.6865896534404824,0.010541522997037265,0.8706766917293232,0.5141271442986882,24.71,jacksonville smm food,2022-05-02,24.71,41.00395542664875 +0.544633901705115,0.7730000000000001,0.42004048582995956,0.1235560020090407,0.01688467132856781,0.9408521303258142,0.7744702320887992,30.269999999999996,indianapolis smm food,2022-05-02,30.269999999999996,45.28664064108348 +0.93530591775326,0.06999999999999999,0.2095141700404859,0.755399296835761,0.028620936143401967,0.24561403508771915,0.5393541876892028,125.29999999999998,houston smm food,2022-05-02,125.29999999999998,128.7039049063428 +0.23520561685055183,0.46799999999999997,0.3684210526315793,0.44650929181315924,0.013357745363524052,0.08771929824561393,0.8673057517658931,67.76,hartford/new haven smm food,2022-05-02,67.76,74.06552254687348 +0.4638916750250753,0.021,0.5576923076923079,0.41436464088397795,0.007617666232550758,0.53734335839599,0.37436932391523714,28.83,las vegas smm food,2022-05-02,28.83,28.201329402301305 +0.7462387161484454,0.092,0.841599190283401,0.48719236564540436,0.008352745856537077,0.5313283208020049,0.24217961654894046,38.21,portland or smm food,2022-05-09,38.21,41.638018677573974 +0.17151454363089275,0.251,0.6093117408906882,0.3631341034655952,0.03422900485094619,0.5769423558897242,0.2255297679112008,74.46,rem us middle atlantic smm food,2022-05-09,74.46,85.56397226768455 +0.46138415245737185,0.28700000000000003,0.2661943319838058,0.16122551481667505,0.09263807721252944,0.4671679197994987,0.2759838546922301,224.34,rem us east north central smm food,2022-05-09,224.34,274.803584958419 +0.5030090270812435,0.387,0.5541497975708505,0.32596685082872934,0.016177450019357883,0.6060150375939848,0.39152371342078707,69.47,raleigh/durham/fayetteville smm food,2022-05-09,69.47,78.51964917887098 +0.5060180541624874,0.261,0.3618421052631579,0.34605725765946765,0.007230815543269413,0.863659147869674,0.49041372351160445,35.42,providence ri/new bedford ma smm food,2022-05-09,35.42,39.623345507593335 +0.6183550651955867,0.9300000000000002,0.11943319838056679,0.4505273731793069,0.014657589005250079,0.38596491228070184,0.3703329969727548,53.89,pittsburgh smm food,2022-05-09,53.89,56.84921316275021 +0.4844533600802403,0.313,0.5389676113360325,0.7307885484681066,0.008474309411924999,0.3493734335839602,0.4434914228052472,51.92,norfolk/portsmouth/newport news smm food,2022-05-09,51.92,57.50828509917426 +0.7091273821464394,0.375,0.0495951417004052,0.20090406830738325,0.031310213234600856,0.4907268170426064,0.36680121089808276,143.35,philadelphia smm food,2022-05-09,143.35,154.6804491785972 +0.36710130391173484,0.44900000000000007,0.6680161943319842,0.33500753390256155,0.0068373168470527886,0.658145363408521,0.43541876892028253,7.23,paducah ky/cape girardeau mo smm food,2022-05-09,7.23,5.968867913841365 +0.6218655967903711,0.13799999999999998,0.7090080971659923,0.7106981416373682,0.02144900294727358,0.38095238095238093,0.649848637739657,60.34,orlando/daytona beach/melborne smm food,2022-05-09,60.34,93.60886305082371 +0.6328986960882648,0.41,0.600202429149798,0.11652435961828228,0.004394016012459149,0.7273182957393479,0.7522704339051464,11.87,omaha smm food,2022-05-09,11.87,14.289595341410845 +0.3540621865596792,0.605,0.19281376518218635,0.4505273731793069,0.010619399649707647,0.35639097744360876,0.9278506559031282,3.94,oklahoma city smm food,2022-05-09,3.94,6.22165748078109 +0.6283851554663992,0.119,0.4331983805668019,0.1416373681567052,0.035563038242625064,0.6496240601503759,0.5020181634712412,114.33000000000001,rem us mountain smm food,2022-05-09,114.33000000000001,132.46328522570076 +0.7718154463390171,0.033,0.6325910931174092,0.5128076343545958,0.01799615477379433,0.3779448621553884,0.07114026236125126,66.07,phoenix/prescott smm food,2022-05-09,66.07,72.90575869338493 +0.7562688064192578,0.8560000000000001,0.2844129554655872,0.8196885986941236,0.01477028855139096,0.4421052631578945,0.47023208879919276,96.25,rem us new england smm food,2022-05-09,96.25,106.53079073708967 +0.31344032096288854,0.926,0.49645748987854277,0.4389753892516324,0.007337183654233841,0.7553884711779447,0.4944500504540868,26.08,salt lake city smm food,2022-05-09,26.08,35.31653403219589 +0.7668004012036105,0.5,0.5450404858299598,0.281767955801105,0.11993954226515838,0.3674185463659149,0.5312815338042381,218.41,rem us south atlantic smm food,2022-05-09,218.41,255.2752374247268 +0.2507522567703108,0.20299999999999999,0.22267206477732807,0.14213962832747365,0.17271933561135627,0.6155388471177943,0.3355196770938446,345.06,rem us south central smm food,2022-05-09,345.06,373.73792847393025 +0.39468405215646934,0.35600000000000004,0.42510121457489913,0.34505273731793074,0.049774894211452786,0.5548872180451124,0.5665993945509586,86.84,rem us west north central smm food,2022-05-09,86.84,86.25295652503378 +0.6253761283851555,0.327,0.20091093117408917,0.6428930185836264,0.007830719026238438,0.6055137844611524,0.7522704339051464,36.63,richmond/petersburg smm food,2022-05-09,36.63,43.55088296811497 +0.8059177532597791,0.5870000000000001,0.1821862348178144,0.22702159718734308,0.011302878077005873,0.5879699248120298,0.6730575176589304,26.51,sacramento/stockton/modesto smm food,2022-05-09,26.51,28.530444922234913 +0.8801404212637913,0.38500000000000006,0.5328947368421055,0.6433952787543948,0.0061205983850781825,0.19047619047619044,0.6286579212916247,22.05,san diego smm food,2022-05-09,22.05,29.141988788537397 +0.8515546639919759,0.477,0.6330971659919032,0.401305876443998,0.011030626364418344,0.8506265664160398,0.022199798183652877,38.8,san francisco/oakland/san jose smm food,2022-05-09,38.8,42.211976961322506 +0.8450351053159476,0.7490000000000001,0.3284412955465591,0.5625313912606731,0.011288948919617672,0.6771929824561402,0.6599394550958628,43.53,seattle/tacoma smm food,2022-05-09,43.53,51.071114482358524 +0.36810431293881624,0.169,0.48836032388664,0.41938724259166255,0.01444263678100946,0.7157894736842103,0.42936427850655906,41.83,st. louis smm food,2022-05-09,41.83,41.93864070727618 +0.6384152457372115,0.06999999999999999,0.5971659919028344,0.5364138623807133,0.023580797171185677,0.48370927318295726,0.5196770938446014,86.49,tampa/ft. myers smm food,2022-05-09,86.49,132.18791267828414 +0.47191574724172514,0.48,0.6659919028340084,0.6258161727774988,0.005628962443626523,0.4581453634085214,0.5983854692230071,12.76,tucson/sierra vista smm food,2022-05-09,12.76,17.07473311086047 +0.3259779338014043,0.7789999999999999,0.3223684210526314,0.9060773480662985,0.020487891087487844,0.300250626566416,0.8708375378405651,111.39,washington dc/hagerstown smm food,2022-05-09,111.39,136.626383834252 +0.6629889669007021,0.403,0.3289473684210528,0.45404319437468615,0.002641474755616653,0.3443609022556392,0.7704339051463168,3.76,yakima/pasco/richland/kennewick smm food,2022-05-09,3.76,5.075943166607871 +0.37763289869608807,0.13,0.6978744939271262,0.630336514314415,0.0644470455176087,0.030075187969924984,0.3118062563067608,216.77,new york smm food,2022-05-09,216.77,257.57362150596214 +0.3530591775325978,0.6190000000000001,0.4493927125506076,0.7081868407835259,0.03199305851838143,0.7679197994987468,0.5847628657921292,54.44,rem us pacific smm food,2022-05-09,54.44,67.82546833504917 +0.3625877632898696,0.641,0.8851214574898791,0.1391260673028629,0.00850026829614846,0.6390977443609023,0.6518668012108981,10.29,new orleans smm food,2022-05-09,10.29,12.144613479974616 +0.4172517552657974,0.454,0.37601214574898806,0.44299347061778005,0.018833803647639206,0.5187969924812028,0.529263370332997,37.33,nashville smm food,2022-05-09,37.33,52.26805315139823 +0.5556670010030089,0.4,0.8830971659919031,0.6700150678051231,0.009892550891450719,0.555889724310777,0.2330978809283552,14.85,mobile/pensacola smm food,2022-05-09,14.85,21.19090150712765 +0.5852557673019055,0.798,0.8476720647773286,0.3972877950778504,0.008145074782749383,0.2240601503759397,0.45610494450050454,20.63,albuquerque/santa fe smm food,2022-05-09,20.63,21.733421497890674 +0.18555667001003007,0.9710000000000001,0.36234817813765186,0.8739326971371171,0.02741321488349335,0.2345864661654134,0.5065590312815338,104.89,atlanta smm food,2022-05-09,104.89,132.9498492931916 +0.3751253761283853,0.809,0.37044534412955493,0.3078854846810648,0.010739696918060274,0.5639097744360905,0.6493440968718466,55.12,baltimore smm food,2022-05-09,55.12,62.150822140874055 +0.5807422266800398,0.396,0.5698380566801622,0.6263184329482673,0.004328169086624027,0.11328320802005011,0.1432896064581231,2.53,baton rouge smm food,2022-05-09,2.53,0.4102094294646861 +0.1649949849548644,0.388,0.9109311740890693,0.2722250125565043,0.012534975362343841,0.625062656641604,0.31079717457114026,10.49,birmingham/anniston/tuscaloosa smm food,2022-05-09,10.49,12.061226478958936 +0.42276830491474415,0.447,0.495445344129555,0.635861376192868,0.01907154903851506,0.24060150375939848,0.42078708375378404,137.66,boston/manchester smm food,2022-05-09,137.66,142.86603352048138 +0.8981945837512538,0.976,0.8724696356275308,0.7594173782019087,0.00773479778331516,0.3679197994987468,0.562058526740666,16.05,buffalo smm food,2022-05-09,16.05,22.50760670363792 +0.6078234704112335,0.013000000000000001,0.5070850202429152,0.7081868407835259,0.019766107477372074,0.6195488721804512,0.5665993945509586,68.91,charlotte smm food,2022-05-09,68.91,85.83222466187425 +0.5120361083249747,0.027000000000000003,0.7332995951417008,0.13510798593671522,0.03191771443978162,0.5248120300751878,0.5065590312815338,113.88,chicago smm food,2022-05-09,113.88,133.98573882428838 +0.4854563691073218,0.8820000000000001,0.6442307692307696,0.2325464590657961,0.018641644590033823,0.3674185463659147,0.3703329969727548,77.68,cleveland/akron/canton smm food,2022-05-09,77.68,84.333535463741 +0.5050150451354062,0.434,0.647773279352227,0.36614766449020597,0.013463796902729655,0.48120300751879697,0.8092835519677094,49.8,columbus oh smm food,2022-05-09,49.8,61.00591160449859 +0.4779338014042128,0.509,0.3031376518218626,0.2551481667503767,0.027267275302676086,0.9127819548872179,0.36680121089808276,54.99,dallas/ft. worth smm food,2022-05-09,54.99,66.3073571064214 +0.2963891675025074,0.04400000000000001,0.46862348178137675,0.4711200401808137,0.003756757061949043,0.17042606516290726,0.9192734611503531,14.77,des moines/ames smm food,2022-05-09,14.77,19.284421533224815 +0.34202607823470405,0.47000000000000003,0.5915991902834011,0.2496233048719237,0.01945776658427876,0.7298245614035086,0.8960645812310797,91.85,detroit smm food,2022-05-09,91.85,118.02510005848426 +0.3084252758274824,0.6230000000000001,0.3092105263157896,0.5926670015067805,0.0093569114755227,0.5208020050125308,0.7754793138244198,55.42,grand rapids smm food,2022-05-09,55.42,68.67591053659041 +0.6634904714142424,0.537,0.6017206477732797,0.12908086388749374,0.007101654265669746,0.3979949874686716,0.28254288597376387,33.82,albany/schenectady/troy smm food,2022-05-09,33.82,32.94544676757728 +0.19408224674022073,0.808,0.3223684210526319,0.2948267202410849,0.01275594245000209,0.5137844611528821,0.4031281533804238,34.85,harrisburg/lancaster smm food,2022-05-09,34.85,40.9101482575138 +0.34052156469408223,0.91,0.22115384615384645,0.6393771973882472,0.012761324169902076,0.6586466165413531,0.3713420787083754,34.03,greensboro smm food,2022-05-09,34.03,39.69416152726776 +0.3610832497492477,0.6080000000000001,0.6452429149797576,0.5846308387744852,0.010226534097008674,0.443107769423559,0.47780020181634714,57.25,minneapolis/st. paul smm food,2022-05-09,57.25,44.2867277248133 +0.42728184553660975,0.501,0.4762145748987855,0.6067302862882974,0.009616816889516142,0.4791979949874686,0.13420787083753785,22.23,milwaukee smm food,2022-05-09,22.23,23.152750680554355 +0.6710130391173523,0.536,0.6634615384615388,0.3154193872425917,0.013030726736660196,0.4907268170426064,0.2795156407669021,101.16,miami/west palm beach smm food,2022-05-09,101.16,137.83446514683828 +0.4403209628886659,0.646,0.02479757085020244,0.594173782019086,0.045342256444417264,0.6606516290726814,0.47527749747729564,103.43,los angeles smm food,2022-05-09,103.43,122.79046807364716 +0.5636910732196591,0.507,0.39625506072874533,0.5786037167252638,0.010176515759114687,0.7659147869674184,0.13420787083753785,10.54,little rock/pine bluff smm food,2022-05-09,10.54,11.442702294327539 +0.15947843530591754,0.08000000000000002,0.36032388663967624,0.3721747865394275,0.0035664974348965984,0.7278195488721801,0.33905146316851664,6.02,madison wi smm food,2022-05-09,6.02,4.889776326125855 +0.8284854563691072,0.836,0.6305668016194336,0.31089904570567556,0.009353112614416827,0.40501253132832055,0.6382441977800202,22.8,knoxville smm food,2022-05-09,22.8,25.402605210457544 +0.17652958876629887,0.396,0.07287449392712556,0.8186840783525867,0.009640559771427843,0.1413533834586466,0.6357214934409687,31.28,kansas city smm food,2022-05-09,31.28,35.205186996590534 +0.9528585757271815,0.034,0.6513157894736844,0.6393771973882472,0.010945468561295036,0.8922305764411026,0.3284561049445005,26.17,jacksonville smm food,2022-05-09,26.17,40.285871406877256 +0.9047141424272815,0.9650000000000001,0.1563765182186234,0.33651431441486696,0.013887686487793257,0.8982456140350873,0.6427850655903128,32.99,indianapolis smm food,2022-05-09,32.99,45.71723804928976 +0.8029087261785358,0.15100000000000002,0.2591093117408907,0.7252636865896535,0.02528870181003417,0.5518796992481201,0.5317860746720484,129.1,houston smm food,2022-05-09,129.1,128.8137525408579 +0.34704112337011045,0.323,0.39625506072874533,0.7749874434957309,0.011593807523363937,0.21754385964912268,0.8158425832492432,57.65,hartford/new haven smm food,2022-05-09,57.65,75.93776928917079 +0.8109327983951855,0.426,0.5809716599190285,0.5123053741838273,0.007005733022746468,0.5639097744360902,0.3496468213925328,24.16,las vegas smm food,2022-05-09,24.16,29.394716769099283 +0.7191574724172518,0.45999999999999996,0.6320850202429152,0.42893018583626324,0.005637193309355912,0.888721804511278,0.2558022199798184,36.31,portland or smm food,2022-05-16,36.31,42.10497149434972 +0.474924774322969,0.907,0.8390688259109311,0.29633350075339027,0.03011705427559807,0.38796992481203,0.47578203834510596,66.23,rem us middle atlantic smm food,2022-05-16,66.23,86.41693724698257 +0.31243731193580715,0.8050000000000002,0.3284412955465588,0.3309894525364139,0.07826508621846097,0.27619047619047615,0.40766902119071646,239.88,rem us east north central smm food,2022-05-16,239.88,273.95389543061685 +0.5992978936810428,0.22999999999999998,0.6158906882591098,0.20090406830738325,0.013394784259306304,0.29624060150375936,0.33097880928355194,89.94,raleigh/durham/fayetteville smm food,2022-05-16,89.94,76.22776473644095 +0.18104312938816447,0.8140000000000001,0.4853238866396762,0.35409342039176295,0.005695759084738115,0.8456140350877192,0.5882946518668012,31.08,providence ri/new bedford ma smm food,2022-05-16,31.08,39.754139981354804 +0.7833500501504513,0.507,0.12348178137651819,0.7373179306880965,0.013383387675988692,0.2586466165413535,0.7023208879919274,42.51,pittsburgh smm food,2022-05-16,42.51,59.922974226079084 +0.7121364092276826,0.9550000000000001,0.40080971659919046,0.4364640883977901,0.007037073626869916,0.5062656641604012,0.5832492431886983,70.96,norfolk/portsmouth/newport news smm food,2022-05-16,70.96,57.50860995581269 +0.5807422266800403,0.481,0.33957489878542557,0.31089904570567556,0.027328690223887682,0.21604010025062656,0.24470232088799193,144.95,philadelphia smm food,2022-05-16,144.95,153.20391159719705 +0.8440320962888662,0.919,0.5298582995951421,0.28126569563033654,0.0066771315370885,0.6872180451127817,0.4122098890010091,4.18,paducah ky/cape girardeau mo smm food,2022-05-16,4.18,6.5220726348248945 +0.3360080240722167,0.42300000000000004,0.8203441295546563,0.7297840281265696,0.018460882115746063,0.4461152882205514,0.6463168516649849,58.32999999999999,orlando/daytona beach/melborne smm food,2022-05-16,58.32999999999999,93.20222420632615 +0.7046138415245736,0.6440000000000001,0.8051619433198387,0.15017579105976897,0.004894515963157846,0.2982456140350874,0.6064581231079718,11.77,omaha smm food,2022-05-16,11.77,12.732239160935066 +0.23520561685055177,0.854,0.3491902834008099,0.6916122551481668,0.009098588920323373,0.2471177944862153,0.9399596367305751,4.47,oklahoma city smm food,2022-05-16,4.47,7.132168688443528 +0.4969909729187563,0.063,0.3157894736842107,0.21245605223505779,0.027589228781398765,0.48320802005012525,0.822401614530777,113.48000000000002,rem us mountain smm food,2022-05-16,113.48000000000002,132.77132298943891 +0.7577733199598797,0.764,0.1998987854251013,0.8237066800602713,0.014832336616120214,0.47167919799498736,0.4106962663975782,60.07999999999999,phoenix/prescott smm food,2022-05-16,60.07999999999999,76.548958122709 +0.5506519558676028,0.9220000000000002,0.5495951417004051,0.8437970868910096,0.010691261438960402,0.6967418546365911,0.47225025227043393,87.38,rem us new england smm food,2022-05-16,87.38,106.74428161436795 +0.31444332998996977,0.256,0.5273279352226723,0.19939728779507787,0.0069069626339937846,0.6776942355889722,0.6659939455095862,26.49,salt lake city smm food,2022-05-16,26.49,34.348442680877795 +0.6008024072216647,0.31600000000000006,0.8380566801619439,0.3375188347564039,0.10216277172022817,0.28671679197995004,0.4798183652875883,261.27,rem us south atlantic smm food,2022-05-16,261.27,252.36155412634682 +0.5667001003009026,0.543,0.050101214574898814,0.3827222501255651,0.15133396358760604,0.5233082706766917,0.5877901109989909,319.82,rem us south central smm food,2022-05-16,319.82,373.86038118245494 +0.40621865596790363,0.7160000000000001,0.20040485829959534,0.4349573078854847,0.04451727044092529,0.17994987468671658,0.23814328960645811,77.46,rem us west north central smm food,2022-05-16,77.46,83.01269183636032 +0.9017051153460383,0.887,0.2849190283400811,0.5067805123053742,0.005854678107667112,0.7724310776942352,0.7729566094853684,48.29,richmond/petersburg smm food,2022-05-16,48.29,43.900817136875396 +0.6439317953861582,0.884,0.5040485829959522,0.5846308387744852,0.010022661884326852,0.569924812030075,0.3501513622603431,27.9,sacramento/stockton/modesto smm food,2022-05-16,27.9,28.534402719262353 +0.7602808425275825,0.41600000000000004,0.27783400809716613,0.8071320944249122,0.004203123241889057,0.07719298245614034,0.6039354187689203,19.77,san diego smm food,2022-05-16,19.77,28.974722394716288 +0.5892678034102307,0.342,0.6715587044534418,0.15067805123053743,0.009511081922069358,0.6596491228070174,0.12663975782038345,37.5,san francisco/oakland/san jose smm food,2022-05-16,37.5,40.10118181946079 +0.41574724172517535,0.256,0.7732793522267213,0.7759919638372678,0.0075445381562627145,0.6466165413533833,0.5474268415741675,40.62,seattle/tacoma smm food,2022-05-16,40.62,50.34744918448469 +0.4393179538615845,0.144,0.7803643724696361,0.19387242591662482,0.012496037036008645,0.5669172932330825,0.09687184661957618,40.77,st. louis smm food,2022-05-16,40.77,38.27135897954379 +0.5346038114343029,0.9810000000000001,0.7697368421052636,0.5057759919638373,0.022522814353200193,0.4591478696741852,0.8405650857719476,80.26,tampa/ft. myers smm food,2022-05-16,80.26,134.00045302747594 +0.5667001003009027,0.9119999999999999,0.5490890688259112,0.7533902561526872,0.00435761026019454,0.524812030075188,0.5373360242179617,11.93,tucson/sierra vista smm food,2022-05-16,11.93,17.765310891096156 +0.41273821464393184,0.952,0.5526315789473685,0.49673530889000506,0.015373041180189393,0.2340852130325814,0.7028254288597376,124.39,washington dc/hagerstown smm food,2022-05-16,124.39,132.74973411117662 +0.4944834503510532,0.022000000000000006,0.20040485829959526,0.2516323455549975,0.002447416267458335,0.6215538847117795,0.8456104944500504,3.15,yakima/pasco/richland/kennewick smm food,2022-05-16,3.15,4.648145765775013 +0.7136409227683047,0.9970000000000001,0.6143724696356281,0.8558513309894527,0.057913954130784526,0.25012531328320814,0.4051463168516649,218.24,new york smm food,2022-05-16,218.24,260.077319761933 +0.5692076228686058,0.945,0.27935222672064797,0.4309392265193371,0.02730051533735247,0.5157894736842104,0.777497477295661,58.10000000000001,rem us pacific smm food,2022-05-16,58.10000000000001,66.32137865467604 +0.5015045135406218,0.313,0.5258097165991906,0.16574585635359118,0.008302410946884269,0.19298245614035092,0.536326942482341,10.24,new orleans smm food,2022-05-16,10.24,10.079420240310718 +0.5461384152457371,0.835,0.397267206477733,0.25263686589653445,0.014917177847484699,0.5027568922305762,0.2749747729566095,40.32,nashville smm food,2022-05-16,40.32,49.50797826280951 +0.7693079237713139,0.019000000000000003,0.9873481781376522,0.5826217980914115,0.007955764870973407,0.4140350877192983,0.198284561049445,14.579999999999998,mobile/pensacola smm food,2022-05-16,14.579999999999998,20.02048520191211 +0.5325977933801402,0.007000000000000001,0.8431174089068832,0.6941235560020091,0.0066182491899474775,0.4150375939849622,0.4021190716448032,19.36,albuquerque/santa fe smm food,2022-05-16,19.36,23.039934038862725 +0.5010030090270812,0.07600000000000001,0.47520242914979766,0.9342039176293321,0.02408604569826672,0.13984962406015025,0.23612512613521697,94.81,atlanta smm food,2022-05-16,94.81,131.14691344671272 +0.09528585757271832,0.036,0.24544534412955477,0.3515821195379207,0.008786765737883003,0.529323308270677,0.8057517658930373,64.0,baltimore smm food,2022-05-16,64.0,62.025284587851246 +0.6098294884653959,0.22999999999999998,0.36336032388663986,0.6670015067805124,0.003120764398474229,0.4310776942355889,0.4788092835519677,2.0,baton rouge smm food,2022-05-16,2.0,3.246860354075011 +0.658976930792377,0.49500000000000005,0.8765182186234822,0.43294826720241086,0.010850813605407046,0.6446115288220552,0.3905146316851665,9.62,birmingham/anniston/tuscaloosa smm food,2022-05-16,9.62,14.118412233598669 +0.4312938816449348,0.5519999999999999,0.43269230769230793,0.40934203917629336,0.013496087222129574,0.3167919799498746,0.46770938446014126,117.2,boston/manchester smm food,2022-05-16,117.2,141.3168275410851 +0.4919759277833501,0.9490000000000001,0.6057692307692311,0.6263184329482673,0.007411261445798355,0.2606516290726817,0.43239152371342077,13.56,buffalo smm food,2022-05-16,13.56,19.764743643095713 +0.5737211634904712,0.945,0.3917004048582998,0.36464088397790057,0.016989140008979303,0.6020050125313283,0.677598385469223,93.36,charlotte smm food,2022-05-16,93.36,84.36738388029879 +0.35205616850551635,0.9060000000000001,0.42864372469635653,0.5946760421898544,0.0252598937799813,0.8676691729323308,0.2053481331987891,121.37000000000002,chicago smm food,2022-05-16,121.37000000000002,134.95015637399987 +0.29739217652958866,0.37799999999999995,0.509109311740891,0.15871421396283275,0.016823889550873848,0.5889724310776941,0.6200807265388496,64.14,cleveland/akron/canton smm food,2022-05-16,64.14,85.15910385024895 +0.4037111334002006,0.8029999999999999,0.44180161943319846,0.44801607232546464,0.01195596561545711,0.8065162907268169,0.5580221997981837,46.17,columbus oh smm food,2022-05-16,46.17,60.68992141609856 +0.33500501504513563,0.353,0.36032388663967635,0.43244600703164243,0.025295666388728277,0.9112781954887216,0.3728557013118063,46.36,dallas/ft. worth smm food,2022-05-16,46.36,66.79987843544197 +0.3846539618856568,0.641,0.5845141700404862,0.6253139126067303,0.003689010705560984,0.1413533834586466,0.5887991927346115,15.09,des moines/ames smm food,2022-05-16,15.09,18.646677416749412 +0.6228686058174523,0.15400000000000003,0.6194331983805671,0.2837769964841788,0.016069499049599346,0.782456140350877,0.6306760847628659,104.32,detroit smm food,2022-05-16,104.32,116.70779798043748 +0.3600802407221665,0.188,0.3127530364372471,0.5349070818684079,0.00826505547934319,0.41503759398496204,0.9752774974772956,63.49,grand rapids smm food,2022-05-16,63.49,68.90886423898853 +0.5616850551654964,0.267,0.5480769230769234,0.3329984932194877,0.005634027591767685,0.13934837092731828,0.1579212916246216,26.83,albany/schenectady/troy smm food,2022-05-16,26.83,32.05633933444675 +0.1985957873620863,0.513,0.3122469635627534,0.5720743345052738,0.010235714678014532,0.5774436090225562,0.3077699293642785,35.56,harrisburg/lancaster smm food,2022-05-16,35.56,41.652154579493256 +0.014543630892678034,0.025,0.3755060728744943,0.47061778001004523,0.011387402736611534,0.8907268170426061,0.470736629667003,47.91,greensboro smm food,2022-05-16,47.91,38.970576988983105 +0.38415245737211634,0.6320000000000001,0.593117408906883,0.7112004018081367,0.008621831851536381,0.4486215538847118,0.3854692230070636,43.32,minneapolis/st. paul smm food,2022-05-16,43.32,44.285355318135295 +0.7096288866599798,0.837,0.3694331983805669,0.21898543445504773,0.007508448975756925,0.3934837092731829,0.12209889001009082,20.49,milwaukee smm food,2022-05-16,20.49,20.86150720764872 +0.708625877632899,0.666,0.6644736842105267,0.7448518332496233,0.01034651479360248,0.3503759398496239,0.26992936427850656,98.23,miami/west palm beach smm food,2022-05-16,98.23,139.54859898094594 +0.0506519558676028,0.34900000000000003,0.4418016194331986,0.3038674033149172,0.03626012925555267,0.3919799498746865,0.641271442986882,102.16,los angeles smm food,2022-05-16,102.16,119.44792879306381 +0.2442326980942829,0.41200000000000003,0.39220647773279393,0.5334003013561025,0.008080810715708377,0.5749373433583959,0.22704339051463168,8.44,little rock/pine bluff smm food,2022-05-16,8.44,10.25695401663824 +0.15446339017051133,0.40800000000000003,0.5167004048582999,0.7056755399296837,0.002512630049775813,0.5689223057644108,0.27447023208879917,5.16,madison wi smm food,2022-05-16,5.16,6.023341794791875 +0.7853560682046138,0.91,0.4215587044534415,0.5615268709191361,0.009220785619228938,0.5182957393483706,0.5262361251261353,21.67,knoxville smm food,2022-05-16,21.67,26.35545893831378 +0.3224674022066198,0.844,0.14726720647773286,0.581115017579106,0.009220469047470115,0.4967418546365914,0.3920282542885974,24.34,kansas city smm food,2022-05-16,24.34,33.96989775807936 +0.5310932798395185,0.978,0.41042510121457493,0.7091913611250629,0.009069780890270508,0.5213032581453634,0.1720484359233098,27.01,jacksonville smm food,2022-05-16,27.01,37.95405449480372 +0.7392176529588763,0.259,0.6077935222672066,0.5916624811652437,0.011648257865881442,0.6736842105263154,0.856710393541877,31.010000000000005,indianapolis smm food,2022-05-16,31.010000000000005,47.08001359820629 +0.7342026078234704,0.501,0.30010121457489886,0.407835258663988,0.020626866089611007,0.6280701754385962,0.7916246215943491,122.11000000000001,houston smm food,2022-05-16,122.11000000000001,128.15421555819808 +0.4674022066198597,0.605,0.13259109311740916,0.8769462581617279,0.010464596059643347,0.47117794486215525,0.5731584258324924,52.62,hartford/new haven smm food,2022-05-16,52.62,75.91184090244057 +0.3896690070210633,0.44800000000000006,0.3168016194331985,0.383726770467102,0.00522248430529817,0.3238095238095239,0.4253279515640767,26.69,las vegas smm food,2022-05-16,26.69,27.250061903911778 +0.4398194583751255,0.32200000000000006,0.4063765182186236,0.7513812154696133,0.004868873650693205,0.7433583959899748,0.32441977800201816,33.39,portland or smm food,2022-05-23,33.39,43.12356163473412 +0.8039117352056169,0.868,0.568825910931174,0.21446509291813162,0.027107723136229438,0.2656641604010025,0.7159434914228052,63.629999999999995,rem us middle atlantic smm food,2022-05-23,63.629999999999995,86.90307786047809 +0.22517552657973894,0.8160000000000001,0.6533400809716603,0.7413360120542442,0.06849283259536287,0.06666666666666665,0.4803229061553986,252.38999999999996,rem us east north central smm food,2022-05-23,252.38999999999996,274.7579478440283 +0.24473420260782325,0.17900000000000002,0.39625506072874517,0.5690607734806631,0.011510865722552385,0.27819548872180444,0.5227043390514632,73.65,raleigh/durham/fayetteville smm food,2022-05-23,73.65,78.37705320321439 +0.2693079237713139,0.028999999999999998,0.4073886639676114,0.4952285283776997,0.004929022284869522,0.801002506265664,0.45862764883955603,30.22,providence ri/new bedford ma smm food,2022-05-23,30.22,39.30129329303049 +0.5386158475426278,0.223,0.22823886639676116,0.6504269211451532,0.011502634856823,0.22506265664160416,0.8335015136226034,46.97,pittsburgh smm food,2022-05-23,46.97,59.34165515185948 +0.6644934804413235,0.49500000000000005,0.48178137651821884,0.3083877448518333,0.006457747308224366,0.4786967418546368,0.5635721493440968,55.28,norfolk/portsmouth/newport news smm food,2022-05-23,55.28,56.251695922233736 +0.8365095285857573,0.8580000000000001,0.3567813765182191,0.3440482169763938,0.024289284767430887,0.44110275689223055,0.6135216952573158,139.62,philadelphia smm food,2022-05-23,139.62,156.4107286727475 +0.8154463390170508,0.584,0.7004048582995956,0.3390256152687092,0.005910394737219908,0.68922305764411,0.3890010090817356,4.86,paducah ky/cape girardeau mo smm food,2022-05-23,4.86,6.517955683137728 +0.3495486459378135,0.545,0.8663967611336035,0.6398794575590157,0.015490489302712619,0.29473684210526324,0.6967709384460141,59.81000000000001,orlando/daytona beach/melborne smm food,2022-05-23,59.81000000000001,92.20028548851226 +0.5336008024072216,0.073,0.38461538461538497,0.29432446007031643,0.00454153845207053,0.18796992481202976,0.1786074672048436,12.94,omaha smm food,2022-05-23,12.94,9.881954811223338 +0.19157472417251772,0.35600000000000004,0.6366396761133606,0.47061778001004523,0.007631911961697778,0.43208020050125284,0.7260343087790111,2.5,oklahoma city smm food,2022-05-23,2.5,4.865817183665442 +0.5461384152457373,0.9380000000000002,0.2403846153846155,0.26167754897036666,0.021789001016249157,0.4365914786967418,0.6639757820383451,114.34000000000002,rem us mountain smm food,2022-05-23,114.34000000000002,131.61523121806198 +0.8781344032096291,0.7010000000000001,0.2763157894736843,0.5881466599698645,0.012183264138291815,0.45062656641604004,0.6004036326942482,57.24000000000001,phoenix/prescott smm food,2022-05-23,57.24000000000001,76.07960771448799 +0.2768304914744233,0.5519999999999999,0.7090080971659922,0.9146157709693622,0.008999501959811865,0.6726817042606513,0.5443995963673057,82.16,rem us new england smm food,2022-05-23,82.16,106.72495925684547 +0.2337011033099297,0.27,0.9529352226720652,0.43345052737317935,0.0060427217324077985,0.7528822055137843,0.7103935418768921,27.28,salt lake city smm food,2022-05-23,27.28,36.188163140838 +0.4037111334002003,0.797,0.6158906882591096,0.18985434455047717,0.08697175930136182,0.3969924812030077,0.45610494450050454,215.44,rem us south atlantic smm food,2022-05-23,215.44,249.34092753625845 +0.6008024072216649,0.827,0.2267206477732795,0.7026619789050729,0.1307989033080536,0.05463659147869664,0.31886982845610495,326.56,rem us south central smm food,2022-05-23,326.56,370.0889305281211 +0.36308926780341017,0.7110000000000001,0.13259109311740908,0.6579608237066801,0.039023484138316064,0.49423558897243086,0.3213925327951564,77.16,rem us west north central smm food,2022-05-23,77.16,84.85599277812203 +0.6108324974924775,0.7200000000000002,0.21710526315789486,0.6745354093420393,0.00483405075722271,0.777443609022556,0.7820383451059536,36.07,richmond/petersburg smm food,2022-05-23,36.07,44.18243934267772 +0.46690070210631873,0.8650000000000001,0.6042510121457499,0.8206931190356606,0.008363192724578231,0.5117794486215537,0.21594349142280525,25.99,sacramento/stockton/modesto smm food,2022-05-23,25.99,28.451993306734927 +0.7306920762286859,0.879,0.6113360323886643,0.5570065293822201,0.0037535913443608156,0.2887218045112781,0.45963673057517657,20.61,san diego smm food,2022-05-23,20.61,27.666379589240513 +0.45937813440320957,0.132,0.7854251012145754,0.317930688096434,0.007472992938768782,0.4290726817042606,0.5665993945509586,38.61,san francisco/oakland/san jose smm food,2022-05-23,38.61,42.36313360925496 +0.4102306920762285,0.7440000000000001,0.8051619433198387,0.8302360622802613,0.006394116384701004,0.6290726817042606,0.7608476286579213,40.97,seattle/tacoma smm food,2022-05-23,40.97,51.914342718738325 +0.31995987963891653,0.07800000000000001,0.8041497975708507,0.5841285786037168,0.011312058658011728,0.1187969924812029,0.10847628657921292,41.85,st. louis smm food,2022-05-23,41.85,38.804033858255934 +0.3981945837512537,0.221,0.8906882591093123,0.6398794575590157,0.0183792066019698,0.6290726817042603,0.8804238143289607,85.02,tampa/ft. myers smm food,2022-05-23,85.02,134.43693451983935 +0.3545636910732196,0.6980000000000001,0.3755060728744941,0.6007031642390759,0.0035604825714789672,0.312280701754386,0.5544904137235116,13.37,tucson/sierra vista smm food,2022-05-23,13.37,15.662183140658904 +0.32196589769307926,0.17400000000000002,0.7206477732793525,0.24409844299347064,0.012789499056437295,0.5879699248120299,0.3794147325933401,120.16999999999999,washington dc/hagerstown smm food,2022-05-23,120.16999999999999,129.75273085859124 +0.48746238716148443,0.325,0.5349190283400813,0.45705675539929685,0.001970026055153695,0.43558897243107786,0.8708375378405651,3.7299999999999995,yakima/pasco/richland/kennewick smm food,2022-05-23,3.7299999999999995,5.659866256720136 +0.7432296890672013,0.44100000000000006,0.47874493927125555,0.5791059768960322,0.0487865571804083,0.2596491228070177,0.6513622603430878,195.23,new york smm food,2022-05-23,195.23,258.3740047662704 +0.6243731193580742,0.9279999999999999,0.28390688259109326,0.13460572576594676,0.0226120875891882,0.41102756892230563,0.7260343087790111,54.85,rem us pacific smm food,2022-05-23,54.85,63.42941229807169 +0.8239719157472416,0.6230000000000001,0.4574898785425105,0.30637870416875945,0.008008315782937977,0.13884711779448627,0.4520686175580222,10.34,new orleans smm food,2022-05-23,10.34,10.82643457558546 +0.6379137412236708,0.427,0.30668016194332004,0.3561024610748368,0.012778735616637326,0.6255639097744358,0.3022199798183653,37.7,nashville smm food,2022-05-23,37.7,50.2463928938508 +0.7432296890672015,0.363,0.5592105263157897,0.6730286288297339,0.006520428516471261,0.5779448621553885,0.03834510595358224,14.77,mobile/pensacola smm food,2022-05-23,14.77,19.77141925612395 +0.4117352056168504,0.388,0.5435222672064782,0.7438473129080865,0.005184812265998268,0.6536340852130323,0.7441977800201817,19.6,albuquerque/santa fe smm food,2022-05-23,19.6,25.635743161957535 +0.5581745235707121,0.558,0.3674089068825911,0.8171772978402814,0.02019316278002391,0.12330827067669162,0.4283551967709385,95.09,atlanta smm food,2022-05-23,95.09,131.2441940937885 +0.1775325977933803,0.7559999999999999,0.4311740890688261,0.5610246107483677,0.008238146879843257,0.5353383458646619,0.5640766902119072,56.89,baltimore smm food,2022-05-23,56.89,62.348738128719575 +0.28234704112336984,0.28500000000000003,0.43876518218623495,0.8412857860371673,0.002831417810910276,0.5964912280701753,0.768920282542886,2.47,baton rouge smm food,2022-05-23,2.47,5.922641957907587 +0.5085255767301904,0.9400000000000001,0.5794534412955469,0.4018081366147665,0.00934741432275802,0.5674185463659148,0.7976791120080726,8.64,birmingham/anniston/tuscaloosa smm food,2022-05-23,8.64,15.622814464608943 +0.5190571715145437,0.5599999999999999,0.592611336032389,0.4218985434455048,0.012369408332479565,0.43709273182957387,0.5393541876892028,111.56,boston/manchester smm food,2022-05-23,111.56,142.26511647250283 +0.5050150451354063,0.20800000000000002,0.4240890688259112,0.44650929181315924,0.006863908874793898,0.1764411027568922,0.3647830474268416,13.34,buffalo smm food,2022-05-23,13.34,17.574125484931983 +0.5065195586760279,0.6120000000000001,0.6290485829959517,0.21396283274736316,0.014055469519969294,0.9037593984962404,0.8673057517658931,82.26,charlotte smm food,2022-05-23,82.26,85.00390595192083 +0.4478435305917753,0.119,0.397267206477733,0.748869914615771,0.02133377082706211,0.7393483709273182,0.1841574167507568,133.17,chicago smm food,2022-05-23,133.17,134.5368330365785 +0.32547642928786347,0.577,0.26771255060728766,0.3972877950778504,0.014748128528273369,0.8681704260651627,0.3239152371342079,76.22,cleveland/akron/canton smm food,2022-05-23,76.22,85.37275823808064 +0.30892678034102306,0.507,0.6244939271255062,0.749874434957308,0.011690361909804861,0.6421052631578945,0.4682139253279516,48.84,columbus oh smm food,2022-05-23,48.84,61.16786446000897 +0.536108324974925,0.06999999999999999,0.6189271255060732,0.6484178804620794,0.02143412407460892,0.5238095238095237,0.5459132189707366,53.51,dallas/ft. worth smm food,2022-05-23,53.51,67.65797778135675 +0.2858575727181544,0.36500000000000005,0.5495951417004051,0.9698643897538927,0.0032736685579855948,0.35588972431077687,0.2951564076690212,18.86,des moines/ames smm food,2022-05-23,18.86,19.209905967483948 +0.8094282848545636,0.6070000000000001,0.19281376518218635,0.7157207433450528,0.013706607441746673,0.7929824561403508,0.2679112008072654,113.98,detroit smm food,2022-05-23,113.98,117.03912290754526 +0.2913741223671013,0.05600000000000001,0.3593117408906884,0.5248618784530388,0.006895566050676167,0.4992481203007515,0.9147325933400605,70.63,grand rapids smm food,2022-05-23,70.63,68.42134490430402 +0.3946840521564693,0.10700000000000001,0.2712550607287451,0.41436464088397795,0.005025260099551622,0.06666666666666665,0.45761856710393545,26.99,albany/schenectady/troy smm food,2022-05-23,26.99,33.4269499794204 +0.22066198595787365,0.493,0.18572874493927152,0.79156202913109,0.008769670862906582,0.725814536340852,0.4041372351160444,39.94,harrisburg/lancaster smm food,2022-05-23,39.94,43.67046414187398 +0.30942828485456364,0.418,0.5743927125506078,0.42039176293319946,0.00963264547745728,0.6751879699248119,0.23713420787083753,37.01,greensboro smm food,2022-05-23,37.01,37.20971107448897 +0.27683049147442323,0.782,0.39220647773279393,0.8282270215971874,0.007376121980569036,0.27268170426065175,0.08980827447023208,43.74,minneapolis/st. paul smm food,2022-05-23,43.74,42.29032811756628 +0.4568706118355064,0.7580000000000001,0.2216599190283401,0.3103967855349071,0.006581526865924045,0.5162907268170425,0.21644803229061554,20.58,milwaukee smm food,2022-05-23,20.58,21.633428654511142 +0.8741223671013042,0.7800000000000001,0.33805668016194346,0.6670015067805124,0.0077341646397975135,0.1513784461152882,0.7093844601412714,113.32,miami/west palm beach smm food,2022-05-23,113.32,140.79503634305772 +0.35255767301905716,0.40599999999999997,0.4306680161943322,0.44299347061778005,0.028890338710160095,0.38897243107769397,0.5201816347124117,105.32,los angeles smm food,2022-05-23,105.32,119.0189860424469 +0.08776328986960891,0.8560000000000001,0.4154858299595146,0.2446007031642391,0.006773369351770604,0.7253132832080199,0.5131180625630676,8.25,little rock/pine bluff smm food,2022-05-23,8.25,10.501492852380913 +0.3269809428284852,0.026000000000000002,0.5551619433198383,0.521848317428428,0.0018449802104187273,0.5854636591478694,0.33905146316851664,5.06,madison wi smm food,2022-05-23,5.06,5.436607562092291 +0.7457372116349047,0.6950000000000001,0.4676113360323889,0.755399296835761,0.008483489992930858,0.3809523809523807,0.4581231079717457,19.76,knoxville smm food,2022-05-23,19.76,26.404395685340184 +0.5551654964894683,0.43,0.6002024291497978,0.23304871923656456,0.007564798748827367,0.5548872180451127,0.2795156407669021,32.27,kansas city smm food,2022-05-23,32.27,31.744676902312072 +0.4478435305917753,0.118,0.31680161943319834,0.5846308387744852,0.007253292138145824,0.538345864661654,0.5358224016145308,27.77,jacksonville smm food,2022-05-23,27.77,38.55226457242011 +0.32998996990972895,0.572,0.5890688259109313,0.5906579608237067,0.010716270607907398,0.6365914786967415,0.7103935418768921,36.17,indianapolis smm food,2022-05-23,36.17,45.43194060424436 +0.8625877632898696,0.434,0.47773279352226733,0.6142641888498243,0.01800248620897078,0.6330827067669171,0.4909182643794147,123.26000000000002,houston smm food,2022-05-23,123.26000000000002,127.53108075179591 +0.40320962888666007,0.853,0.38360323886639713,0.4871923656454043,0.009345514892205085,0.40852130325814523,0.3562058526740666,54.47,hartford/new haven smm food,2022-05-23,54.47,72.23275706866778 +0.2853560682046139,0.122,0.5875506072874497,0.48116524359618285,0.004201540383094945,0.3162907268170427,0.5898082744702321,22.52,las vegas smm food,2022-05-23,22.52,28.43441001884579 +0.39919759277833516,0.369,0.487348178137652,0.6263184329482673,0.0009528809940563412,0.47368421052631565,0.44702320887991925,33.68,portland or smm food,2022-05-30,33.68,41.73545414219243 +0.856569709127382,0.19,0.27277327935222645,0.44751381215469616,0.0065362571044123964,0.47669172932330817,0.4238143289606458,77.92,rem us middle atlantic smm food,2022-05-30,77.92,83.89651371186054 +0.28986960882647916,0.7889999999999999,0.5409919028340084,0.971371170266198,0.016943870247467657,0.44862155388471164,0.3718466195761857,226.19,rem us east north central smm food,2022-05-30,226.19,269.40102241616347 +0.5762286860581742,0.9050000000000001,0.4407894736842108,0.5976896032144652,0.002697824528687091,0.13784461152882202,0.4182643794147326,68.75,raleigh/durham/fayetteville smm food,2022-05-30,68.75,77.17638670367006 +0.45035105315947843,0.953,0.298582995951417,0.6398794575590157,0.0013960814564081313,0.8315789473684211,0.21594349142280525,29.52,providence ri/new bedford ma smm food,2022-05-30,29.52,38.9834516287252 +0.6048144433299898,0.764,0.43319838056680177,0.658965344048217,0.0025702461098815444,0.4832080200501254,0.7558022199798183,55.83,pittsburgh smm food,2022-05-30,55.83,58.967879096877844 +0.5972918756268802,0.851,0.3006072874493928,0.4364640883977901,0.0018722053816774792,0.405012531328321,0.467204843592331,48.63,norfolk/portsmouth/newport news smm food,2022-05-30,48.63,55.49536681067843 +0.6609829488465399,0.041,0.3360323886639681,0.45705675539929685,0.0063776546532422216,0.5208020050125313,0.46972754793138244,149.25,philadelphia smm food,2022-05-30,149.25,153.2674945755359 +0.7673019057171511,0.918,0.6907894736842111,0.5700652938222,0.0011428240493499661,0.8972431077694233,0.6281533804238143,6.33,paducah ky/cape girardeau mo smm food,2022-05-30,6.33,9.267753542636058 +0.399197592778335,0.7570000000000001,0.5799595141700409,0.6132596685082874,0.0033331840486442665,0.5954887218045113,0.6528758829465187,52.97,orlando/daytona beach/melborne smm food,2022-05-30,52.97,91.01983687994016 +0.3525576730190571,0.7300000000000001,0.13056680161943346,0.696132596685083,0.000698357299962887,0.4882205513784458,0.21392532795156408,13.64,omaha smm food,2022-05-30,13.64,12.622887735336292 +0.41273821464393196,0.45999999999999996,0.3618421052631581,0.3385233550979408,0.00190417912931857,0.6180451127819546,0.5721493440968719,2.43,oklahoma city smm food,2022-05-30,2.43,3.236673244983848 +0.5586760280842528,0.514,0.3987854251012148,0.425414364640884,0.004603586516799776,0.4090225563909774,0.615539858728557,110.95,rem us mountain smm food,2022-05-30,110.95,129.68943728814 +0.7096288866599799,0.9880000000000001,0.3684210526315791,0.4008036162732296,0.002666483924563647,0.6561403508771928,0.2951564076690212,61.53000000000001,phoenix/prescott smm food,2022-05-30,61.53000000000001,72.44341654419748 +0.37813440320962893,0.074,0.4433198380566804,0.5268709191361125,0.002538905505758095,0.3518796992481202,0.5605449041372351,88.59,rem us new england smm food,2022-05-30,88.59,102.48212696959246 +0.5481444332998995,0.7240000000000001,0.7236842105263162,0.7428427925665495,0.0015230267316960352,0.744862155388471,0.784561049445005,25.41,salt lake city smm food,2022-05-30,25.41,38.3224792815481 +0.14994984954864565,0.41500000000000004,0.6791497975708506,0.33149171270718236,0.02167186946548476,0.46416040100250644,0.5418768920282543,198.94,rem us south atlantic smm food,2022-05-30,198.94,241.10597145671198 +0.21564694082246727,0.5519999999999999,0.5030364372469639,0.701657458563536,0.03350342237972455,0.20150375939849613,0.41372351160444,299.0,rem us south central smm food,2022-05-30,299.0,356.7943317269768 +0.2958876629889669,0.07700000000000001,0.5202429149797574,0.3882471120040181,0.009358494334316814,0.7839598997493731,0.49495459132189706,80.56,rem us west north central smm food,2022-05-30,80.56,80.8707112251694 +0.6424272818455367,0.353,0.4701417004048585,0.6027122049221497,0.0010791931258266017,0.739348370927318,0.46417759838546924,30.26,richmond/petersburg smm food,2022-05-30,30.26,41.32030443011356 +0.5636910732196587,0.551,0.5065789473684218,0.582119537920643,0.0017772338540306696,0.5273182957393481,0.23562058526740667,22.7,sacramento/stockton/modesto smm food,2022-05-30,22.7,26.277937426388753 +0.7853560682046136,0.6950000000000001,0.44433198380566824,0.3706680060271221,0.0010782434105501325,0.58796992481203,0.6029263370332997,22.1,san diego smm food,2022-05-30,22.1,27.883881743134857 +0.3224674022066198,0.9490000000000001,0.43269230769230815,0.5278754394776495,0.0009531975658151657,0.2045112781954887,0.6468213925327951,39.18,san francisco/oakland/san jose smm food,2022-05-30,39.18,42.35190114578853 +0.6484453360080238,0.9359999999999999,0.5323886639676119,0.6308387744851834,0.0013020596440377888,0.8837092731829573,0.9394550958627649,39.61,seattle/tacoma smm food,2022-05-30,39.61,52.19880505334696 +0.24874623871614823,0.776,0.6604251012145753,0.5168257157207434,0.0027282154175340746,0.2325814536340851,0.30373360242179614,41.15,st. louis smm food,2022-05-30,41.15,38.8108714500744 +0.3630892678034102,0.353,0.7920040485829964,0.2692114515318935,0.003999251029207236,0.5849624060150374,0.8874873864783047,79.24,tampa/ft. myers smm food,2022-05-30,79.24,130.13793426235713 +0.5847542627883651,0.86,0.2722672064777329,0.40381717729784034,0.0010149290587855937,0.4491228070175439,0.4117053481331988,11.94,tucson/sierra vista smm food,2022-05-30,11.94,14.16864171077929 +0.5516549648946841,0.4650000000000001,0.757591093117409,0.323455549974887,0.0024781237280641372,0.6431077694235587,0.5877901109989909,121.10999999999999,washington dc/hagerstown smm food,2022-05-30,121.10999999999999,130.6738201366146 +0.26629889669007023,0.995,0.8203441295546562,0.6976393771973883,0.0005074645293927966,0.3318295739348372,0.6624621594349143,3.47,yakima/pasco/richland/kennewick smm food,2022-05-30,3.47,5.4181618538273995 +0.3826479438314943,0.30600000000000005,0.5283400809716604,0.2636865896534405,0.010094207101820782,0.12030075187969942,0.7285570131180625,200.13,new york smm food,2022-05-30,200.13,250.50585013342896 +0.4513540621865596,0.903,0.14929149797570856,0.0994475138121547,0.004792579856816943,0.4947368421052631,0.6791120080726539,53.4,rem us pacific smm food,2022-05-30,53.4,60.32569200187721 +0.8284854563691072,0.7350000000000001,0.6138663967611341,0.47262682069311907,0.0020301746893300098,0.5243107769423558,0.3294651866801211,10.38,new orleans smm food,2022-05-30,10.38,11.574417211245368 +0.7502507522567702,0.976,0.47419028340080993,0.6408839779005525,0.0031416581345565272,0.8275689223057642,0.3738647830474268,35.78,nashville smm food,2022-05-30,35.78,52.104215858848 +0.8575727181544633,0.07600000000000001,0.5404858299595143,0.5585133098945254,0.0013653739958023271,0.3107769423558899,0.034308779011099896,15.64,mobile/pensacola smm food,2022-05-30,15.64,17.586267089697756 +0.30591775325977927,0.49500000000000005,0.3329959514170044,0.5489703666499247,0.0010478525217031546,0.6195488721804508,0.7573158425832492,18.74,albuquerque/santa fe smm food,2022-05-30,18.74,23.65319675360628 +0.537111334002006,0.15300000000000002,0.27682186234817807,0.39377197388247115,0.0046023202297644965,0.4476190476190474,0.3612512613521695,91.34,atlanta smm food,2022-05-30,91.34,126.9635834052618 +0.23620862587763305,0.127,0.4625506072874497,0.5444500251130086,0.0024436174063524577,0.49824561403508794,0.5080726538849647,52.12,baltimore smm food,2022-05-30,52.12,60.825018324746466 +0.40320962888665973,0.568,0.8582995951417007,0.9382219989954798,0.0006033857723160763,0.3553884711779448,0.7558022199798183,1.42,baton rouge smm food,2022-05-30,1.42,5.929708534721286 +0.3149448345035103,0.317,0.4200404858299598,0.18633852335509796,0.0027595560216575224,0.4020050125313284,0.5060544904137235,9.04,birmingham/anniston/tuscaloosa smm food,2022-05-30,9.04,10.552441827823763 +0.32748244734202603,0.51,0.2960526315789475,0.700652938221999,0.0035532014210260436,0.4355889724310776,0.29313824419778,116.71999999999998,boston/manchester smm food,2022-05-30,116.71999999999998,140.6658481016721 +0.89518555667001,0.618,0.7707489878542514,0.38523355097940737,0.0016496554352251182,0.4240601503759398,0.41523713420787084,15.439999999999998,buffalo smm food,2022-05-30,15.439999999999998,18.599515321586452 +0.40220661985957856,0.6360000000000001,0.46002024291498,0.5484681064791562,0.002889667014533654,0.9604010025062657,0.6331987891019173,76.73,charlotte smm food,2022-05-30,76.73,83.90068470663172 +0.8826479438314945,0.75,0.8709514170040491,0.6122551481667504,0.00431677250330641,0.49273182957393474,0.09031281533804238,127.54000000000002,chicago smm food,2022-05-30,127.54000000000002,131.35784394749356 +0.46389167502507517,0.8340000000000001,0.2667004048582998,0.4510296333500754,0.003332234333367793,0.5774436090225562,0.2341069626639758,79.87,cleveland/akron/canton smm food,2022-05-30,79.87,83.00239681355035 +0.4914744232698094,0.177,0.6503036437246966,0.5409342039176294,0.0032347302316504014,0.32581453634085206,0.513622603430878,48.88,columbus oh smm food,2022-05-30,48.88,58.232973526164756 +0.45837512537612857,0.502,0.6771255060728749,0.634856855851331,0.004697291757411308,0.21604010025062642,0.8183652875882946,51.49,dallas/ft. worth smm food,2022-05-30,51.49,65.95659083485735 +0.2943831494483449,0.771,0.3663967611336034,0.6313410346559518,0.0006030692005572528,0.4761904761904761,0.4021190716448032,17.45,des moines/ames smm food,2022-05-30,17.45,17.978520338244806 +0.6980942828485457,0.662,0.2965587044534414,0.658965344048217,0.002825086375733822,0.5268170426065163,0.3728557013118063,95.32,detroit smm food,2022-05-30,95.32,114.87009942980836 +0.41073219658976934,0.802,0.1518218623481782,0.49673530889000506,0.0016183148311016695,0.5989974937343353,0.5605449041372351,52.66,grand rapids smm food,2022-05-30,52.66,66.19166512147734 +0.2497492477432296,0.537,0.3102226720647775,0.4123556002009041,0.0011428240493499644,0.3488721804511277,0.557013118062563,27.74,albany/schenectady/troy smm food,2022-05-30,27.74,34.299723607066596 +0.35656970912738223,0.891,0.26417004048583026,0.7734806629834254,0.0023476961634291823,0.47167919799498736,0.32088799192734613,48.02,harrisburg/lancaster smm food,2022-05-30,48.02,41.852472200631524 +0.30892678034102306,0.9480000000000001,0.45495951417004094,0.3827222501255651,0.0023799864828291007,0.44411027568922296,0.10090817356205853,34.75,greensboro smm food,2022-05-30,34.75,34.64022266187508 +0.4949849548645937,0.083,0.7464574898785431,0.48869914615770976,0.0016502885787427646,0.650125313283208,0.35923309788092833,45.61,minneapolis/st. paul smm food,2022-05-30,45.61,42.52642418856612 +0.3455366098294885,0.19900000000000004,0.13917004048582995,0.4304369663485686,0.0013963980281669532,0.5869674185463658,0.239656912209889,20.34,milwaukee smm food,2022-05-30,20.34,21.449848022886393 +0.7186559679037114,0.6200000000000001,0.37854251012145773,0.47413360120542447,0.0014920026993314101,0.6060150375939848,0.8340060544904138,102.99,miami/west palm beach smm food,2022-05-30,102.99,140.6334985793382 +0.6193580742226679,0.223,0.03340080971659921,0.8247112004018082,0.005459913124415206,0.389473684210526,0.4011099899091827,100.84,los angeles smm food,2022-05-30,100.84,117.33629676692514 +0.28485456369107326,0.388,0.39524291497975744,0.11652435961828228,0.0016186314028604932,0.5117794486215538,0.8905146316851665,10.05,little rock/pine bluff smm food,2022-05-30,10.05,10.66811217923675 +0.5722166499498493,0.18600000000000003,0.30971659919028355,0.3897538925163235,0.00028618086997572604,0.5082706766917291,0.33249243188698285,5.32,madison wi smm food,2022-05-30,5.32,4.517057204892012 +0.6113340020060181,0.22599999999999998,0.5966599190283404,0.8272225012556506,0.0024106939434349003,0.38295739348370905,0.5358224016145308,20.43,knoxville smm food,2022-05-30,20.43,26.05513612594381 +0.6238716148445336,0.17,0.8780364372469639,0.15519839276745356,0.0017452601063895744,0.5142857142857141,0.4919273461150353,35.63,kansas city smm food,2022-05-30,35.63,31.74865184387506 +0.8721163490471413,0.41100000000000003,0.2454453441295546,0.44148669010547475,0.0018725219534363017,0.48822055137844605,0.9298688193743694,25.23,jacksonville smm food,2022-05-30,25.23,39.902531006446104 +0.07071213640922751,0.08000000000000002,0.5632591093117411,0.6283274736313411,0.0026981411004459157,0.684210526315789,0.3249243188698285,35.18,indianapolis smm food,2022-05-30,35.18,41.757785306974355 +0.9623871614844535,0.547,0.7586032388663971,0.6338523355097941,0.0039675938533249655,0.33533834586466155,0.5080726538849647,105.6,houston smm food,2022-05-30,105.6,125.23553561392222 +0.20411233701103323,0.246,0.6118421052631584,0.2049221496735309,0.002506298614599358,0.494235588972431,0.3077699293642785,56.9,hartford/new haven smm food,2022-05-30,56.9,69.1655843482224 +0.6519558676028084,0.8300000000000001,0.5673076923076925,0.3872425916624812,0.0008259357187684382,0.161904761904762,0.4106962663975782,22.97,las vegas smm food,2022-05-30,22.97,26.831931233362248 +0.7281845536609829,0.544,0.6497975708502026,0.4053239578101457,0.0,0.4601503759398498,0.6513622603430878,50.09,pittsburgh smm food,2022-06-06,50.09,56.71341014231863 +0.31695085255767275,0.20600000000000002,0.46153846153846184,0.5198392767453541,0.0,0.6055137844611527,0.34712411705348134,217.42,rem us east north central smm food,2022-06-06,217.42,264.5009495400243 +0.6053159478435304,0.5670000000000001,0.669028340080972,0.43345052737317935,0.0,0.4375939849624059,0.14530776992936428,66.9,raleigh/durham/fayetteville smm food,2022-06-06,66.9,75.23408381850918 +0.6023069207622869,0.8480000000000001,0.5501012145748989,0.473631341034656,0.0,0.6345864661654134,0.450050454086781,38.12,providence ri/new bedford ma smm food,2022-06-06,38.12,38.939817739925424 +0.3756268806419259,0.36400000000000005,0.7505060728744942,0.5630336514314416,0.0,0.5854636591478696,0.46266397578203833,35.33,portland or smm food,2022-06-06,35.33,41.79453886895093 +0.5576730190571715,0.333,0.13866396761133612,0.2988448016072326,0.0,0.506766917293233,0.40766902119071646,79.31,phoenix/prescott smm food,2022-06-06,79.31,70.97772538617404 +0.3490471414242726,0.686,0.7596153846153852,0.48869914615770976,0.0,0.28972431077694244,0.5055499495459131,229.63999999999996,new york smm food,2022-06-06,229.63999999999996,249.8665614568538 +0.7442326980942824,0.559,0.5146761133603244,0.42993470617780016,0.0,0.8195488721804507,0.8329969727547931,4.45,paducah ky/cape girardeau mo smm food,2022-06-06,4.45,8.939213199993887 +0.46339017051153464,0.323,0.2009109311740891,0.5675539929683576,0.0,0.6907268170426065,0.7764883955600403,59.97,orlando/daytona beach/melborne smm food,2022-06-06,59.97,90.97530284159552 +0.20160481444332995,0.678,0.6133603238866402,0.7438473129080865,0.0,0.7879699248120297,0.34561049445005043,11.41,omaha smm food,2022-06-06,11.41,14.50742317656919 +0.497492477432297,0.26,0.22115384615384628,0.6393771973882472,0.0,0.8025062656641602,0.5196770938446014,4.31,oklahoma city smm food,2022-06-06,4.31,4.921027243230654 +0.22567703109327947,0.255,0.17004048582995956,0.30185836263184335,0.0,0.6756892230576442,0.4202825428859738,48.0,norfolk/portsmouth/newport news smm food,2022-06-06,48.0,54.05282209397461 +0.8836509528585756,0.28300000000000003,0.6842105263157895,0.5168257157207434,0.0,0.544862155388471,0.38597376387487387,79.35,rem us middle atlantic smm food,2022-06-06,79.35,83.70419733940089 +0.5551654964894686,0.651,0.706477732793523,0.3787041687594174,0.0,0.4646616541353382,0.20080726538849647,154.91,philadelphia smm food,2022-06-06,154.91,150.52107259939729 +0.18756268806419263,0.785,0.5344129554655873,0.6092415871421397,0.0,0.2631578947368421,0.5711402623612513,123.51,rem us mountain smm food,2022-06-06,123.51,128.97479450564333 +0.3119358074222666,0.9369999999999999,0.4752024291497984,0.21295831240582624,0.0,0.40601503759398466,0.5847628657921292,25.49,sacramento/stockton/modesto smm food,2022-06-06,25.49,25.301769387318537 +0.2988966900702106,0.793,0.33198380566801633,0.5183324962330488,0.0,0.6355889724310776,0.4328960645812311,57.21000000000001,rem us pacific smm food,2022-06-06,57.21000000000001,60.8651864859366 +0.36359077231695053,0.9430000000000001,0.5055668016194335,0.2516323455549975,0.0,0.7553884711779449,0.25782038345105956,221.74,rem us south atlantic smm food,2022-06-06,221.74,237.34893092237752 +0.4172517552657973,0.15500000000000003,0.4367408906882594,0.7262682069311904,0.0,0.38947368421052614,0.8410696266397578,322.2,rem us south central smm food,2022-06-06,322.2,355.39014709961185 +0.2948846539618857,0.9460000000000002,0.6867408906882596,0.39427423405323964,0.0,0.41002506265664135,0.8350151362260343,73.6,rem us west north central smm food,2022-06-06,73.6,80.90274659031111 +0.5260782347041124,0.205,0.7626518218623486,0.7780010045203416,0.0,0.7619047619047615,0.4283551967709385,35.81,richmond/petersburg smm food,2022-06-06,35.81,41.95020006856671 +0.9272818455366096,0.08600000000000001,0.606781376518219,0.6017076845806129,0.0,0.4165413533834586,0.5842583249243188,30.449999999999996,salt lake city smm food,2022-06-06,30.449999999999996,35.388596071389884 +0.5255767301905717,0.11499999999999999,0.13157894736842113,0.5193370165745856,0.0,0.39799498746867157,0.850151362260343,24.08,san diego smm food,2022-06-06,24.08,28.535827834627234 +0.5476429287863589,0.313,0.22317813765182218,0.3586137619286791,0.0,0.07669172932330826,0.5338042381432896,37.96,san francisco/oakland/san jose smm food,2022-06-06,37.96,40.15153555698609 +0.35707121364092254,0.502,0.6887651821862354,0.6102461074836766,0.0,0.8175438596491226,0.7346115035317861,44.9,seattle/tacoma smm food,2022-06-06,44.9,49.915007568861895 +0.14844533600802387,0.8900000000000001,0.41902834008097195,0.38422903063787045,0.0,0.5147869674185462,0.2386478304742684,35.62,st. louis smm food,2022-06-06,35.62,37.9027450097642 +0.41023069207622864,0.463,0.7343117408906887,0.08789552988448017,0.0,0.4611528822055135,0.45660948536831486,83.75,tampa/ft. myers smm food,2022-06-06,83.75,125.75149403066597 +0.39317953861584753,0.541,0.39878542510121473,0.4450025113008539,0.0,0.7634085213032581,0.5696266397578204,15.830000000000002,tucson/sierra vista smm food,2022-06-06,15.830000000000002,15.759888369077778 +0.5315947843530592,0.746,0.6214574898785427,0.5208437970868911,0.0,0.49573934837092726,0.5090817356205852,118.57,washington dc/hagerstown smm food,2022-06-06,118.57,130.55641761192214 +0.8059177532597792,0.339,0.6543522267206482,0.6976393771973883,0.0,0.6355889724310776,0.07971745711402624,10.22,new orleans smm food,2022-06-06,10.22,11.27820563116736 +0.5656970912738215,0.7200000000000002,0.33906882591093135,0.17076845806127575,0.0,0.5403508771929822,0.6337033299697276,89.81,rem us new england smm food,2022-06-06,89.81,101.64126997079923 +0.7948846539618856,0.801,0.6158906882591095,0.8412857860371673,0.0,0.7468671679197992,0.5640766902119072,39.72,nashville smm food,2022-06-06,39.72,53.741487936641484 +0.3535606820461384,0.507,0.7672064777327937,0.4485183324962331,0.0,0.3443609022556392,0.6281533804238143,3.18,yakima/pasco/richland/kennewick smm food,2022-06-06,3.18,3.647833553916996 +0.551654964894684,0.9420000000000001,0.7500000000000006,0.2506278252134606,0.0,0.9228070175438596,0.786074672048436,41.97,minneapolis/st. paul smm food,2022-06-06,41.97,44.74245808828464 +0.449348044132397,0.631,0.4164979757085023,0.7694625816172779,0.0,0.3894736842105262,0.23208879919273462,28.61,albany/schenectady/troy smm food,2022-06-06,28.61,34.867200834787525 +0.2427281845536609,0.7210000000000001,0.3345141700404862,0.5801104972375691,0.0,0.5924812030075185,0.670534813319879,19.6,albuquerque/santa fe smm food,2022-06-06,19.6,23.097554166210486 +0.4558676028084252,0.326,0.46153846153846156,0.16022099447513813,0.0,0.5243107769423556,0.40716448032290614,101.3,atlanta smm food,2022-06-06,101.3,125.53950318340179 +0.1273821464393181,0.5750000000000001,0.22216599190283415,0.3425414364640884,0.0,0.3719298245614038,0.5156407669021191,55.22,baltimore smm food,2022-06-06,55.22,58.85735995886361 +0.7978936810431291,0.04500000000000001,0.8567813765182191,0.7453540934203918,0.0,0.22105263157894733,0.7573158425832492,2.43,baton rouge smm food,2022-06-06,2.43,4.74838564881199 +0.8024072216649947,0.976,0.4691295546558707,0.5595178302360624,0.0,0.4350877192982458,0.22452068617558021,8.43,birmingham/anniston/tuscaloosa smm food,2022-06-06,8.43,11.918692188006652 +0.46890672016048146,0.282,0.33147773279352244,0.6273229532898041,0.0,0.5639097744360901,0.4298688193743693,134.97,boston/manchester smm food,2022-06-06,134.97,141.0872636231621 +0.4824473420260784,0.844,0.6670040485829963,0.19738824711200403,0.0,0.7674185463659146,0.7209889001009082,23.13,buffalo smm food,2022-06-06,23.13,19.479978215234283 +0.1499498495486458,0.5950000000000001,0.04301619433198392,0.8427925665494727,0.0,0.7398496240601505,0.6528758829465187,68.94,charlotte smm food,2022-06-06,68.94,83.91676275918354 +0.5667001003009026,0.022000000000000006,0.8117408906882595,0.7147162230035159,0.0,0.24962406015037591,0.5454086781029264,110.55,chicago smm food,2022-06-06,110.55,132.32195618553783 +0.770310932798395,0.9460000000000002,0.4994939271255064,0.3274736313410347,0.0,0.2606516290726817,0.5045408678102926,75.57,cleveland/akron/canton smm food,2022-06-06,75.57,83.11666554743327 +0.39518555667001004,0.879,0.5091093117408908,0.5414364640883979,0.0,0.15989974937343354,0.3213925327951564,46.56,columbus oh smm food,2022-06-06,46.56,56.231368569342834 +0.4423269809428288,0.764,0.5900809716599195,0.5549974886991462,0.0,0.32230576441102743,0.508577194752775,55.82,dallas/ft. worth smm food,2022-06-06,55.82,63.413716964199836 +0.2061183550651955,0.935,0.10475708502024296,0.6092415871421397,0.0,0.4090225563909774,0.40968718466195764,15.14,des moines/ames smm food,2022-06-06,15.14,17.372334048846568 +0.6695085255767302,0.559,0.6730769230769234,0.27122049221496736,0.0,0.34937343358395984,0.7472250252270434,90.56,detroit smm food,2022-06-06,90.56,114.00680162425371 +0.5832497492477431,0.446,0.5571862348178139,0.6695128076343546,0.0,0.24761904761904777,0.41977800201816345,17.35,mobile/pensacola smm food,2022-06-06,17.35,19.791751260839177 +0.4082246740220662,0.311,0.5263157894736847,0.40833751883475644,0.0,0.3358395989974936,0.37790110998990917,32.35,greensboro smm food,2022-06-06,32.35,35.636033764940045 +0.5501504513540622,0.509,0.13006072874493932,0.2636865896534405,0.0,0.9067669172932323,0.1977800201816347,48.97,grand rapids smm food,2022-06-06,48.97,63.56407420101794 +0.6599799398194583,0.11399999999999999,0.2196356275303644,0.407835258663988,0.0,0.4912280701754385,0.4717457114026236,17.16,milwaukee smm food,2022-06-06,17.16,22.706027109631513 +0.4528585757271818,0.543,0.7687246963562757,0.3043696634856856,0.0,0.6466165413533833,0.6680121089808274,96.41,miami/west palm beach smm food,2022-06-06,96.41,138.37485761712594 +0.4117352056168504,0.534,0.28643724696356293,0.5163234555499749,0.0,0.47268170426065137,0.4112008072653885,4.83,madison wi smm food,2022-06-06,4.83,5.426624178621779 +0.7462387161484454,0.629,0.6209514170040491,0.05173279758915118,0.0,0.32380952380952377,0.5686175580221998,9.93,little rock/pine bluff smm food,2022-06-06,9.93,8.640254158802868 +0.6925777331995988,0.197,0.1366396761133604,0.1607232546459066,0.0,0.11478696741854644,0.3920282542885974,27.75,las vegas smm food,2022-06-06,27.75,24.677221433852417 +0.35055165496489465,0.038000000000000006,0.3264170040485832,0.6223003515821196,0.0,0.07869674185463639,0.40867810292633705,106.74,los angeles smm food,2022-06-06,106.74,114.13604403788615 +0.46389167502507517,0.47800000000000004,0.7368421052631582,0.18031140130587647,0.0,0.6390977443609022,0.8405650857719476,28.41,kansas city smm food,2022-06-06,28.41,33.84306216754428 +0.7081243731193579,0.061,0.3532388663967611,0.18684078352586647,0.0,0.031077694235588964,0.7573158425832492,27.04,jacksonville smm food,2022-06-06,27.04,35.39676650815091 +0.4272818455366097,0.5730000000000001,0.7398785425101218,0.6182822702159719,0.0,0.7824561403508768,0.2885973763874874,31.230000000000004,indianapolis smm food,2022-06-06,31.230000000000004,42.34407463057332 +0.5566700100300904,0.528,0.8613360323886644,0.437468608739327,0.0,0.300751879699248,0.8102926337033299,119.47999999999999,houston smm food,2022-06-06,119.47999999999999,124.57470502596254 +0.3164493480441325,0.9960000000000001,0.41649797570850244,0.5991963837267705,0.0,0.5243107769423557,0.48486377396569125,69.2,hartford/new haven smm food,2022-06-06,69.2,72.60430270160026 +0.41073219658976934,0.564,0.3309716599190287,0.4555499748869915,0.0,0.49573934837092726,0.16548940464177597,41.07,harrisburg/lancaster smm food,2022-06-06,41.07,38.85573487980702 +0.5175526579739217,0.46799999999999997,0.5976720647773281,0.8111501757910599,0.0,0.5343358395989972,0.6170534813319879,22.51,knoxville smm food,2022-06-06,22.51,26.519424510275122 +0.4162487462387163,0.9560000000000001,0.8851214574898787,0.8864892014063286,0.0,0.5699248120300752,0.45610494450050454,40.07,portland or smm food,2022-06-13,40.07,43.983777593387636 +0.8861584754262788,0.677,0.9367408906882592,0.4063284781516826,0.0,0.5373433583959898,0.5459132189707366,90.64,rem us middle atlantic smm food,2022-06-13,90.64,84.31540612732263 +0.26629889669006995,0.7020000000000001,0.7277327935222675,0.2898041185334003,0.0,0.35338345864661647,0.4091826437941473,228.20000000000002,rem us east north central smm food,2022-06-13,228.20000000000002,263.07036138893585 +0.4182547642928784,0.268,0.30010121457489897,0.551481667503767,0.0,0.8340852130325813,0.4117053481331988,80.23,raleigh/durham/fayetteville smm food,2022-06-13,80.23,78.00586075941405 +0.7026078234704113,0.18600000000000003,0.6401821862348179,0.49573078854846814,0.0,0.5914786967418546,0.31735620585267404,44.22,providence ri/new bedford ma smm food,2022-06-13,44.22,38.079885403126276 +0.6103309929789368,0.377,0.5506072874493929,0.3576092415871422,0.0,0.20952380952380964,0.6897073662966701,47.72,pittsburgh smm food,2022-06-13,47.72,55.552475751253674 +0.3460381143430287,0.8039999999999999,0.4969635627530367,0.35057759919638376,0.0,0.31428571428571456,0.7240161453077699,67.02,norfolk/portsmouth/newport news smm food,2022-06-13,67.02,55.6266292043497 +0.7723169508525578,0.488,0.6528340080971666,0.03465595178302361,0.0,0.4701754385964912,0.5090817356205852,155.44,philadelphia smm food,2022-06-13,155.44,150.6084237474967 +0.35807422266800365,0.18700000000000006,0.40131578947368457,0.22451029633350078,0.0,0.7664160401002502,0.5262361251261353,7.11,paducah ky/cape girardeau mo smm food,2022-06-13,7.11,4.936621126185685 +0.46890672016048146,0.8240000000000001,0.44180161943319857,0.3033651431441487,0.0,0.53734335839599,0.47679112008072655,59.279999999999994,orlando/daytona beach/melborne smm food,2022-06-13,59.279999999999994,87.63927872314363 +0.030591775325977934,0.054000000000000006,0.6088056680161948,0.43797086891009546,0.0,0.9062656641604006,0.4651866801210898,13.09,omaha smm food,2022-06-13,13.09,13.2389748502235 +0.2923771313941827,0.015,0.35678137651821884,0.9146157709693622,0.0,0.6952380952380949,0.33905146316851664,3.88,oklahoma city smm food,2022-06-13,3.88,4.745685087555373 +0.07723169508525585,0.22200000000000003,0.2667004048582997,0.6258161727774988,0.0,0.3518796992481203,0.6306760847628659,126.15,rem us mountain smm food,2022-06-13,126.15,129.081842920552 +0.40270812437311937,0.47900000000000004,0.1958502024291499,0.19688598694123557,0.0,0.46015037593984953,0.7941473259334006,74.63,phoenix/prescott smm food,2022-06-13,74.63,72.3331964661916 +0.2808425275827483,0.7490000000000001,0.3076923076923079,0.34555499748869917,0.0,0.545864661654135,0.48486377396569125,100.45,rem us new england smm food,2022-06-13,100.45,101.31620798667299 +0.5325977933801403,0.5670000000000001,0.7419028340080975,0.46760421898543447,0.0,0.3538847117794486,0.1781029263370333,30.720000000000002,salt lake city smm food,2022-06-13,30.720000000000002,31.72073396294121 +0.31845536609829456,0.708,0.35172064777327955,0.17930688096433955,0.0,0.6897243107769425,0.20433905146316853,267.38,rem us south atlantic smm food,2022-06-13,267.38,236.14402437102473 +0.39769307923771297,0.20600000000000002,0.49038461538461564,0.5851330989452537,0.0,0.6636591478696738,0.5454086781029264,338.63,rem us south central smm food,2022-06-13,338.63,353.7415252301098 +0.6444332998996991,0.518,0.5764170040485834,0.6835760924158715,0.0,0.22205513784461128,0.7492431886982845,79.05,rem us west north central smm food,2022-06-13,79.05,81.79736804025558 +0.20561685055165502,0.9199999999999999,0.6179149797570854,0.8317428427925666,0.0,0.4892230576441099,0.48587285570131183,44.33,richmond/petersburg smm food,2022-06-13,44.33,41.45549459760111 +0.39869608826479414,0.10400000000000001,0.2611336032388671,0.3802109492717228,0.0,0.35388471177944836,0.5025227043390514,27.37,sacramento/stockton/modesto smm food,2022-06-13,27.37,25.250176535011853 +0.46238716148445314,0.661,0.30819838056680177,0.6604721245605224,0.0,0.46265664160400993,0.44954591321897075,25.94,san diego smm food,2022-06-13,25.94,27.477731586558853 +0.45737211634904695,0.168,0.40890688259109353,0.5308890005022602,0.0,0.08270676691729323,0.6372351160443996,39.6,san francisco/oakland/san jose smm food,2022-06-13,39.6,41.65145514081259 +0.12988966900702087,0.885,0.566295546558705,0.7905575087895531,0.0,0.5609022556390976,0.41372351160444,43.29,seattle/tacoma smm food,2022-06-13,43.29,48.01746258207638 +0.2698094282848544,0.507,0.593117408906883,0.7850326469111,0.0,0.5092731829573934,0.2477295660948537,35.33,st. louis smm food,2022-06-13,35.33,40.36409296826439 +0.7652958876629888,0.485,0.4498987854251015,0.5595178302360624,0.0,0.6135338345864659,0.5297679112008072,87.29,tampa/ft. myers smm food,2022-06-13,87.29,129.7755830919186 +0.294383149448345,0.05500000000000001,0.6978744939271259,0.6946258161727775,0.0,0.5057644110275689,0.7966700302724521,15.009999999999998,tucson/sierra vista smm food,2022-06-13,15.009999999999998,17.499831055248585 +0.15797392176529598,0.137,0.4655870445344129,0.6619789050728278,0.0,0.6651629072681703,0.5529767911200807,124.91,washington dc/hagerstown smm food,2022-06-13,124.91,131.1439451370637 +0.37963891675025074,0.731,0.7727732793522271,0.31240582621798096,0.0,0.10877192982456156,0.579212916246216,4.36,yakima/pasco/richland/kennewick smm food,2022-06-13,4.36,2.0061776319327294 +0.6750250752256768,0.052000000000000005,0.5915991902834014,0.7785032646911101,0.0,0.6596491228070176,0.3163471241170534,254.39000000000001,new york smm food,2022-06-13,254.39000000000001,251.72208444348036 +0.23570712136409225,0.296,0.3071862348178139,0.7493721747865395,0.0,0.6330827067669172,0.6912209889001009,61.98,rem us pacific smm food,2022-06-13,61.98,63.32661136338272 +0.45787362086258765,0.9710000000000001,0.6417004048583,0.6810647915620291,0.0,0.38245614035087727,0.20938446014127143,10.86,new orleans smm food,2022-06-13,10.86,10.855670172825931 +0.9002006018054162,0.801,0.30566801619433215,0.863887493721748,0.0,0.6416040100250624,0.450050454086781,44.72,nashville smm food,2022-06-13,44.72,52.87071418604581 +0.41624874623871616,0.20400000000000001,0.4929149797570852,0.5534907081868409,0.0,0.2887218045112783,0.751765893037336,17.81,mobile/pensacola smm food,2022-06-13,17.81,20.7489715850013 +0.14393179538615838,0.676,0.16042510121457515,0.5675539929683576,0.0,0.42055137844611507,0.7255297679112008,19.88,albuquerque/santa fe smm food,2022-06-13,19.88,22.520516238002827 +0.5035105315947843,0.29900000000000004,0.6002024291497977,0.28578603716725265,0.0,0.5734335839598995,0.3895055499495459,105.44,atlanta smm food,2022-06-13,105.44,126.45953813782299 +0.3625877632898697,0.625,0.18117408906882607,0.30135610246107486,0.0,0.4892230576441106,0.5595358224016146,57.3,baltimore smm food,2022-06-13,57.3,59.62907920719758 +0.8911735205616848,0.6070000000000001,0.4129554655870448,0.6584630838774486,0.0,0.22556390977443605,0.6195761856710393,2.77,baton rouge smm food,2022-06-13,2.77,3.611637741174235 +0.892176529588766,0.084,0.4832995951417007,0.6418884982420895,0.0,0.6646616541353385,0.2941473259334006,9.57,birmingham/anniston/tuscaloosa smm food,2022-06-13,9.57,13.25001482638779 +0.7567703109327983,0.962,0.5440283400809719,0.6097438473129081,0.0,0.5568922305764411,0.40514631685166497,147.15,boston/manchester smm food,2022-06-13,147.15,141.74542535642408 +0.37261785356068217,0.76,0.5981781376518222,0.11200401808136616,0.0,0.9548872180451125,0.8562058526740666,24.88,buffalo smm food,2022-06-13,24.88,20.09114373917059 +0.40521564694082235,0.7370000000000001,0.40080971659919057,0.5494726268206932,0.0,0.6807017543859649,0.6624621594349143,84.91,charlotte smm food,2022-06-13,84.91,82.81910741684213 +0.4538615847542626,0.516,0.34210526315789497,0.6584630838774486,0.0,0.1162907268170426,0.5232088799192735,107.53,chicago smm food,2022-06-13,107.53,131.21269987842277 +0.6559679037111332,0.08600000000000001,0.38410931174089097,0.28126569563033654,0.0,0.24461152882205509,0.7114026236125126,69.53,cleveland/akron/canton smm food,2022-06-13,69.53,83.34241220482312 +0.4297893681043129,0.202,0.5860323886639677,0.4902059266700151,0.0,0.1889724310776942,0.16750756811301715,49.45,columbus oh smm food,2022-06-13,49.45,54.927855202849926 +0.5025075225677034,0.568,0.48026315789473717,0.5399296835760925,0.0,0.5433583959899748,0.5933400605449042,59.84000000000001,dallas/ft. worth smm food,2022-06-13,59.84000000000001,64.44556696558519 +0.346038114343029,0.876,0.28137651821862364,0.9306880964339529,0.0,0.33333333333333326,0.549949545913219,18.98,des moines/ames smm food,2022-06-13,18.98,20.104533319382583 +0.43731193580742217,0.198,0.6391700404858303,0.43445504771471627,0.0,0.3964912280701754,0.8329969727547931,96.18,detroit smm food,2022-06-13,96.18,115.00959106406293 +0.5346038114343029,0.354,0.08856275303643729,0.7086891009542944,0.0,0.7243107769423553,0.22805247225025227,51.85,grand rapids smm food,2022-06-13,51.85,65.59938623988924 +0.4809428284854562,0.057999999999999996,0.6103238866396764,0.6499246609743848,0.0,0.393984962406015,0.5469223007063572,37.15,albany/schenectady/troy smm food,2022-06-13,37.15,35.92678689880829 +0.19358074222668012,0.8730000000000001,0.433704453441296,0.37016574585635365,0.0,0.6721804511278194,0.3203834510595358,50.08,harrisburg/lancaster smm food,2022-06-13,50.08,39.654300435010924 +0.8264794383149447,0.131,0.8213562753036444,0.869412355600201,0.0,0.2045112781954886,0.7885973763874874,42.16,greensboro smm food,2022-06-13,42.16,41.04232441108585 +0.1589769307923771,0.41900000000000004,0.7773279352226726,0.4947262682069312,0.0,0.7944862155388471,0.6054490413723511,41.08,minneapolis/st. paul smm food,2022-06-13,41.08,43.81652150562318 +0.5015045135406218,0.588,0.6422064777327937,0.3731793068809644,0.0,0.6902255639097743,0.4046417759838547,22.87,milwaukee smm food,2022-06-13,22.87,22.947608416508324 +0.6454363089267806,0.31800000000000006,0.7788461538461543,0.06529382219989956,0.0,0.2786967418546365,0.4934409687184662,104.82,miami/west palm beach smm food,2022-06-13,104.82,135.07870410028653 +0.28134403209628883,0.466,0.5339068825910934,0.5012556504269212,0.0,0.3784461152882203,0.48587285570131183,125.67999999999999,los angeles smm food,2022-06-13,125.67999999999999,115.0273968266954 +0.6068204613841525,0.54,0.5156882591093122,0.3766951280763436,0.0,0.3082706766917293,0.14984863773965693,10.6,little rock/pine bluff smm food,2022-06-13,10.6,7.688478831744511 +0.4187562688064191,0.279,0.6330971659919031,0.7493721747865395,0.0,0.45112781954887193,0.4525731584258325,6.19,madison wi smm food,2022-06-13,6.19,7.038893911630936 +0.40270812437311926,0.944,0.49038461538461564,0.5072827724761427,0.0,0.5037593984962403,0.507063572149344,21.71,knoxville smm food,2022-06-13,21.71,24.01123285059078 +0.36960882647943827,0.9980000000000001,0.4078947368421055,0.39879457559015574,0.0,0.31629072681704257,0.4682139253279516,34.49,kansas city smm food,2022-06-13,34.49,31.81998877777719 +0.5551654964894683,0.8460000000000001,0.41194331983805677,0.3495730788548469,0.0,0.2385964912280701,0.6720484359233098,27.09,jacksonville smm food,2022-06-13,27.09,36.62075344867697 +0.8365095285857571,0.123,0.6239878542510123,0.3134103465595179,0.0,0.5919799498746864,0.641271442986882,35.54,indianapolis smm food,2022-06-13,35.54,42.45561923632124 +0.48345035105315964,0.837,0.5829959514170043,0.3154193872425917,0.0,0.6962406015037591,0.7290615539858729,118.41999999999999,houston smm food,2022-06-13,118.41999999999999,124.4808458864131 +0.44784353059177545,0.41700000000000004,0.16751012145749014,0.7800100452034154,0.0,0.6180451127819547,0.6331987891019173,75.85,hartford/new haven smm food,2022-06-13,75.85,74.58845857534399 +0.3676028084252759,0.119,0.4205465587044537,0.15871421396283275,0.0,0.3197994987468672,0.37436932391523714,30.25,las vegas smm food,2022-06-13,30.25,24.79352578074056 +0.7286860581745236,0.9710000000000001,0.5921052631578949,0.9417378201908589,0.0,0.5769423558897243,0.3657921291624622,39.84,portland or smm food,2022-06-20,39.84,44.14744891071917 +0.5702106318956871,0.8140000000000001,0.881578947368421,0.22651933701657462,0.0,0.5458646616541353,0.4127144298688194,81.78,rem us middle atlantic smm food,2022-06-20,81.78,82.04387254142476 +0.5782347041123367,0.40700000000000003,0.5303643724696359,0.6202913108990458,0.0,0.5839598997493733,0.27245206861755805,233.55,rem us east north central smm food,2022-06-20,233.55,265.1469598687376 +0.5842527582748241,0.32000000000000006,0.3340080971659921,0.41185334003013563,0.0,0.5548872180451127,0.4989909182643794,61.42,raleigh/durham/fayetteville smm food,2022-06-20,61.42,77.16926863104804 +0.8099297893681041,0.944,0.4625506072874495,0.5484681064791562,0.0,0.47368421052631565,0.5605449041372351,33.41,providence ri/new bedford ma smm food,2022-06-20,33.41,39.8473829221521 +0.24072216649949846,0.992,0.6497975708502027,0.7197388247112004,0.0,0.24711779448621565,0.6427850655903128,47.64,pittsburgh smm food,2022-06-20,47.64,57.19919382246861 +0.3766298896690066,0.21400000000000002,0.41852226720647795,0.4269211451531894,0.0,0.38596491228070207,0.8577194752774975,48.23,norfolk/portsmouth/newport news smm food,2022-06-20,48.23,56.790550508325325 +0.4142427281845539,0.481,0.4655870445344135,0.22099447513812157,0.0,0.6260651629072681,0.6473259334006054,133.38,philadelphia smm food,2022-06-20,133.38,152.24474394578922 +0.5215646940822464,0.43,0.23785425101214605,0.3581115017579106,0.0,0.5067669172932328,0.4934409687184662,5.7,paducah ky/cape girardeau mo smm food,2022-06-20,5.7,4.992857400191056 +0.5446339017051154,0.493,0.710526315789474,0.15971873430436967,0.0,0.7553884711779449,0.13370332996972756,61.510000000000005,orlando/daytona beach/melborne smm food,2022-06-20,61.510000000000005,85.64089217043812 +0.23971915747241723,0.19200000000000003,0.23431174089068857,0.5022601707684581,0.0,0.4807017543859645,0.7991927346115035,12.52,omaha smm food,2022-06-20,12.52,14.408931797043223 +0.1820461384152459,0.944,0.550607287449393,0.6499246609743848,0.0,0.4215538847117792,0.44046417759838546,2.63,oklahoma city smm food,2022-06-20,2.63,3.334711127093925 +0.4613841524573722,0.549,0.2950404858299597,0.6865896534404823,0.0,0.3849624060150376,0.8113017154389506,132.01,rem us mountain smm food,2022-06-20,132.01,131.38740953291756 +0.4082246740220662,0.06,0.3663967611336034,0.6519337016574587,0.0,0.3634085213032582,0.9041372351160444,73.51,phoenix/prescott smm food,2022-06-20,73.51,75.19550772935752 +0.3976930792377132,0.798,0.36487854251012164,0.6815670517327976,0.0,0.6380952380952378,0.6281533804238143,97.96,rem us new england smm food,2022-06-20,97.96,104.60786327343173 +0.5426278836509527,0.886,0.4311740890688261,0.3078854846810648,0.0,0.4165413533834586,0.35418768920282545,31.619999999999997,salt lake city smm food,2022-06-20,31.619999999999997,31.99541978495583 +0.09077231695085228,0.827,0.3294534412955467,0.40231039678553493,0.0,0.5022556390977444,0.1977800201816347,203.01,rem us south atlantic smm food,2022-06-20,203.01,236.46444181633086 +0.29438314944834487,0.783,0.43876518218623495,0.3184329482672024,0.0,0.9162907268170423,0.5696266397578204,333.89,rem us south central smm food,2022-06-20,333.89,353.2003259132667 +0.6554663991975928,0.654,0.579453441295547,0.5590155700652939,0.0,0.5323308270676689,0.641271442986882,75.17,rem us west north central smm food,2022-06-20,75.17,81.50230354976436 +0.5687061183550652,0.124,0.4347165991902836,0.5082872928176797,0.0,0.16491228070175418,0.3360242179616549,31.06,richmond/petersburg smm food,2022-06-20,31.06,37.8566876360266 +0.6634904714142424,0.7570000000000001,0.30971659919028416,0.5570065293822201,0.0,0.6987468671679194,0.3385469223007064,32.9,sacramento/stockton/modesto smm food,2022-06-20,32.9,27.152684208525876 +0.37713139418254743,0.30600000000000005,0.3193319838056682,0.8905072827724763,0.0,0.6250626566416039,0.1710393541876892,24.97,san diego smm food,2022-06-20,24.97,27.384236079343758 +0.27632898696088254,0.28500000000000003,0.7742914979757091,0.5916624811652437,0.0,0.25864661654135335,0.33249243188698285,48.59,san francisco/oakland/san jose smm food,2022-06-20,48.59,40.75347657752917 +0.27582748244734184,0.7719999999999999,0.4175101214574904,0.5565042692114516,0.0,0.6030075187969924,0.48335015136226034,43.41,seattle/tacoma smm food,2022-06-20,43.41,47.311501606624134 +0.3460381143430289,0.342,0.6462550607287454,0.8799598191863386,0.0,0.5253132832080198,0.23662966700302726,35.84,st. louis smm food,2022-06-20,35.84,40.97598486547952 +0.5556670010030089,0.052000000000000005,0.38157894736842135,0.5454545454545455,0.0,0.5664160401002504,0.8375378405650857,81.62,tampa/ft. myers smm food,2022-06-20,81.62,130.74124628735754 +0.45636910732196584,0.97,0.5733805668016198,0.42993470617780016,0.0,0.5393483709273184,0.9157416750756812,12.89,tucson/sierra vista smm food,2022-06-20,12.89,17.395619530508377 +0.40672016048144444,0.41600000000000004,0.6133603238866396,0.3726770467101959,0.0,0.4661654135338345,0.8799192734611504,120.07999999999998,washington dc/hagerstown smm food,2022-06-20,120.07999999999998,131.39965886363063 +0.35255767301905716,0.125,0.5840080971659921,0.5238573581115018,0.0,0.4310776942355891,0.5302724520686176,3.35,yakima/pasco/richland/kennewick smm food,2022-06-20,3.35,3.4904153090660373 +0.7938816449348042,0.335,0.4099190283400814,0.7569060773480664,0.0,0.6335839598997495,0.5736629667003027,208.06,new york smm food,2022-06-20,208.06,253.2268848919346 +0.5100300902708125,0.496,0.265182186234818,0.2928176795580111,0.0,0.4085213032581453,0.669021190716448,64.71,rem us pacific smm food,2022-06-20,64.71,60.41307036706491 +0.331494483450351,0.36400000000000005,0.31933198380566824,0.4103465595178303,0.0,0.6060150375939849,0.508577194752775,10.89,new orleans smm food,2022-06-20,10.89,11.04358795793349 +0.5155466399197592,0.7530000000000001,0.16852226720647784,0.8955298844801608,0.0,0.5448621553884709,0.606962663975782,39.95,nashville smm food,2022-06-20,39.95,52.91479570151166 +0.5135406218655968,0.6400000000000001,0.8744939271255064,0.3229532898041186,0.0,0.21253132832080215,0.4692230070635722,16.94,mobile/pensacola smm food,2022-06-20,16.94,18.152586770400788 +0.3314944834503509,0.7010000000000001,0.3390688259109315,0.2802611752887996,0.0,0.1328320802005011,0.5307769929364279,19.66,albuquerque/santa fe smm food,2022-06-20,19.66,19.289668121670616 +0.5240722166499499,0.41700000000000004,0.7378542510121459,0.3751883475640382,0.0,0.551378446115288,0.4929364278506559,102.19,atlanta smm food,2022-06-20,102.19,127.67513986466867 +0.6078234704112336,0.488,0.5212550607287453,0.5002511300853842,0.0,0.7253132832080202,0.5640766902119072,52.17,baltimore smm food,2022-06-20,52.17,62.07750337207315 +0.7703109327983949,0.259,0.466599190283401,0.6629834254143647,0.0,0.29824561403508765,0.34006054490413723,1.85,baton rouge smm food,2022-06-20,1.85,1.9132933492501962 +0.5797392176529585,0.5830000000000001,0.7292510121457494,0.23957810145655453,0.0,0.48721804511278205,0.5691220988900101,9.04,birmingham/anniston/tuscaloosa smm food,2022-06-20,9.04,11.850860730753531 +0.8660982948846538,0.454,0.5409919028340083,0.6082370668006027,0.0,0.48922305764411017,0.2129162462159435,133.78,boston/manchester smm food,2022-06-20,133.78,140.35886138971773 +0.8380140421263793,0.8180000000000001,0.550607287449393,0.21848317428427927,0.0,0.5248120300751878,0.8133198789101918,23.43,buffalo smm food,2022-06-20,23.43,19.89421176650339 +0.6579739217652957,0.47500000000000003,0.7505060728744944,0.1617277749874435,0.0,0.8771929824561404,0.3289606458123108,66.5,charlotte smm food,2022-06-20,66.5,79.78835380856648 +0.6624874623871613,0.5,0.21659919028340088,0.3525866398794576,0.0,0.07619047619047618,0.49596367305751765,109.88,chicago smm food,2022-06-20,109.88,129.44329688152123 +0.2602808425275826,0.15700000000000003,0.10526315789473699,0.1496735308890005,0.0,0.5218045112781954,0.8340060544904138,76.75,cleveland/akron/canton smm food,2022-06-20,76.75,83.36103994406605 +0.8179538615847542,0.919,0.778846153846154,0.5123053741838273,0.0,0.17744360902255635,0.3562058526740666,53.05,columbus oh smm food,2022-06-20,53.05,57.208024347694845 +0.47291875626880664,0.012000000000000002,0.16396761133603258,0.5198392767453541,0.0,0.5659147869674184,0.7356205852674067,59.21999999999999,dallas/ft. worth smm food,2022-06-20,59.21999999999999,64.72548604065572 +0.4398194583751252,0.9590000000000001,0.4377530364372472,0.7152184831742844,0.0,0.4135338345864661,0.6004036326942482,17.03,des moines/ames smm food,2022-06-20,17.03,19.701578201460322 +0.5080240722166498,0.15100000000000002,0.34463562753036453,0.5128076343545958,0.0,0.45714285714285713,0.39354187689202824,100.6,detroit smm food,2022-06-20,100.6,113.0161759493192 +0.4543630892678035,0.627,0.2909919028340083,0.4982420894023105,0.0,0.5719298245614031,0.5035317860746721,54.52,grand rapids smm food,2022-06-20,54.52,65.63500540396616 +0.2256770310932797,0.24300000000000002,0.5597165991902836,0.40431943746860877,0.0,0.5077694235588972,0.7280524722502523,34.58,albany/schenectady/troy smm food,2022-06-20,34.58,35.551803173508674 +0.17051153460381152,0.746,0.3901821862348182,0.7282772476142643,0.0,0.33182957393483703,0.6372351160443996,38.77,harrisburg/lancaster smm food,2022-06-20,38.77,42.363048059141036 +0.8696088264794382,0.144,0.5951417004048588,0.7724761426418886,0.0,0.48020050125313263,0.9021190716448032,30.56,greensboro smm food,2022-06-20,30.56,41.938551415036805 +0.5265797392176529,0.30400000000000005,0.9114372469635633,0.48116524359618285,0.0,0.7208020050125313,0.2875882946518668,42.13,minneapolis/st. paul smm food,2022-06-20,42.13,42.310153278577054 +0.38064192577733197,0.532,0.8537449392712554,0.5976896032144652,0.0,0.6832080200501252,0.0893037336024218,22.57,milwaukee smm food,2022-06-20,22.57,22.285730513394732 +0.7477432296890675,0.807,0.6148785425101218,0.4897036664992467,0.0,0.3072681704260651,0.4818365287588295,104.96,miami/west palm beach smm food,2022-06-20,104.96,137.82634914617051 +0.6805416248746238,0.355,0.2565789473684212,0.5560020090406831,0.0,0.6972431077694232,0.4374369323915237,122.32,los angeles smm food,2022-06-20,122.32,116.49185276127308 +0.5220661985957873,0.531,0.33552631578947406,0.3922651933701658,0.0,0.49373433583959886,0.4026236125126135,10.09,little rock/pine bluff smm food,2022-06-20,10.09,9.561152721209247 +0.3996990972918754,0.129,0.4994939271255063,0.6730286288297339,0.0,0.4180451127819546,0.3708375378405651,5.76,madison wi smm food,2022-06-20,5.76,5.843245357656258 +0.47342026078234706,0.16100000000000003,0.24696356275303658,0.48116524359618285,0.0,0.2566416040100248,0.28002018163471243,21.9,knoxville smm food,2022-06-20,21.9,21.388463912886117 +0.6955867602808425,0.979,0.38157894736842124,0.7548970366649925,0.0,0.41904761904761895,0.21442986881937437,33.01,kansas city smm food,2022-06-20,33.01,33.22465276516697 +0.5832497492477432,0.28700000000000003,0.5308704453441295,0.6127574083375189,0.0,0.24160401002506263,0.45408678102926336,26.55,jacksonville smm food,2022-06-20,26.55,36.734616622532506 +0.9067201604814441,0.8960000000000001,0.6826923076923078,0.41386238071320947,0.0,0.16741854636591458,0.6266397578203835,35.85,indianapolis smm food,2022-06-20,35.85,42.14194951394329 +0.42678034102306933,0.368,0.5167004048582998,0.4937217478653943,0.0,0.8571428571428571,0.7759838546922301,120.0,houston smm food,2022-06-20,120.0,125.91982167049386 +0.493480441323972,0.903,0.17560728744939297,0.8056253139126068,0.0,0.7293233082706764,0.7078708375378405,63.36,hartford/new haven smm food,2022-06-20,63.36,75.81802198816138 +0.3119358074222669,0.38599999999999995,0.8213562753036442,0.5389251632345555,0.0,0.6426065162907268,0.19677093844601412,33.99,las vegas smm food,2022-06-20,33.99,27.21555784019032 +0.7372116349047142,0.329,0.1088056680161942,0.4786539427423406,0.0,0.6516290726817041,0.10343087790111,35.07,portland or smm food,2022-06-27,35.07,39.62998292373087 +0.21113340020060187,0.554,0.8329959514170042,0.395781014565545,0.0,0.30877192982456136,0.5252270433905146,78.49,rem us middle atlantic smm food,2022-06-27,78.49,82.18263289575869 +0.5867602808425273,0.037,0.5607287449392715,0.7870416875941738,0.0,0.5117794486215538,0.5449041372351161,274.06,rem us east north central smm food,2022-06-27,274.06,267.31836828952237 +0.4453360080240719,0.553,0.3117408906882593,0.2029131089904571,0.0,0.3298245614035088,0.49142280524722504,81.47,raleigh/durham/fayetteville smm food,2022-06-27,81.47,75.09523936391084 +0.5506519558676026,0.124,0.5890688259109313,0.6217980914113511,0.0,0.613032581453634,0.5711402623612513,35.41,providence ri/new bedford ma smm food,2022-06-27,35.41,40.02576467173355 +0.29087261785356067,0.20400000000000001,0.5926113360323889,0.808136614766449,0.0,0.1072681704260653,0.7088799192734612,46.09,pittsburgh smm food,2022-06-27,46.09,57.33953547303077 +0.4658976930792373,0.9590000000000001,0.35678137651821873,0.20642893018583627,0.0,0.716791979949875,0.4313824419778002,53.96,norfolk/portsmouth/newport news smm food,2022-06-27,53.96,54.53779652634343 +0.2688064192577735,0.7400000000000001,0.6128542510121464,0.3761928679055751,0.0,0.6461152882205513,0.4581231079717457,145.95,philadelphia smm food,2022-06-27,145.95,152.06627008471594 +0.7026078234704108,0.5940000000000001,0.10627530364372494,0.3385233550979408,0.0,0.520300751879699,0.4899091826437941,7.370000000000001,paducah ky/cape girardeau mo smm food,2022-06-27,7.370000000000001,5.199471172055439 +0.4869608826479438,0.625,0.5794534412955468,0.5504771471622301,0.0,0.8716791979949875,0.28506559031281536,244.97,orlando/daytona beach/melborne smm food,2022-06-27,244.97,89.0000380626239 +0.5200601805416248,0.383,0.4832995951417008,0.5369161225514817,0.0,0.421052631578947,0.7078708375378405,11.72,omaha smm food,2022-06-27,11.72,14.600816964652978 +0.19709127382146455,0.219,0.7702429149797575,0.4063284781516826,0.0,0.5824561403508768,0.591321897073663,3.15,oklahoma city smm food,2022-06-27,3.15,3.135946899018549 +0.7236710130391174,0.343,0.6715587044534417,0.5163234555499749,0.0,0.46867167919799496,0.7613521695257316,131.15,rem us mountain smm food,2022-06-27,131.15,130.95366063334936 +0.4684052156469409,0.315,0.3319838056680164,0.6197890507282773,0.0,0.08822055137844616,0.6377396569122099,71.04,phoenix/prescott smm food,2022-06-27,71.04,72.8132877259448 +0.46940822467402216,0.119,0.38917004048583015,0.44650929181315924,0.0,0.6280701754385962,0.43541876892028253,91.16,rem us new england smm food,2022-06-27,91.16,101.93464006784598 +0.6434302908726177,0.778,0.09615384615384621,0.09643395278754396,0.0,0.5177944862155388,0.6226034308779012,28.89,salt lake city smm food,2022-06-27,28.89,32.567346234389106 +0.5496489468405212,0.5950000000000001,0.3198380566801621,0.3174284279256655,0.0,0.3799498746867169,0.27749747729566093,329.94,rem us south atlantic smm food,2022-06-27,329.94,236.71324631216072 +0.2502507522567702,0.932,0.26113360323886653,0.5168257157207434,0.0,0.927318295739348,0.8390514631685166,361.07,rem us south central smm food,2022-06-27,361.07,355.81844470057763 +0.4909729187562687,0.002,0.5035425101214579,0.4600703164239076,0.0,0.4972431077694232,0.806760847628658,74.28,rem us west north central smm food,2022-06-27,74.28,81.16415044214166 +0.7738214643931796,0.16100000000000003,0.5217611336032391,0.6002009040683074,0.0,0.33583959899749344,0.26286579212916245,40.44,richmond/petersburg smm food,2022-06-27,40.44,38.900096728148945 +0.7903711133400197,0.8490000000000001,0.5971659919028349,0.5720743345052738,0.0,0.7518796992481199,0.7522704339051464,30.23,sacramento/stockton/modesto smm food,2022-06-27,30.23,30.229822972161934 +0.2878635907723168,0.6440000000000001,0.5814777327935226,0.8945253641386239,0.0,0.5664160401002506,0.18012108980827446,25.72,san diego smm food,2022-06-27,25.72,27.445702737411814 +0.3691073219658976,0.596,0.7945344129554661,0.2707182320441989,0.0,0.2245614035087719,0.18869828456104945,50.11,san francisco/oakland/san jose smm food,2022-06-27,50.11,38.28818397695582 +0.6760280842527581,0.8340000000000001,0.7383603238866403,0.4580612757408338,0.0,0.5714285714285713,0.6493440968718466,49.57,seattle/tacoma smm food,2022-06-27,49.57,48.50309427541201 +0.3335005015045133,0.467,0.782388663967612,0.5951783023606229,0.0,0.4651629072681703,0.14076690211907164,33.94,st. louis smm food,2022-06-27,33.94,38.7238810954521 +0.19859578736208625,0.394,0.2990890688259112,0.19236564540431947,0.0,0.34185463659147847,0.37790110998990917,314.89,tampa/ft. myers smm food,2022-06-27,314.89,124.87434381369127 +0.46740220661985954,0.43,0.6988866396761138,0.1391260673028629,0.0,0.8240601503759399,0.6922300706357215,13.85,tucson/sierra vista smm food,2022-06-27,13.85,15.162177943145657 +0.8289869608826479,0.001,0.4423076923076923,0.21647413360120543,0.0,0.15137844611528817,0.7325933400605449,135.07,washington dc/hagerstown smm food,2022-06-27,135.07,129.0847072813744 +0.7246740220661985,0.26,0.2656882591093117,0.5956805625313913,0.0,0.6265664160401003,0.4273461150353179,3.16,yakima/pasco/richland/kennewick smm food,2022-06-27,3.16,4.398857136524626 +0.7868605817452353,0.7000000000000001,0.3168016194331988,0.5946760421898544,0.0,0.6310776942355889,0.42482341069626633,223.8,new york smm food,2022-06-27,223.8,251.528323275667 +0.547642928786359,0.35000000000000003,0.22823886639676125,0.12154696132596686,0.0,0.6150375939849623,0.6553985872855701,63.85,rem us pacific smm food,2022-06-27,63.85,59.96554715140102 +0.27783350050150446,0.6890000000000001,0.20344129554655888,0.5298844801607233,0.0,0.43308270676691724,0.47679112008072655,8.62,new orleans smm food,2022-06-27,8.62,10.998685408130392 +0.3736208625877633,0.9800000000000001,0.5759109311740894,0.57659467604219,0.0,0.32431077694235566,0.4525731584258325,58.5,nashville smm food,2022-06-27,58.5,49.6284350253975 +0.5867602808425275,0.945,0.47773279352226733,0.5760924158714215,0.0,0.3974937343358397,0.5807265388496469,44.69,mobile/pensacola smm food,2022-06-27,44.69,20.84166704428722 +0.5491474423269809,0.48600000000000004,0.3335020242914983,0.020592667001506783,0.0,0.4937343358395988,0.4520686175580222,20.35,albuquerque/santa fe smm food,2022-06-27,20.35,18.724096828429296 +0.5070210631895687,0.15500000000000003,0.44888663967611336,0.29583124058262183,0.0,0.44711779448621536,0.6609485368314834,204.66,atlanta smm food,2022-06-27,204.66,127.54580650765661 +0.7412236710130393,0.5710000000000001,0.5394736842105267,0.7096936212958314,0.0,0.5734335839599001,0.25731584258324924,56.59,baltimore smm food,2022-06-27,56.59,61.30074734662881 +0.676028084252758,0.292,0.5678137651821865,0.581115017579106,0.0,0.5338345864661653,0.4384460141271443,2.38,baton rouge smm food,2022-06-27,2.38,2.6638223991875947 +0.587261785356068,0.559,0.5769230769230772,0.46810647915620296,0.0,0.2155388471177946,0.6599394550958628,25.51,birmingham/anniston/tuscaloosa smm food,2022-06-27,25.51,12.752939492772008 +0.5972918756268806,0.9800000000000001,0.6244939271255064,0.598694123556002,0.0,0.500751879699248,0.2820383451059536,129.52,boston/manchester smm food,2022-06-27,129.52,140.5866991622678 +0.9047141424272821,0.837,0.22216599190283412,0.21647413360120543,0.0,0.34085213032581446,0.40817356205852673,22.34,buffalo smm food,2022-06-27,22.34,16.88545851942409 +0.48345035105315926,0.978,0.46862348178137686,0.18533400301356104,0.0,0.7298245614035088,0.25832492431886983,104.14,charlotte smm food,2022-06-27,104.14,78.82802568239924 +0.3696088264794382,0.7470000000000001,0.4326923076923079,0.27172275238573584,0.0,0.10877192982456138,0.9591321897073664,111.5,chicago smm food,2022-06-27,111.5,131.5228382143083 +0.4789368104312937,0.9490000000000001,0.2697368421052634,0.08689100954294325,0.0,0.5473684210526315,0.5817356205852674,85.22,cleveland/akron/canton smm food,2022-06-27,85.22,82.44999520660429 +0.8079237713139417,0.256,0.41194331983805677,0.8392767453540935,0.0,0.2706766917293233,0.6720484359233098,53.28,columbus oh smm food,2022-06-27,53.28,60.65155113758668 +0.4358074222668006,0.7350000000000001,0.38917004048583026,0.689603214465093,0.0,0.6611528822055136,0.42078708375378404,56.28000000000001,dallas/ft. worth smm food,2022-06-27,56.28000000000001,64.57786100282323 +0.259779338014042,0.019000000000000003,0.5657894736842108,0.7252636865896535,0.0,0.6741854636591477,0.3385469223007064,16.38,des moines/ames smm food,2022-06-27,16.38,18.391992391404855 +0.5697091273821463,0.21200000000000002,0.45900809716599217,0.4148669010547464,0.0,0.5729323308270675,0.2613521695257316,115.28,detroit smm food,2022-06-27,115.28,112.24870664081773 +0.7186559679037111,0.167,0.3992914979757087,0.05474635861376193,0.0,0.39197994987468626,0.7991927346115035,80.1,grand rapids smm food,2022-06-27,80.1,64.54570680426079 +0.5456369107321964,0.9430000000000001,0.34615384615384626,0.30637870416875945,0.0,0.4105263157894736,0.5161453077699294,33.41,albany/schenectady/troy smm food,2022-06-27,33.41,34.18898283089882 +0.46790371113340024,0.422,0.41801619433198417,0.9095931692616777,0.0,0.26065162907268163,0.5494450050454087,41.34,harrisburg/lancaster smm food,2022-06-27,41.34,43.03472274730693 +0.896188565697091,0.931,0.38107287449392746,0.7398292315419388,0.0,0.8716791979949873,0.6382441977800202,40.2,greensboro smm food,2022-06-27,40.2,41.712404934167246 +0.4603811434302908,0.9490000000000001,0.704959514170041,0.2983425414364641,0.0,0.6771929824561403,0.3476286579212916,38.86,minneapolis/st. paul smm food,2022-06-27,38.86,41.53854186464658 +0.3515546639919759,0.538,0.6968623481781379,0.5344048216976395,0.0,0.7498746867167918,0.1094853683148335,21.83,milwaukee smm food,2022-06-27,21.83,22.105410287376536 +0.7753259779338016,0.525,0.4832995951417007,0.5499748869914616,0.0,0.663157894736842,0.5519677093844602,328.99,miami/west palm beach smm food,2022-06-27,328.99,139.51478127926407 +0.5265797392176529,0.9500000000000001,0.3755060728744941,0.4565544952285284,0.0,0.7343358395989972,0.5469223007063572,114.85999999999999,los angeles smm food,2022-06-27,114.85999999999999,116.76287786613513 +0.5651955867602808,0.46799999999999997,0.6138663967611342,0.1175288799598192,0.0,0.8220551378446113,0.5060544904137235,8.9,little rock/pine bluff smm food,2022-06-27,8.9,9.816365933096101 +0.5822467402206618,0.7040000000000002,0.28390688259109326,0.6378704168759418,0.0,0.5463659147869672,0.2547931382441978,4.65,madison wi smm food,2022-06-27,4.65,5.805541955359729 +0.7803410230692075,0.014000000000000002,0.4605263157894739,0.6514314414866902,0.0,0.5488721804511275,0.12260343087790111,23.84,knoxville smm food,2022-06-27,23.84,22.929405986348065 +0.8590772316950851,0.016,0.6128542510121461,0.6067302862882974,0.0,0.6215538847117793,0.3501513622603431,30.899999999999995,kansas city smm food,2022-06-27,30.899999999999995,33.757680344129646 +0.5376128385155466,0.42100000000000004,0.40536437246963564,0.5590155700652939,0.0,0.3428571428571428,0.3476286579212916,86.9,jacksonville smm food,2022-06-27,86.9,36.03297892796167 +0.776830491474423,0.787,0.5809716599190284,0.6459065796082372,0.0,0.23258145363408503,0.3435923309788093,42.65,indianapolis smm food,2022-06-27,42.65,41.70322638009344 +0.4197592778335007,0.435,0.452935222672065,0.7398292315419388,0.0,0.6586466165413531,0.38799192734611504,117.91,houston smm food,2022-06-27,117.91,124.44662908550586 +0.3961885656970914,0.31800000000000006,0.133603238866397,0.5926670015067805,0.0,0.5233082706766915,0.5257315842583249,62.59,hartford/new haven smm food,2022-06-27,62.59,72.44743353108224 +0.7291875626880643,0.42100000000000004,0.8937246963562759,0.9457559015570066,0.0,0.7493734335839599,0.5565085771947528,30.22,las vegas smm food,2022-06-27,30.22,32.71513314104724 +0.7342026078234704,0.968,0.6042510121457492,0.8578603716725265,0.0,0.25513784461152894,0.5322906155398587,60.06,pittsburgh smm food,2022-07-04,60.06,58.15797488453874 +0.14994984954864565,0.33,0.5435222672064779,0.532898041185334,0.0,0.5348370927318294,0.5146316851664985,297.35,rem us east north central smm food,2022-07-04,297.35,265.15654073561245 +0.404212637913741,0.527,0.3233805668016196,0.4841788046207936,0.0,0.331328320802005,0.3970736629667003,76.04,raleigh/durham/fayetteville smm food,2022-07-04,76.04,76.0900011652101 +0.17201604814443328,0.24900000000000003,0.7515182186234821,0.6464088397790055,0.0,0.6115288220551377,0.23007063572149344,35.45,providence ri/new bedford ma smm food,2022-07-04,35.45,37.71170146384657 +0.5295887662988968,0.7440000000000001,0.13056680161943307,0.28227021597187346,0.0,0.5443609022556389,0.4066599394550959,38.04,portland or smm food,2022-07-04,38.04,39.78983801081481 +0.31845536609829495,0.8740000000000001,0.40637651821862364,0.14364640883977903,0.0,0.5137844611528821,0.5882946518668012,67.31,phoenix/prescott smm food,2022-07-04,67.31,71.17233364754233 +0.7417251755265795,0.8240000000000001,0.378036437246964,0.642390758412858,0.0,0.7303258145363407,0.49445005045408674,207.69,new york smm food,2022-07-04,207.69,252.5316284873225 +0.6384152457372112,0.8160000000000001,0.3618421052631583,0.36966348568558516,0.0,0.8536340852130323,0.5807265388496469,5.82,paducah ky/cape girardeau mo smm food,2022-07-04,5.82,7.08735595834878 +0.41123370110330987,0.992,0.5106275303643726,0.9035660472124561,0.0,0.9268170426065162,0.4001009081735621,54.4,orlando/daytona beach/melborne smm food,2022-07-04,54.4,91.86029161758685 +0.39919759277833494,0.24900000000000003,0.8502024291497983,0.6107483676544451,0.0,0.5528822055137841,0.4692230070635722,12.8,omaha smm food,2022-07-04,12.8,14.009124124240557 +0.49097291875626886,0.8340000000000001,0.8765182186234822,0.6710195881466601,0.0,0.4796992481203004,0.6488395560040363,2.71,oklahoma city smm food,2022-07-04,2.71,5.50541239715939 +0.46840521564694043,0.6240000000000001,0.59919028340081,0.0647915620291311,0.0,0.7754385964912283,0.3985872855701312,52.69,norfolk/portsmouth/newport news smm food,2022-07-04,52.69,53.71545779556783 +0.5421263791374122,0.65,0.7793522267206477,0.5705675539929684,0.0,0.5142857142857141,0.718970736629667,79.42,rem us middle atlantic smm food,2022-07-04,79.42,85.50531216752996 +0.5677031093279841,0.41700000000000004,0.7191295546558713,0.3751883475640382,0.0,0.44110275689223055,0.6957618567103937,155.69,philadelphia smm food,2022-07-04,155.69,153.21623904067516 +0.5672016048144434,0.39000000000000007,0.8663967611336035,0.34957307885484684,0.0,0.6421052631578946,0.5105953582240161,122.65,rem us mountain smm food,2022-07-04,122.65,128.96276474105215 +0.48194583751253733,0.536,0.6548582995951425,0.4545454545454546,0.0,0.4135338345864659,0.8410696266397578,25.17,sacramento/stockton/modesto smm food,2022-07-04,25.17,28.400545510559247 +0.32146439317953857,0.7050000000000001,0.3537449392712552,0.5238573581115018,0.0,0.9157894736842104,0.6806256306760847,61.33,rem us pacific smm food,2022-07-04,61.33,63.20977728215288 +0.7397191574724169,0.8800000000000001,0.4175101214574901,0.3581115017579106,0.0,0.2561403508771931,0.313824419778002,213.83,rem us south atlantic smm food,2022-07-04,213.83,237.28145238239898 +0.3269809428284853,0.9400000000000001,0.3410931174089071,0.8232044198895029,0.0,0.5954887218045111,0.6533804238143289,328.56,rem us south central smm food,2022-07-04,328.56,355.6497141182931 +0.6103309929789368,0.755,0.7510121457489882,0.377197388247112,0.0,0.1694235588972429,0.6326942482341069,86.26,rem us west north central smm food,2022-07-04,86.26,79.36435361402485 +0.3831494483450351,0.8810000000000001,0.5587044534412958,0.9236564540431944,0.0,0.5358395989974934,0.3158425832492432,33.42,richmond/petersburg smm food,2022-07-04,33.42,41.38251544648336 +0.40521564694082235,0.625,0.3562753036437249,0.13761928679055752,0.0,0.44160401002506267,0.5691220988900101,28.560000000000002,salt lake city smm food,2022-07-04,28.560000000000002,31.94824919857068 +0.6354062186559677,0.0030000000000000005,0.5703441295546562,0.8900050226017078,0.0,0.7719298245614032,0.5893037336024218,22.95,san diego smm food,2022-07-04,22.95,30.70274922059074 +0.10631895687061174,0.522,0.7874493927125512,0.5047714716223004,0.0,0.16491228070175434,0.529263370332997,35.4,san francisco/oakland/san jose smm food,2022-07-04,35.4,40.94033287483178 +0.8390170511534601,0.128,0.5541497975708507,0.6273229532898041,0.0,0.23759398496240597,0.7391523713420787,38.9,seattle/tacoma smm food,2022-07-04,38.9,48.79178799956725 +0.5611835506519557,0.391,0.5743927125506078,0.3490708186840784,0.0,0.17794486215538835,0.3895055499495459,41.28,st. louis smm food,2022-07-04,41.28,38.08447773376861 +0.5386158475426278,0.655,0.24696356275303666,0.21295831240582624,0.0,0.3784461152882203,0.45862764883955603,77.1,tampa/ft. myers smm food,2022-07-04,77.1,126.22878697182246 +0.5501504513540622,0.767,0.5131578947368424,0.425414364640884,0.0,0.7899749373433584,0.7088799192734612,13.67,tucson/sierra vista smm food,2022-07-04,13.67,16.972665741103093 +0.5376128385155466,0.20600000000000002,0.5536437246963563,0.2255148166750377,0.0,0.5373433583959898,0.5257315842583249,129.68,washington dc/hagerstown smm food,2022-07-04,129.68,128.8098513316187 +0.07622868605817451,0.5870000000000001,0.1649797570850204,0.3520843797086891,0.0,0.015037593984962492,0.3168516649848638,7.949999999999999,new orleans smm food,2022-07-04,7.949999999999999,7.353377895652592 +0.5125376128385156,0.9220000000000002,0.5389676113360325,0.13711702661978906,0.0,0.47568922305764394,0.4339051463168517,96.23,rem us new england smm food,2022-07-04,96.23,100.21749015832073 +0.3605817452357071,0.576,0.8248987854251016,0.6313410346559518,0.0,0.29774436090225537,0.26992936427850656,39.5,nashville smm food,2022-07-04,39.5,48.74453732888511 +0.7056168505516549,0.7610000000000001,0.4149797570850202,0.6433952787543948,0.0,0.2847117794486217,0.5302724520686176,3.22,yakima/pasco/richland/kennewick smm food,2022-07-04,3.22,4.50111403264799 +0.36409227683049145,0.637,0.5151821862348183,0.5534907081868409,0.0,0.5208020050125315,0.4167507568113017,40.94,minneapolis/st. paul smm food,2022-07-04,40.94,42.49518100655494 +0.7758274824473419,0.985,0.5657894736842107,0.4600703164239076,0.0,0.6090225563909774,0.46316851664984865,33.11,albany/schenectady/troy smm food,2022-07-04,33.11,35.913273200313995 +0.6494483450351052,0.6950000000000001,0.17763157894736864,0.40431943746860877,0.0,0.7152882205513782,0.6135216952573158,20.96,albuquerque/santa fe smm food,2022-07-04,20.96,22.71104906313306 +0.7011033099297893,0.7230000000000001,0.3446356275303644,0.5318935208437972,0.0,0.726315789473684,0.4011099899091827,99.57,atlanta smm food,2022-07-04,99.57,128.77858141099378 +0.64493480441324,0.431,0.17155870445344137,0.8227021597187344,0.0,0.42005012531328345,0.08173562058526741,54.33,baltimore smm food,2022-07-04,54.33,60.00606647060165 +0.3480441323971913,0.79,0.3577935222672067,0.33149171270718236,0.0,0.35839598997493727,0.843087790110999,1.9599999999999997,baton rouge smm food,2022-07-04,1.9599999999999997,2.5919876296558613 +0.41023069207622853,0.06,0.3911943319838059,0.48166750376695133,0.0,0.5614035087719299,0.2840565085771948,8.74,birmingham/anniston/tuscaloosa smm food,2022-07-04,8.74,11.084304258871548 +0.6745235707121363,0.022000000000000006,0.4033400809716602,0.797086891009543,0.0,0.4651629072681704,0.2658930373360242,135.52,boston/manchester smm food,2022-07-04,135.52,141.06954036215078 +0.48044132397191586,0.06,0.2732793522267208,0.31943746860873934,0.0,0.537844611528822,0.508577194752775,15.720000000000002,buffalo smm food,2022-07-04,15.720000000000002,17.631287199225184 +0.38214643931795367,0.40700000000000003,0.2272267206477735,0.5163234555499749,0.0,0.40701754385964917,0.47628657921291623,82.51,charlotte smm food,2022-07-04,82.51,80.40646849353467 +0.24523570712136397,0.5700000000000001,0.3021255060728746,0.7011551983927675,0.0,0.2551378446115288,0.7199798183652876,125.93,chicago smm food,2022-07-04,125.93,132.68002453071338 +0.8966900702106315,0.462,0.45951417004048617,0.1330989452536414,0.0,0.2671679197994987,0.18718466195761857,103.66,cleveland/akron/canton smm food,2022-07-04,103.66,80.14758164229204 +0.7843530591775325,0.49900000000000005,0.44180161943319846,0.5685585133098946,0.0,0.5869674185463658,0.5020181634712412,58.900000000000006,columbus oh smm food,2022-07-04,58.900000000000006,59.186961197652124 +0.5356068204613844,0.08800000000000002,0.7140688259109317,0.5725765946760423,0.0,0.8796992481203004,0.4011099899091827,59.790000000000006,dallas/ft. worth smm food,2022-07-04,59.790000000000006,64.53551680242757 +0.4172517552657973,0.15600000000000003,0.8562753036437253,0.5379206428930187,0.0,0.7939849624060149,0.5378405650857719,20.0,des moines/ames smm food,2022-07-04,20.0,19.347909234882536 +0.5581745235707121,0.19900000000000004,0.5668016194331986,0.7548970366649925,0.0,0.4907268170426064,0.5343087790110999,123.59999999999998,detroit smm food,2022-07-04,123.59999999999998,115.56292503957187 +0.518555667001003,0.493,0.35678137651821873,0.767453540934204,0.0,0.6842105263157895,0.5030272452068617,16.79,mobile/pensacola smm food,2022-07-04,16.79,21.978127508465903 +0.47893681043129377,0.331,0.6057692307692313,0.7513812154696133,0.0,0.8796992481203004,0.6796165489404642,37.68,greensboro smm food,2022-07-04,37.68,41.20725969430679 +0.810431293881645,0.284,0.21912955465587056,0.49522852837769965,0.0,0.5799498746867163,0.541372351160444,79.49,grand rapids smm food,2022-07-04,79.49,66.25270577975806 +0.36208625877632894,0.626,0.6654858299595144,0.48116524359618285,0.0,0.6576441102756891,0.43592330978809285,21.51,milwaukee smm food,2022-07-04,21.51,23.445664708131424 +0.7096288866599801,0.903,0.48886639676113386,0.5670517327975892,0.0,0.6927318295739348,0.25782038345105956,94.9,miami/west palm beach smm food,2022-07-04,94.9,138.06851417617142 +0.8615847542627881,0.5630000000000001,0.6923076923076926,0.9035660472124561,0.0,0.7228070175438593,0.3900100908173562,6.18,madison wi smm food,2022-07-04,6.18,9.305528015883056 +0.5641925777331995,0.023,0.6219635627530369,0.4952285283776997,0.0,0.48721804511278183,0.260343087790111,9.48,little rock/pine bluff smm food,2022-07-04,9.48,9.31588553032848 +0.6243731193580743,0.44500000000000006,0.724696356275304,0.49221496735308895,0.0,0.4115288220551378,0.5116044399596368,26.62,las vegas smm food,2022-07-04,26.62,28.545996249973022 +0.16298896690070208,0.5910000000000001,0.5576923076923079,0.5037669512807634,0.0,0.3964912280701752,0.7305751765893037,100.92,los angeles smm food,2022-07-04,100.92,116.39058131472238 +0.5160481444332998,0.45599999999999996,0.6401821862348182,0.5966850828729282,0.0,0.23859649122807017,0.5095862764883956,34.63,kansas city smm food,2022-07-04,34.63,33.08703514748969 +0.37211634904714136,0.194,0.41042510121457493,0.5318935208437972,0.0,0.4010025062656641,0.5761856710393541,25.08,jacksonville smm food,2022-07-04,25.08,37.00432082976604 +0.4849548645937811,0.41700000000000004,0.7079959514170042,0.6649924660974386,0.0,0.26516290726817027,0.3435923309788093,44.56,indianapolis smm food,2022-07-04,44.56,41.33328790151123 +0.4207622868605819,0.248,0.5571862348178139,0.5565042692114516,0.0,0.6175438596491225,0.218970736629667,116.77999999999999,houston smm food,2022-07-04,116.77999999999999,122.26924956368526 +0.32146439317953873,0.17500000000000002,0.3972672064777332,0.6042189854344551,0.0,0.6661654135338342,0.5943491422805247,64.03,hartford/new haven smm food,2022-07-04,64.03,73.32345957195318 +0.5877632898696089,0.8800000000000001,0.510121457489879,0.6373681567051733,0.0,0.2887218045112781,0.5877901109989909,52.29,harrisburg/lancaster smm food,2022-07-04,52.29,42.25303142676427 +0.9212637913741222,0.685,0.8198380566801623,0.29432446007031643,0.0,0.5739348370927315,0.08123107971745712,22.91,knoxville smm food,2022-07-04,22.91,21.487068879373517 +0.70160481444333,0.634,0.3942307692307692,0.7157207433450528,0.0032771508473326437,0.7458646616541351,0.7971745711402624,35.56,portland or smm food,2022-07-11,35.56,46.015511920323526 +0.8726178535606821,0.828,0.49595141700404843,0.6042189854344551,0.007997868914896828,0.7112781954887216,0.6750756811301716,71.95,rem us middle atlantic smm food,2022-07-11,71.95,87.63928199103229 +0.22066198595787334,0.342,0.3694331983805669,0.20090406830738325,0.024199378387925238,0.6937343358395989,0.507063572149344,246.71,rem us east north central smm food,2022-07-11,246.71,267.12679739534866 +0.6634904714142424,0.8130000000000002,0.7920040485829963,0.6223003515821196,0.004906229118234283,0.3714285714285714,0.17507568113017155,83.5,raleigh/durham/fayetteville smm food,2022-07-11,83.5,77.25904791902316 +0.5381143430290872,0.329,0.41143724696356276,0.5158211953792065,0.002321420707446899,0.32581453634085206,0.47426841574167505,34.68,providence ri/new bedford ma smm food,2022-07-11,34.68,38.26096943444406 +0.5496489468405215,0.002,0.9428137651821865,0.5816172777498745,0.003121080970233052,0.44160401002506267,0.15893037336024218,51.27,pittsburgh smm food,2022-07-11,51.27,54.881698356463765 +0.04463390170511498,0.142,0.4858299595141702,0.1150175791059769,0.002708904540245889,0.705263157894737,0.393037336024218,60.21000000000001,norfolk/portsmouth/newport news smm food,2022-07-11,60.21000000000001,53.13664138975834 +0.8049147442326983,0.635,0.8076923076923085,0.281767955801105,0.009820372530439141,0.6110275689223057,0.9667003027245208,147.01,philadelphia smm food,2022-07-11,147.01,156.70943465540245 +0.5361083249749244,0.9970000000000001,0.7975708502024298,0.5208437970868911,0.0012843316255437155,0.9939849624060147,0.7174571140262361,6.72,paducah ky/cape girardeau mo smm food,2022-07-11,6.72,9.539186867233425 +0.6820461384152456,0.083,0.30566801619433204,0.904570567553993,0.00531365697183911,0.731328320802005,0.3203834510595358,56.91,orlando/daytona beach/melborne smm food,2022-07-11,56.91,91.45265343306201 +0.3495486459378134,0.521,0.8415991902834014,0.42842792566549476,0.0015638644885841632,0.5162907268170421,0.4717457114026236,13.61,omaha smm food,2022-07-11,13.61,13.124605960194174 +0.36258776328986975,0.39000000000000007,0.5506072874493929,0.4445002511300854,0.001800976735942368,0.31879699248120275,0.7532795156407669,3.9199999999999995,oklahoma city smm food,2022-07-11,3.9199999999999995,3.9511211095630756 +0.5887662988966901,0.15200000000000002,0.6427125506072877,0.4269211451531894,0.010627630515437036,0.5839598997493733,0.2124117053481332,109.82,rem us mountain smm food,2022-07-11,109.82,128.78298876739095 +0.47542627883650956,0.052000000000000005,0.7677125506072878,0.17478653942742342,0.005272502643192158,0.5854636591478696,0.5423814328960646,61.94,phoenix/prescott smm food,2022-07-11,61.94,72.15011529261544 +0.8069207622868607,0.10300000000000001,0.6958502024291501,0.4018081366147665,0.00414614032530097,0.47669172932330806,0.5005045408678103,93.09,rem us new england smm food,2022-07-11,93.09,102.91268310326593 +0.6033099297893679,0.961,0.620445344129555,0.4445002511300854,0.003015662574545091,0.4842105263157895,0.6634712411705348,27.12,salt lake city smm food,2022-07-11,27.12,35.45464470209467 +0.6589769307923767,0.41,0.4023279352226723,0.3038674033149172,0.024579581070271306,0.37844611528822064,0.6675075681130171,243.43,rem us south atlantic smm food,2022-07-11,243.43,242.49675825313793 +0.7086258776328985,0.547,0.42611336032388686,0.5424409844299347,0.03987221302371973,0.5403508771929822,0.7850655903128153,322.13,rem us south central smm food,2022-07-11,322.13,360.7519493372406 +0.5070210631895686,0.5660000000000001,0.5308704453441299,0.13812154696132597,0.013391935113476902,0.4436090225563907,0.2921291624621594,83.41,rem us west north central smm food,2022-07-11,83.41,78.36204334097795 +0.34403209628886666,0.454,0.6912955465587048,0.8267202410848821,0.002055500430035825,0.3919799498746865,0.7739656912209889,37.9,richmond/petersburg smm food,2022-07-11,37.9,43.14408030135723 +0.2472417251755264,0.96,0.289473684210527,0.191863385233551,0.003427839004532255,0.4611528822055135,0.6594349142280524,27.66,sacramento/stockton/modesto smm food,2022-07-11,27.66,26.056373324244298 +0.6424272818455364,0.9910000000000001,0.08704453441295551,0.5203415369161226,0.0026069684339049765,0.7854636591478694,0.5010090817356206,25.37,san diego smm food,2022-07-11,25.37,28.65768503580795 +0.3701103309929788,0.634,0.8289473684210532,0.6157709693621296,0.004370273130547447,0.6095238095238095,0.7880928355196771,39.89,san francisco/oakland/san jose smm food,2022-07-11,39.89,45.58357075597995 +0.7387161484453356,0.504,0.4053643724696361,0.6248116524359619,0.004318038790341702,0.1508771929824561,0.5080726538849647,39.88,seattle/tacoma smm food,2022-07-11,39.88,47.69381219741116 +0.8620862587763288,0.36400000000000005,0.4048582995951421,0.38774485183324964,0.003164767872950585,0.3142857142857141,0.5181634712411706,41.3,st. louis smm food,2022-07-11,41.3,40.30436612224486 +0.6820461384152458,0.508,0.5126518218623486,0.2928176795580111,0.005104086467498477,0.5132832080200499,0.4611503531786075,79.96,tampa/ft. myers smm food,2022-07-11,79.96,128.16928603278058 +0.5115346038114342,0.7000000000000001,0.18724696356275314,0.437468608739327,0.0010595656767795952,0.6325814536340852,0.7891019172552977,12.4,tucson/sierra vista smm food,2022-07-11,12.4,16.874361399548967 +0.20962888665998,0.24,0.4817813765182187,0.18081366147664493,0.007644574832050687,0.9208020050125311,0.6165489404641776,122.27,washington dc/hagerstown smm food,2022-07-11,122.27,130.76842844917348 +0.4954864593781343,0.601,0.7165991902834011,0.41436464088397795,0.0006499218208630141,0.211528822055138,0.7805247225025227,3.19,yakima/pasco/richland/kennewick smm food,2022-07-11,3.19,4.264556341535979 +0.8355065195586757,0.169,0.5693319838056686,0.6333500753390257,0.019635363340978297,0.4461152882205514,0.8047426841574168,204.2,new york smm food,2022-07-11,204.2,256.1311820299613 +0.28134403209628883,0.52,0.3547570850202431,0.5519839276745354,0.011061650396782977,0.8897243107769421,0.2386478304742684,64.12,rem us pacific smm food,2022-07-11,64.12,62.13413290257842 +0.3435305917753259,0.39000000000000007,0.40232793522267235,0.42340532395781016,0.0024515317003230308,0.4446115288220551,0.6432896064581232,10.7,new orleans smm food,2022-07-11,10.7,11.826930835102637 +0.3981945837512537,0.41900000000000004,0.7049595141700409,0.6082370668006027,0.004319305077376991,0.5583959899749371,0.47426841574167505,38.69,nashville smm food,2022-07-11,38.69,51.1279369687851 +0.6058174523570711,0.664,0.5344129554655873,0.37569060773480667,0.0021875108534648927,0.5152882205513786,0.47679112008072655,18.5,mobile/pensacola smm food,2022-07-11,18.5,19.70099133010126 +0.5697091273821463,0.868,0.13866396761133623,0.7780010045203416,0.0024550139896700796,0.695739348370927,0.5872855701311807,20.19,albuquerque/santa fe smm food,2022-07-11,20.19,24.906721386707716 +0.6970912738214643,0.31600000000000006,0.6801619433198383,0.67754897036665,0.007611967940891957,0.7388471177944859,0.4364278506559031,97.04,atlanta smm food,2022-07-11,97.04,130.93672956161245 +0.6208625877632901,0.03900000000000001,0.4893724696356278,0.6680060271220493,0.0040695299596658725,0.6636591478696744,0.05549949545913219,53.98,baltimore smm food,2022-07-11,53.98,60.267574288107866 +0.21414242728184527,0.43700000000000006,0.37955465587044557,0.09894525364138625,0.0009769404477268685,0.22907268170426057,0.8420787083753785,2.12,baton rouge smm food,2022-07-11,2.12,0.6188308196698671 +0.09027081243731175,0.404,0.6786437246963566,0.4786539427423406,0.002409744228158433,0.7784461152882205,0.26185671039354186,9.99,birmingham/anniston/tuscaloosa smm food,2022-07-11,9.99,11.750621558933197 +0.7201604814443329,0.7570000000000001,0.36842105263157915,0.5092918131592166,0.007621465093656631,0.41203007518796986,0.5373360242179617,126.17,boston/manchester smm food,2022-07-11,126.17,142.29753331443118 +0.49548645937813446,0.369,0.26872469635627544,0.43797086891009546,0.0020770273096357705,0.6050125313283207,0.8395560040363269,13.32,buffalo smm food,2022-07-11,13.32,20.893085962649522 +0.32347041123370096,0.7140000000000001,0.36740890688259137,0.8071320944249122,0.005011964085681071,0.6105263157894737,0.6377396569122099,93.33,charlotte smm food,2022-07-11,93.33,84.47184182855234 +0.3916750250752255,0.859,0.3952429149797572,0.7152184831742844,0.010416160580543472,0.28571428571428564,0.2805247225025227,116.14000000000001,chicago smm food,2022-07-11,116.14000000000001,132.20924738557972 +0.7612838515546638,0.6910000000000001,0.4109311740890691,0.215971873430437,0.004101820279065789,0.4365914786967418,0.3602421796165489,87.54,cleveland/akron/canton smm food,2022-07-11,87.54,82.57715779925728 +0.645937813440321,0.42400000000000004,0.7343117408906885,0.269713711702662,0.003965694422772027,0.5614035087719297,0.25176589303733604,50.7,columbus oh smm food,2022-07-11,50.7,56.41801838644517 +0.8781344032096292,0.5559999999999999,0.7125506072874499,0.30185836263184335,0.009815307382297985,0.6942355889724309,0.37891019172552975,54.38,dallas/ft. worth smm food,2022-07-11,54.38,64.45053106737552 +0.4794383149448343,0.42800000000000005,0.6877530364372474,0.4003013561024611,0.0009902364615974213,0.5338345864661653,0.6180625630676084,16.71,des moines/ames smm food,2022-07-11,16.71,18.485585856515797 +0.6123370110330992,0.134,0.3830971659919031,0.8377699648417881,0.006238679651119053,0.4240601503759398,0.417255297679112,96.94,detroit smm food,2022-07-11,96.94,115.97894488471393 +0.60481444332999,0.7280000000000001,0.3572874493927128,0.9171270718232044,0.0029868545444922245,0.8601503759398491,0.27144298688193746,58.89000000000001,grand rapids smm food,2022-07-11,58.89000000000001,68.33875507485726 +0.7607823470411232,0.268,0.32641700404858304,0.4866901054746359,0.0022220171751765666,0.6957393483709272,0.6725529767911201,31.72,albany/schenectady/troy smm food,2022-07-11,31.72,37.3574040898346 +0.42026078234704123,0.862,0.3674089068825915,0.3088900050226017,0.003155903863703549,0.250125313283208,0.8158425832492432,41.2,harrisburg/lancaster smm food,2022-07-11,41.2,41.6440952086962 +0.2041123370110331,0.29500000000000004,0.698886639676114,0.42240080361627325,0.003322104037085471,0.4416040100250625,0.6871846619576186,37.49,greensboro smm food,2022-07-11,37.49,38.061204150589 +0.44684052156469406,0.755,0.3466599190283404,0.7880462079357108,0.0034797567729791786,0.4340852130325816,0.5358224016145308,35.73,minneapolis/st. paul smm food,2022-07-11,35.73,44.83892600800112 +0.6193580742226679,0.6030000000000001,0.6842105263157897,0.5750878955298845,0.0029751413894157845,0.3348370927318295,0.6927346115035318,21.33,milwaukee smm food,2022-07-11,21.33,25.32025169116674 +0.3806419257773323,0.8230000000000001,0.6892712550607291,0.868407835258664,0.004932504574216572,0.7368421052631577,0.09434914228052473,93.09,miami/west palm beach smm food,2022-07-11,93.09,139.21426012648612 +0.5265797392176529,0.343,0.5126518218623484,0.5198392767453541,0.015325555416365995,0.4325814536340849,0.5645812310797175,116.56999999999998,los angeles smm food,2022-07-11,116.56999999999998,118.25300674010465 +0.5656970912738214,0.71,0.2373481781376521,0.7001506780512307,0.0022872309574940466,0.4476190476190475,0.23562058526740667,7.87,little rock/pine bluff smm food,2022-07-11,7.87,10.630919369574933 +0.6900702106318954,0.8570000000000001,0.787955465587045,0.5238573581115018,0.0014179249077668976,0.5714285714285712,0.5025227043390514,6.22,madison wi smm food,2022-07-11,6.22,7.42304828453716 +0.9172517552657973,0.8820000000000001,0.4438259109311743,0.47764942240080366,0.002314456128752798,0.5408521303258143,0.4066599394550959,22.89,knoxville smm food,2022-07-11,22.89,24.500711137203176 +0.5611835506519558,0.9390000000000001,0.7165991902834012,0.7785032646911101,0.0020469529925476126,0.31328320802005005,0.6750756811301716,34.41,kansas city smm food,2022-07-11,34.41,35.9512881194127 +0.487963891675025,0.09600000000000002,0.5399797570850202,0.743345052737318,0.0023635247513703176,0.4325814536340852,0.5887991927346115,26.92,jacksonville smm food,2022-07-11,26.92,38.94502847729833 +0.30742226680040097,0.7020000000000001,0.7500000000000002,0.41888498242089406,0.004335450237076947,0.3458646616541351,0.6463168516649849,38.16,indianapolis smm food,2022-07-11,38.16,42.39992870689797 +0.4608826479438317,0.91,0.947874493927126,0.6594676042189855,0.008221052004866834,0.7994987468671676,0.6104944500504541,122.47,houston smm food,2022-07-11,122.47,127.45871716508762 +0.649949849548646,0.674,0.8198380566801625,0.89904570567554,0.003929605242266241,0.6781954887218041,0.5630676084762866,56.66,hartford/new haven smm food,2022-07-11,56.66,76.4561149922343 +0.4403209628886661,0.231,0.6265182186234822,0.04721245605223506,0.0024819225891700098,0.3458646616541353,0.33905146316851664,25.57,las vegas smm food,2022-07-11,25.57,24.679054804741675 +0.4709127382146439,0.4730000000000001,0.940283400809717,0.18131592164741336,0.008444868238354487,0.26315789473684226,0.198284561049445,40.9,pittsburgh smm food,2022-07-18,40.9,53.09993809443454 +0.2798395185556667,0.502,0.36082995951417013,0.347564038171773,0.07329395988966803,0.600501253132832,0.5968718466195762,211.04,rem us east north central smm food,2022-07-18,211.04,275.27469662932634 +0.6569709127382145,0.851,0.8810728744939275,0.48719236564540436,0.015177399833236956,0.3829573934837093,0.12663975782038345,69.39,raleigh/durham/fayetteville smm food,2022-07-18,69.39,77.74708897049346 +0.8410230692076229,0.074,0.590587044534413,0.42390758412857865,0.007233664689098816,0.4922305764411027,0.41574167507568116,31.799999999999997,providence ri/new bedford ma smm food,2022-07-18,31.799999999999997,39.098137613372295 +0.7331995987963892,0.729,0.3081983805668016,0.4706177800100452,0.009687728963492426,0.8431077694235587,0.7648839556004037,33.92,portland or smm food,2022-07-18,33.92,45.67255213653291 +0.3470411233701104,0.548,0.9706477732793527,0.2998493219487695,0.016606088180803828,0.5213032581453634,0.5650857719475277,58.96000000000001,phoenix/prescott smm food,2022-07-18,58.96000000000001,74.5332187360678 +0.8540621865596787,0.063,0.5571862348178143,0.26820693119035666,0.05919638632577531,0.28621553884711787,0.33753784056508573,202.55,new york smm food,2022-07-18,202.55,256.38065878625616 +0.22467402206619824,0.729,0.8552631578947376,0.2325464590657961,0.004295878767224111,0.5087719298245611,0.3289606458123108,5.97,paducah ky/cape girardeau mo smm food,2022-07-18,5.97,3.9516997605994675 +0.35707121364092276,0.502,0.152327935222672,0.8161727774987444,0.01622715178549305,0.580451127819549,0.12512613521695257,60.92999999999999,orlando/daytona beach/melborne smm food,2022-07-18,60.92999999999999,90.4428425082209 +0.2883650952858575,0.5730000000000001,0.5885627530364378,0.23606228026117532,0.004169566635453851,0.5754385964912276,0.47679112008072655,10.84,omaha smm food,2022-07-18,10.84,12.37020657359973 +0.39017051153460397,0.092,0.28643724696356293,0.30085384229030643,0.005072745863375027,0.23609022556390954,0.8153380423814329,2.36,oklahoma city smm food,2022-07-18,2.36,3.439824745104275 +0.3881644934804409,0.442,0.33198380566801633,0.4058262179809142,0.008810508619794712,0.41002506265664196,0.45055499495459134,56.60999999999999,norfolk/portsmouth/newport news smm food,2022-07-18,56.60999999999999,55.696923590726556 +0.6384152457372115,0.9410000000000001,0.1614372469635624,0.7428427925665495,0.023501021087962353,0.5263157894736841,0.5116044399596368,67.72,rem us middle atlantic smm food,2022-07-18,67.72,88.5530072835313 +0.7502507522567704,0.5910000000000001,0.9402834008097174,0.4208940231039679,0.029385140369199977,0.8937343358395989,0.9515640766902119,131.66,philadelphia smm food,2022-07-18,131.66,161.01615706187334 +0.5476429287863591,0.523,0.2677125506072876,0.31592164741336015,0.030615654795743828,0.5348370927318296,0.1987891019172553,104.37,rem us mountain smm food,2022-07-18,104.37,130.6039414549241 +0.5957873620862587,0.681,0.3967611336032396,0.2707182320441989,0.010212288367861653,0.6907268170426062,0.4394550958627649,25.14,sacramento/stockton/modesto smm food,2022-07-18,25.14,27.415829945969513 +0.41223671013039115,0.016,0.43977732793522295,0.22852837769964843,0.03063116681192615,0.7714285714285714,0.48234106962663975,60.03999999999999,rem us pacific smm food,2022-07-18,60.03999999999999,64.11902782344883 +0.44282848545636877,0.275,0.6786437246963566,0.23405323957810148,0.07795231332074413,0.5313283208020051,0.5287588294651867,248.76,rem us south atlantic smm food,2022-07-18,248.76,249.0234644978994 +0.6810431293881644,0.593,0.7292510121457494,0.2651933701657459,0.11431089639329066,0.8887218045112779,0.694752774974773,326.98,rem us south central smm food,2022-07-18,326.98,370.35584477522076 +0.37211634904714136,0.764,0.3719635627530366,0.42390758412857865,0.03846030297937047,0.5032581453634082,0.30070635721493444,78.29,rem us west north central smm food,2022-07-18,78.29,83.53033760407793 +0.6659979939819459,0.597,0.829453441295547,0.48970366649924674,0.0064865553382772315,0.36892230576441076,0.6089808274470232,38.3,richmond/petersburg smm food,2022-07-18,38.3,41.49779618830984 +0.40120361083249734,0.907,0.7171052631578951,0.4665996986438976,0.00957091398448685,0.8987468671679196,0.656912209889001,28.51,salt lake city smm food,2022-07-18,28.51,37.44612354199319 +0.7161484453360079,0.5870000000000001,0.27631578947368435,0.16524359618282272,0.008305893236231317,0.6255639097744359,0.1236125126135217,25.52,san diego smm food,2022-07-18,25.52,24.79644164155568 +0.6248746238716146,0.9660000000000001,0.4979757085020247,0.7207433450527374,0.013399216263929824,0.5162907268170425,0.6574167507568113,37.61,san francisco/oakland/san jose smm food,2022-07-18,37.61,46.78573661089388 +0.5210631895687058,0.8970000000000001,0.468623481781377,0.802611752887996,0.014580028924338517,0.10275689223057641,0.40161453077699294,37.15,seattle/tacoma smm food,2022-07-18,37.15,49.24775472436093 +0.5787362086258775,0.9060000000000001,0.5956477732793527,0.3430436966348569,0.010507966390602056,0.7233082706766916,0.6816347124117054,37.78,st. louis smm food,2022-07-18,37.78,43.190092764220935 +0.6504513540621866,0.326,0.39068825910931204,0.42893018583626324,0.01653232696099814,0.6887218045112778,0.1720484359233098,95.48,tampa/ft. myers smm food,2022-07-18,95.48,129.21365276064068 +0.23771313941825475,0.8330000000000001,0.2950404858299597,0.4073329984932195,0.004268020452447713,0.5934837092731831,0.4661957618567104,10.29,tucson/sierra vista smm food,2022-07-18,10.29,14.832309649566803 +0.5546639919759279,0.7789999999999999,0.22317813765182182,0.43445504771471627,0.02405058966127857,0.7754385964912278,0.5146316851664985,112.74,washington dc/hagerstown smm food,2022-07-18,112.74,134.1554448955447 +0.8289869608826479,0.004,0.7257085020242918,0.7076845806127575,0.0075647987488273675,0.9092731829573933,0.6357214934409687,15.18,new orleans smm food,2022-07-18,15.18,16.396128031669512 +0.7051153460381144,0.48300000000000004,0.529352226720648,0.7272727272727273,0.013114934824507036,0.2766917293233081,0.3854692230070636,99.83,rem us new england smm food,2022-07-18,99.83,104.65710867962555 +0.3676028084252758,0.511,0.4240890688259112,0.26770467101958817,0.01289903288498995,0.39598997493734306,0.33905146316851664,39.56,nashville smm food,2022-07-18,39.56,48.91997151846939 +0.7111334002006017,0.22400000000000003,0.6356275303643727,0.09643395278754396,0.0019503986061066875,0.3829573934837094,0.6811301715438951,3.11,yakima/pasco/richland/kennewick smm food,2022-07-18,3.11,2.7178085100805447 +0.15747241725175526,0.493,0.3142712550607291,0.6820693119035661,0.010936604552048002,0.3528822055137846,0.8107971745711403,37.77,minneapolis/st. paul smm food,2022-07-18,37.77,46.0003886977423 +0.7597793380140421,0.5860000000000001,0.12753036437246962,0.12757408337518836,0.006684412687541421,0.49724310776942343,0.8148335015136227,29.55,albany/schenectady/troy smm food,2022-07-18,29.55,36.163570627263155 +0.2347041123370109,0.354,0.07591093117408924,0.4068307383224511,0.006026260000949019,0.6466165413533833,0.5161453077699294,19.67,albuquerque/santa fe smm food,2022-07-18,19.67,21.88587585187497 +0.820962888665998,0.458,0.4767206477732795,0.5685585133098946,0.024842652201852986,0.7253132832080198,0.2467204843592331,97.47,atlanta smm food,2022-07-18,97.47,131.74464287506134 +0.9618856569709128,0.9060000000000001,0.8127530364372473,0.3083877448518333,0.012370991191273674,0.754887218045113,0.5050454086781029,52.41,baltimore smm food,2022-07-18,52.41,63.43061647805766 +0.5927783350050148,1.0,0.4418016194331986,0.28478151682571573,0.0033325509051266187,0.4100250626566415,0.6402623612512613,3.91,baton rouge smm food,2022-07-18,3.91,2.334340664775283 +0.15496489468405195,0.44100000000000006,0.5384615384615388,0.43345052737317935,0.0069800907102818294,0.7719298245614035,0.4243188698284561,10.47,birmingham/anniston/tuscaloosa smm food,2022-07-18,10.47,13.095647649918824 +0.3836509528585757,0.3980000000000001,0.4767206477732796,0.635861376192868,0.02252376406847666,0.41704260651629066,0.37891019172552975,125.26999999999998,boston/manchester smm food,2022-07-18,125.26999999999998,143.55616698496544 +0.573219658976931,0.136,0.3102226720647775,0.2782521346057258,0.0057644551564026425,0.7904761904761903,0.4167507568113017,12.79,buffalo smm food,2022-07-18,12.79,18.669018606447608 +0.26780341023069193,0.9990000000000001,0.718623481781377,0.5253641386238072,0.014790232572196792,0.5092731829573935,0.4863773965691221,74.14,charlotte smm food,2022-07-18,74.14,83.29753953505926 +0.3866599799398193,0.547,0.8279352226720652,0.6845806127574084,0.031908217287016934,0.38947368421052625,0.07820383451059536,101.44,chicago smm food,2022-07-18,101.44,134.31848074118636 +0.6123370110330991,0.118,0.272267206477733,0.11602209944751382,0.012924358625695763,0.5779448621553884,0.3829465186680121,75.47,cleveland/akron/canton smm food,2022-07-18,75.47,83.2179348515067 +0.24222668004012035,0.903,0.7014170040485833,0.3962832747363135,0.012369724904238386,0.3172932330827067,0.2658930373360242,45.97,columbus oh smm food,2022-07-18,45.97,57.180296053488405 +0.8179538615847547,0.19200000000000003,0.3451417004048586,0.3535911602209945,0.029026781138212682,0.4646616541353382,0.26387487386478303,52.17,dallas/ft. worth smm food,2022-07-18,52.17,65.58052641234993 +0.5536609829488462,0.509,0.3810728744939274,0.497739829231542,0.003053018042086169,0.3949874686716791,0.6377396569122099,15.46,des moines/ames smm food,2022-07-18,15.46,18.992098094473818 +0.41474423269809424,0.8890000000000001,0.47469635627530393,0.4339527875439478,0.01994623680814219,0.4210526315789473,0.13723511604439959,87.17,detroit smm food,2022-07-18,87.17,114.04019173387385 +0.7457372116349046,0.133,0.3051619433198382,0.36363636363636365,0.0070655650851639586,0.20551378446115304,0.4682139253279516,19.3,mobile/pensacola smm food,2022-07-18,19.3,19.15761838586228 +0.24272818455366094,0.399,0.2424089068825914,0.5831240582621798,0.009851079991044946,0.31629072681704246,0.46215943491422806,37.08,greensboro smm food,2022-07-18,37.08,38.04259096271955 +0.590270812437312,0.8170000000000001,0.45192307692307715,0.9532898041185335,0.008390101324078159,0.7744360902255634,0.35519677093844604,48.85,grand rapids smm food,2022-07-18,48.85,69.60075632402247 +0.7086258776328985,0.40599999999999997,0.4655870445344131,0.5976896032144652,0.008813041193865292,0.14486215538847114,0.6876892028254289,19.43,milwaukee smm food,2022-07-18,19.43,25.57824812059274 +0.4037111334002009,0.521,0.8481781376518223,0.689603214465093,0.014834236046673147,0.6040100250626564,0.44298688193743696,114.13999999999999,miami/west palm beach smm food,2022-07-18,114.13999999999999,141.18858598027364 +0.727683049147442,0.264,0.38056680161943346,0.3992968357609242,0.004314873072753474,0.2932330827067667,0.45963673057517657,5.34,madison wi smm food,2022-07-18,5.34,5.547994939374291 +0.3420260782347041,0.177,0.4321862348178142,0.67754897036665,0.0070354907680758045,0.6706766917293231,0.2795156407669021,9.82,little rock/pine bluff smm food,2022-07-18,9.82,11.614133112577782 +0.7457372116349048,0.319,0.7555668016194338,0.21245605223505779,0.007243794985381143,0.5724310776942355,0.5787083753784057,22.78,las vegas smm food,2022-07-18,22.78,29.01349784085557 +0.8495486459378132,0.194,0.6644736842105267,0.4309392265193371,0.0444336954965961,0.820551378446115,0.30726538849646823,113.04,los angeles smm food,2022-07-18,113.04,122.11238653040822 +0.58876629889669,0.333,0.6093117408906885,0.8171772978402814,0.006772419636494135,0.469674185463659,0.47527749747729564,29.97,kansas city smm food,2022-07-18,29.97,35.86444809581996 +0.7773319959879638,0.879,0.3183198380566801,0.744349573078855,0.007737646929144563,0.4796992481203007,0.417255297679112,30.720000000000002,jacksonville smm food,2022-07-18,30.720000000000002,39.56821753218545 +0.46589769307923745,0.032,0.7535425101214578,0.30085384229030643,0.014301762348333356,0.3563909774436088,0.7694248234106963,33.24,indianapolis smm food,2022-07-18,33.24,43.82900708696144 +0.45436308926780355,0.754,0.6163967611336034,0.8719236564540432,0.026315344023896202,0.5007518796992478,0.7704339051463168,118.84,houston smm food,2022-07-18,118.84,130.93827006672254 +0.5546639919759279,0.7070000000000001,0.8208502024291505,0.5781014565544953,0.011639393856634405,0.3719298245614033,0.3854692230070636,51.23,hartford/new haven smm food,2022-07-18,51.23,73.58370241426937 +0.5576730190571715,0.20299999999999999,0.5632591093117413,0.30487192365645405,0.010431672596725785,0.23057644110275682,0.5267406659939455,32.83,harrisburg/lancaster smm food,2022-07-18,32.83,40.95295260768877 +0.7342026078234704,0.6070000000000001,0.03238866396761135,0.9010547463586138,0.0061452909822663545,0.5784461152882202,0.7891019172552977,21.93,knoxville smm food,2022-07-18,21.93,29.11309610109857 +0.43530591775325983,0.853,0.5192307692307694,0.1692616775489704,0.011019229781100726,0.5268170426065164,0.4772956609485368,45.4,pittsburgh smm food,2022-07-25,45.4,55.68581551974989 +0.5797392176529584,0.274,0.4726720647773281,0.7021597187343044,0.0950820111906407,0.7478696741854635,0.41574167507568116,235.51999999999998,rem us east north central smm food,2022-07-25,235.51999999999998,280.240168817551 +0.5702106318956869,0.048999999999999995,0.662449392712551,0.38523355097940737,0.02115965635970962,0.193483709273183,0.18668012108980828,73.87,raleigh/durham/fayetteville smm food,2022-07-25,73.87,77.11781041604065 +0.6539618856569709,0.497,0.5055668016194332,0.5871421396283275,0.009598455727504427,0.5919799498746865,0.2976791120080727,32.28,providence ri/new bedford ma smm food,2022-07-25,32.28,39.822283995438845 +0.7141424272818457,0.61,0.2753036437246964,0.4962330487192366,0.012865792850313565,0.4701754385964911,0.6251261352169526,30.520000000000003,portland or smm food,2022-07-25,30.520000000000003,44.19535055166609 +0.41624874623871616,0.37000000000000005,0.5242914979757087,0.15067805123053743,0.022300580978506655,0.8461152882205514,0.4450050454086781,55.78,phoenix/prescott smm food,2022-07-25,55.78,74.55124229963891 +0.5682046138415243,0.5900000000000001,0.37095141700404904,0.14816675037669513,0.0795079469435989,0.4706766917293234,0.3814328960645812,187.04,new york smm food,2022-07-25,187.04,259.0311677735982 +0.41775325977933764,0.7300000000000001,0.6189271255060732,0.09040683073832247,0.005700507661120454,0.44160401002506244,0.289606458123108,5.06,paducah ky/cape girardeau mo smm food,2022-07-25,5.06,3.0778019856043386 +0.23771313941825475,0.5670000000000001,0.46103238866396773,0.7599196383726771,0.02107386541306867,0.825062656641604,0.0549949545913219,52.68,orlando/daytona beach/melborne smm food,2022-07-25,52.68,91.17312340863077 +0.21965897693079234,0.317,0.5359311740890693,0.27674535409342044,0.004630811688058532,0.5979949874686714,0.3985872855701312,11.74,omaha smm food,2022-07-25,11.74,12.01974714676453 +0.590270812437312,0.377,0.26973684210526333,0.5017579105976897,0.0075160466979686666,0.09022556390977424,0.893037336024218,2.98,oklahoma city smm food,2022-07-25,2.98,5.38757598921346 +0.41775325977933764,0.021,0.26720647773279366,0.7478653942742342,0.011453249662446657,0.12030075187969967,0.7300706357214934,58.31,norfolk/portsmouth/newport news smm food,2022-07-25,58.31,58.5647688370796 +0.5125376128385156,0.852,0.06325910931174047,0.7604218985434456,0.03008286452564522,0.4385964912280701,0.4515640766902119,66.28,rem us middle atlantic smm food,2022-07-25,66.28,88.64971773036736 +0.6695085255767302,0.164,0.8577935222672073,0.40883977900552493,0.037376044705402706,0.7082706766917293,0.708375378405651,129.96,philadelphia smm food,2022-07-25,129.96,159.7061773306467 +0.6680040120361083,0.42300000000000004,0.43572874493927144,0.14665996986438976,0.03887121312232233,0.7719298245614035,0.2976791120080727,103.81,rem us mountain smm food,2022-07-25,103.81,132.3604161558057 +0.5531594784353058,0.5670000000000001,0.3582995951417011,0.4208940231039679,0.013713255448681952,0.5022556390977441,0.40060544904137235,23.75,sacramento/stockton/modesto smm food,2022-07-25,23.75,27.812527015005024 +0.8319959879638916,0.211,0.7211538461538465,0.29633350075339027,0.03784013890383679,0.5729323308270675,0.8193743693239153,54.97,rem us pacific smm food,2022-07-25,54.97,67.82127437669804 +0.05065195586760254,0.18300000000000002,0.8917004048582999,0.5901557006529383,0.1059261767891125,0.34586466165413543,0.28456104944500504,228.87,rem us south atlantic smm food,2022-07-25,228.87,252.44371965396633 +0.5556670010030089,0.9,0.6776315789473688,0.48216976393771976,0.1446492343283058,0.5969924812030072,0.6382441977800202,321.4,rem us south central smm food,2022-07-25,321.4,374.5386881921181 +0.5456369107321966,0.18899999999999997,0.6756072874493931,0.6800602712204923,0.048010006656016194,0.14135338345864643,0.7023208879919274,70.5,rem us west north central smm food,2022-07-25,70.5,87.75572746337258 +0.6695085255767302,0.40700000000000003,0.7024291497975712,0.6097438473129081,0.009258457658528839,0.6756892230576438,0.5398587285570131,38.85,richmond/petersburg smm food,2022-07-25,38.85,42.9647902023245 +0.025075225677031,0.516,0.8734817813765186,0.4450025113008539,0.012019913110739298,0.5679197994987468,0.6806256306760847,25.62,salt lake city smm food,2022-07-25,25.62,36.06812538339466 +0.5145436308926779,0.893,0.3223684210526317,0.38422903063787045,0.010546588145178427,0.4395989974937342,0.47124117053481335,24.34,san diego smm food,2022-07-25,24.34,27.637669975234097 +0.6003009027081242,0.9810000000000001,0.29504048582995984,0.8362631843294828,0.016904298777614818,0.4380952380952381,0.3602421796165489,38.24,san francisco/oakland/san jose smm food,2022-07-25,38.24,45.81869223185015 +0.5020060180541621,0.28500000000000003,0.5303643724696362,0.5926670015067805,0.01908357876535033,0.2726817042606515,0.7134207870837538,38.46,seattle/tacoma smm food,2022-07-25,38.46,50.7351180712422 +0.14744232698094265,0.47400000000000003,0.34109311740890724,0.6107483676544451,0.013740164048181878,0.5644110275689221,0.7295660948536832,37.78,st. louis smm food,2022-07-25,37.78,43.88972614739342 +0.6770310932798395,0.137,0.35728744939271284,0.5163234555499749,0.021860862805501913,0.5233082706766915,0.26992936427850656,79.72,tampa/ft. myers smm food,2022-07-25,79.72,130.45545562959416 +0.2893681043129388,0.9560000000000001,0.38461538461538486,0.7805123053741839,0.0050103812268869575,0.7107769423558897,0.2734611503531786,10.94,tucson/sierra vista smm food,2022-07-25,10.94,16.517156493017104 +0.5295887662988967,0.17600000000000005,0.23076923076923073,0.45303867403314924,0.030894554515266636,0.7999999999999998,0.22906155398587286,107.62,washington dc/hagerstown smm food,2022-07-25,107.62,133.3303227300061 +0.8741223671013038,0.48700000000000004,0.4200404858299598,0.7383224510296335,0.009359127477834461,0.8220551378446115,0.5459132189707366,8.61,new orleans smm food,2022-07-25,8.61,16.14596485254969 +0.6474423269809428,0.508,0.46862348178137664,0.8980411853340031,0.016495921208733527,0.369924812030075,0.41422805247225025,80.24,rem us new england smm food,2022-07-25,80.24,106.44425649885633 +0.41624874623871616,0.7719999999999999,0.53087044534413,0.47413360120542447,0.016981225715008735,0.2771929824561401,0.5116044399596368,39.79,nashville smm food,2022-07-25,39.79,51.5751880326473 +0.8811434302908725,0.844,0.32034412955465585,0.24259166248116526,0.0026902268064753496,0.19649122807017563,0.7219979818365287,2.84,yakima/pasco/richland/kennewick smm food,2022-07-25,2.84,3.696101801896532 +0.12036108324974923,0.053000000000000005,0.6320850202429155,0.34455047714716225,0.015042856835737313,0.374436090225564,0.7305751765893037,42.3,minneapolis/st. paul smm food,2022-07-25,42.3,44.17627050658057 +0.3736208625877632,0.8220000000000001,0.3507085020242916,0.293822199899548,0.00870065821948323,0.5624060150375938,0.5908173562058526,28.370000000000005,albany/schenectady/troy smm food,2022-07-25,28.370000000000005,35.90455882413853 +0.3304914744232697,0.167,0.1381578947368423,0.3490708186840784,0.007781333831862097,0.33483709273182943,0.5852674066599395,17.7,albuquerque/santa fe smm food,2022-07-25,17.7,21.348604765738614 +0.7748244734202607,0.34400000000000003,0.2980769230769232,0.4470115519839277,0.03047889579593243,0.5593984962406012,0.5025227043390516,98.97,atlanta smm food,2022-07-25,98.97,132.57202242057207 +0.989468405215647,0.933,0.5941295546558708,0.5223505775991965,0.01552531219618311,0.7157894736842108,0.5605449041372351,52.12,baltimore smm food,2022-07-25,52.12,65.2251774704775 +0.45636910732196556,0.518,0.7834008097165996,0.6107483676544451,0.00473939580133472,0.5373433583959898,0.3768920282542886,1.9299999999999997,baton rouge smm food,2022-07-25,1.9299999999999997,3.0245930598680104 +0.22266800401203588,0.9570000000000001,0.2884615384615386,0.3279758915118031,0.009184063295205505,0.6461152882205514,0.4248234106962664,9.24,birmingham/anniston/tuscaloosa smm food,2022-07-25,9.24,12.614505354124226 +0.6123370110330992,0.508,0.6128542510121461,0.900050226017077,0.0292126087606416,0.6350877192982455,0.046922300706357216,118.8,boston/manchester smm food,2022-07-25,118.8,145.27630212516928 +0.6178535606820462,0.38500000000000006,0.7469635627530368,0.203917629331994,0.007335917367198551,0.8651629072681701,0.18012108980827446,14.75,buffalo smm food,2022-07-25,14.75,17.78052551867009 +0.5065195586760279,0.777,0.5936234817813768,0.10848819688598695,0.019952568243318647,0.35639097744360915,0.18718466195761857,71.32,charlotte smm food,2022-07-25,71.32,79.64949194238551 +0.34102306920762276,0.626,0.8162955465587048,0.9663485685585134,0.04162886971342693,0.3087719298245614,0.496468213925328,120.62,chicago smm food,2022-07-25,120.62,139.42666711711712 +0.2958876629889668,0.5820000000000001,0.5607287449392716,0.0527373179306881,0.01807023256535884,0.300250626566416,0.4127144298688194,69.56,cleveland/akron/canton smm food,2022-07-25,69.56,82.75580617898842 +0.5070210631895686,0.11200000000000002,0.8102226720647776,0.6805625313912608,0.016012832704770077,0.5418546365914786,0.3218970736629667,46.75,columbus oh smm food,2022-07-25,46.75,60.481846909523725 +0.7166499498495489,0.674,0.49139676113360364,0.5806127574083376,0.0370119871827566,0.5799498746867167,0.5035317860746721,55.89,dallas/ft. worth smm food,2022-07-25,55.89,69.89278951236504 +0.7367101303911733,0.9830000000000001,0.29352226720647795,0.5951783023606229,0.004306325635265259,0.5644110275689221,0.5035317860746721,15.600000000000001,des moines/ames smm food,2022-07-25,15.600000000000001,19.944055323813487 +0.48194583751253756,0.8630000000000001,0.633603238866397,0.30286288297338027,0.026568284859195542,0.34185463659147863,0.3360242179616549,101.9,detroit smm food,2022-07-25,101.9,115.32511049245997 +0.4744232698094283,0.22799999999999998,0.41801619433198395,0.45303867403314924,0.008408779057848698,0.26215538847117814,0.14783047426841575,15.89,mobile/pensacola smm food,2022-07-25,15.89,17.838099665151333 +0.4032096288866599,0.23900000000000002,0.49190283400809753,0.5107985936715219,0.012826221380460731,0.4155388471177944,0.3138244197780021,36.35,greensboro smm food,2022-07-25,36.35,37.84048711828496 +0.7146439317953862,0.7140000000000001,0.4134615384615386,0.5730788548468106,0.010727350619466192,0.7789473684210522,0.2194752774974773,55.16,grand rapids smm food,2022-07-25,55.16,67.11671555880334 +0.7246740220661985,0.286,0.35222672064777333,0.598694123556002,0.011977175923298234,0.007518796992481203,0.6897073662966701,19.3,milwaukee smm food,2022-07-25,19.3,25.51795071848553 +0.41524573721163516,0.13799999999999998,0.9337044534412962,0.6067302862882974,0.019114602797714944,0.15488721804511277,0.8264379414732593,82.8,miami/west palm beach smm food,2022-07-25,82.8,142.04218224271887 +0.5777331995987961,0.978,0.5030364372469639,0.4927172275238574,0.00531017468249206,0.2145363408521301,0.5282542885973764,5.15,madison wi smm food,2022-07-25,5.15,6.531900218413796 +0.621865596790371,0.194,0.7186234817813771,0.8809643395278756,0.009443652137440124,0.37694235588972425,0.239656912209889,8.85,little rock/pine bluff smm food,2022-07-25,8.85,12.626116528550078 +0.7206619859578737,0.46799999999999997,0.8502024291497983,0.5700652938222,0.008659187319077458,0.3784461152882206,0.42684157416750756,22.28,las vegas smm food,2022-07-25,22.28,29.864360816467617 +0.9137412236710128,0.07500000000000001,0.5045546558704457,0.3761928679055751,0.0608036211453182,0.7764411027568919,0.1932391523713421,102.73,los angeles smm food,2022-07-25,102.73,123.25992968087873 +0.21715145436308925,0.17800000000000002,0.5187246963562756,0.7870416875941738,0.009410728674522561,0.5032581453634084,0.42330978809283554,27.36,kansas city smm food,2022-07-25,27.36,35.11992151893711 +0.8801404212637911,0.7370000000000001,0.4493927125506073,0.4645906579608238,0.010098639106444299,0.16240601503759394,0.2547931382441978,24.21,jacksonville smm food,2022-07-25,24.21,36.56084210085978 +0.7377131394182546,0.736,0.5303643724696357,0.6509291813159217,0.018680582916369017,0.15238095238095217,0.7487386478304743,38.32,indianapolis smm food,2022-07-25,38.32,46.340521691721264 +0.16048144433299916,0.42100000000000004,0.3982793522267208,0.7840281265695631,0.03433030781376946,0.2776942355889722,0.3910191725529768,129.95,houston smm food,2022-07-25,129.95,127.8974299366061 +0.3701103309929791,0.639,0.4873481781376523,0.5670517327975892,0.01483581890546726,0.20350877192982433,0.6347124117053481,51.99,hartford/new haven smm food,2022-07-25,51.99,74.35078197122955 +0.545135406218656,0.197,0.8906882591093123,0.29532898041185335,0.012895867167401725,0.1769423558897243,0.2537840565085772,37.31,harrisburg/lancaster smm food,2022-07-25,37.31,39.67345291715432 +0.3380140421263791,0.9199999999999999,0.14676113360323895,0.48920140632847814,0.007553085593750925,0.5553884711779447,0.6130171543895055,20.08,knoxville smm food,2022-07-25,20.08,25.416038291348137 +0.4894684052156469,0.9730000000000001,0.32034412955465597,0.3726770467101959,0.0108780387766658,0.6476190476190476,0.7795156407669022,47.24,pittsburgh smm food,2022-08-01,47.24,58.98008473562498 +0.8249749247743227,0.521,0.42560728744939286,0.6921145153189353,0.09570407469672734,0.7664160401002506,0.6195761856710393,318.6,rem us east north central smm food,2022-08-01,318.6,282.0028700370175 +0.6710130391173518,0.023,0.4868421052631582,0.46207935710698145,0.020863028621692748,0.21553884711779456,0.16044399596367306,81.67,raleigh/durham/fayetteville smm food,2022-08-01,81.67,77.48115764830104 +0.636409227683049,0.388,0.30364372469635614,0.947262682069312,0.009377488639846178,0.5117794486215538,0.6745711402623612,32.99,providence ri/new bedford ma smm food,2022-08-01,32.99,43.58561366890526 +0.8961885656970914,0.992,0.2565789473684211,0.6740331491712708,0.012397899790773607,0.16240601503759397,0.6180625630676084,30.299999999999997,portland or smm food,2022-08-01,30.299999999999997,44.62235048820586 +0.5391173520561685,0.122,0.46457489878542535,0.4008036162732296,0.020341001791394107,0.7002506265664159,0.031786074672048435,54.75,phoenix/prescott smm food,2022-08-01,54.75,72.9152465300952 +0.3059177532597791,0.426,0.6088056680161948,0.3535911602209945,0.08025157400507345,0.7388471177944863,0.46720484359233094,189.12,new york smm food,2022-08-01,189.12,261.27109334286416 +0.3480441323971912,0.40599999999999997,0.5101214574898789,0.44952285283777,0.005651439038502935,0.4401002506265662,0.2976791120080727,4.99,paducah ky/cape girardeau mo smm food,2022-08-01,4.99,4.836595875895085 +0.6609829488465395,0.6960000000000001,0.7960526315789477,0.8016072325464592,0.01999024028261855,0.580451127819549,0.10393541876892029,61.7,orlando/daytona beach/melborne smm food,2022-08-01,61.7,91.75482385911315 +0.4498495486459377,0.505,0.4428137651821866,0.2757408337518835,0.005115166479057272,0.8506265664160397,0.4273461150353179,11.59,omaha smm food,2022-08-01,11.59,13.444620948593993 +0.590270812437312,0.418,0.11184210526315795,0.6649924660974386,0.00863037928902459,0.42055137844611507,0.612008072653885,3.7900000000000005,oklahoma city smm food,2022-08-01,3.7900000000000005,5.795864478489705 +0.23570712136409191,0.354,0.20293522267206482,0.9171270718232045,0.010807759846207158,0.35037593984962445,0.6533804238143289,57.20000000000001,norfolk/portsmouth/newport news smm food,2022-08-01,57.20000000000001,59.52231867239567 +0.5641925777331996,0.979,0.26771255060728716,0.48367654445002517,0.0313485184174184,0.5789473684210525,0.3657921291624622,69.37,rem us middle atlantic smm food,2022-08-01,69.37,87.4504285872106 +0.45887662988966915,0.43200000000000005,0.4741902834008104,0.4902059266700151,0.03773661993870176,0.7208020050125313,0.46518668012108993,121.22999999999999,philadelphia smm food,2022-08-01,121.22999999999999,158.39158652402045 +0.456369107321966,0.07900000000000001,0.8542510121457494,0.10748367654445004,0.0381554443756242,0.7017543859649122,0.3794147325933401,105.42,rem us mountain smm food,2022-08-01,105.42,132.03511905875754 +0.5295887662988964,0.8480000000000001,0.3051619433198387,0.2757408337518835,0.013292848152965398,0.4736842105263155,0.5893037336024218,25.68,sacramento/stockton/modesto smm food,2022-08-01,25.68,27.985571371940487 +0.644433299899699,0.007000000000000001,0.3830971659919031,0.36263184329482673,0.0368182452663571,0.5989974937343358,0.8612512613521696,58.19,rem us pacific smm food,2022-08-01,58.19,67.76736934812119 +0.36258776328986925,0.984,0.5460526315789476,0.5499748869914616,0.10688095721372176,0.1102756892230578,0.7280524722502523,242.51999999999998,rem us south atlantic smm food,2022-08-01,242.51999999999998,254.867989660808 +0.5285857572718152,0.5780000000000001,0.3112348178137653,0.5198392767453541,0.14689879324649996,0.1679197994987467,0.5378405650857719,316.36,rem us south central smm food,2022-08-01,316.36,372.7434914043838 +0.7597793380140421,0.596,0.8213562753036442,0.37368156705173283,0.04674910134062536,0.49323308270676663,0.979313824419778,82.68,rem us west north central smm food,2022-08-01,82.68,89.15244744498503 +0.6885656970912739,0.8220000000000001,0.8679149797570854,0.9296835760924159,0.009886536028033086,0.557393483709273,0.6407669021190716,38.22,richmond/petersburg smm food,2022-08-01,38.22,45.427891012233324 +0.06268806419257764,0.588,0.467105263157895,0.7137117026619789,0.010800162123995413,0.5393483709273182,0.6009081735620585,25.81,salt lake city smm food,2022-08-01,25.81,36.73272561983954 +0.38014042126379116,0.9750000000000001,0.4767206477732796,0.4771471622300352,0.008948217334882588,0.5669172932330825,0.6236125126135217,21.92,san diego smm food,2022-08-01,21.92,29.129743399136665 +0.8324974924774321,0.507,0.2160931174089072,0.5529884480160724,0.01604670588296411,0.6832080200501253,0.11856710393541879,41.28,san francisco/oakland/san jose smm food,2022-08-01,41.28,43.554288218719904 +0.7783350050150448,0.2,0.5885627530364379,0.2837769964841788,0.016985024576114612,0.4290726817042605,0.6735620585267407,35.64,seattle/tacoma smm food,2022-08-01,35.64,49.38120192588174 +0.11735205616850532,0.9550000000000001,0.07995951417004071,0.49121044701155203,0.013869325325781542,0.5478696741854635,0.3763874873864783,37.65,st. louis smm food,2022-08-01,37.65,41.13911866226559 +0.6223671013039117,0.131,0.47115384615384653,0.3912606730286289,0.021096658579703907,0.6325814536340849,0.4450050454086781,85.05,tampa/ft. myers smm food,2022-08-01,85.05,130.96016847368833 +0.7828485456369106,0.205,0.5101214574898788,0.5183324962330488,0.004184445508118519,0.6661654135338346,0.5211907164480323,10.96,tucson/sierra vista smm food,2022-08-01,10.96,16.748683100558743 +0.4849548645937814,0.5790000000000001,0.5111336032388665,0.4244098442993471,0.02933448888778834,0.5268170426065162,0.17356205852674067,113.12,washington dc/hagerstown smm food,2022-08-01,113.12,132.06255613009895 +0.39418254764292876,0.593,0.09665991902834019,0.8764439979909594,0.008713637661594964,0.3804511278195489,0.3874873864783047,10.81,new orleans smm food,2022-08-01,10.81,13.613019903761703 +0.6850551654964895,0.49000000000000005,0.6513157894736844,0.9136112506278253,0.015820357075405876,0.6606516290726814,0.6145307769929365,87.83,rem us new england smm food,2022-08-01,87.83,108.66462076060252 +0.8580742226680039,0.399,0.42155870445344135,0.2551481667503767,0.0028311012391514538,0.4611528822055138,0.5504540867810293,2.61,yakima/pasco/richland/kennewick smm food,2022-08-01,2.61,3.430590703969145 +0.6920762286860581,0.022000000000000006,0.42813765182186264,0.4851833249623305,0.01722973454568456,0.2802005012531326,0.9021190716448032,41.52,nashville smm food,2022-08-01,41.52,53.99553316940882 +0.16700100300902707,0.44900000000000007,0.7849190283400815,0.36413862380713213,0.014437571632868301,0.3899749373433585,0.6826437941473259,41.5,minneapolis/st. paul smm food,2022-08-01,41.5,44.32765916331541 +0.607321965897693,0.8640000000000001,0.48886639676113386,0.544952285283777,0.007830402454479616,0.4280701754385967,0.6029263370332997,17.1,mobile/pensacola smm food,2022-08-01,17.1,21.99224355807378 +0.1429287863590772,0.8810000000000001,0.2692307692307693,0.7438473129080865,0.008367624729201745,0.5929824561403507,0.45761856710393545,28.33,albany/schenectady/troy smm food,2022-08-01,28.33,37.35015879889815 +0.7427281845536609,0.8109999999999999,0.39170040485829993,0.8206931190356606,0.007881687079408894,0.3378446115288219,0.6266397578203835,16.94,albuquerque/santa fe smm food,2022-08-01,16.94,25.451136521721722 +0.5346038114343029,0.42400000000000004,0.5556680161943321,0.48216976393771976,0.027220106110611503,0.6796992481203005,0.520686175580222,93.09,atlanta smm food,2022-08-01,93.09,132.58608341484072 +0.8691073219658977,0.7580000000000001,0.5485829959514172,0.4897036664992467,0.014607887239114908,0.6220551378446117,0.5232088799192735,53.32,baltimore smm food,2022-08-01,53.32,64.09339275862986 +0.31845536609829456,0.5910000000000001,0.6351214574898788,0.4831742842792567,0.004783082704052255,0.7223057644110275,0.43491422805247226,2.07,baton rouge smm food,2022-08-01,2.07,2.9227179788275492 +0.5481444332998995,0.10300000000000001,0.6472672064777331,0.6730286288297339,0.010183480337808784,0.2786967418546367,0.2840565085771948,9.93,birmingham/anniston/tuscaloosa smm food,2022-08-01,9.93,13.143616602009523 +0.827482447342026,0.7719999999999999,0.6664979757085024,0.7262682069311904,0.028616504138778445,0.6085213032581452,0.14278506559031282,120.6,boston/manchester smm food,2022-08-01,120.6,145.18403419602163 +0.40371113340020043,0.321,0.4387651821862351,0.215971873430437,0.019802513229636685,0.43709273182957403,0.033299697275479316,88.64,charlotte smm food,2022-08-01,88.64,79.12527258661325 +0.3249749247743229,0.403,0.33147773279352244,1.0,0.0429641693921411,0.15689223057644106,0.8264379414732593,150.77,chicago smm food,2022-08-01,150.77,140.8235410930591 +0.2111334002006017,0.32400000000000007,0.8608299595141705,0.08437970868910097,0.017969246174294396,0.12531328320802002,0.5045408678102926,85.73,cleveland/akron/canton smm food,2022-08-01,85.73,82.83563778769772 +0.543630892678034,0.719,0.4362348178137653,0.7317930688096435,0.01522203645123096,0.512781954887218,0.6357214934409687,57.79,columbus oh smm food,2022-08-01,57.79,62.505984159426774 +0.36760280842527615,0.29700000000000004,0.669534412955466,0.7714716223003517,0.035619388015695516,0.44110275689223055,0.47628657921291623,53.24,dallas/ft. worth smm food,2022-08-01,53.24,69.55437020300933 +0.4032096288866599,0.30000000000000004,0.2773279352226723,0.5966850828729282,0.004298727913053514,0.29573934837092725,0.23763874873864782,16.88,des moines/ames smm food,2022-08-01,16.88,16.697759379039184 +0.7326980942828485,0.043000000000000003,0.5551619433198384,0.26167754897036666,0.026364096074754897,0.29824561403508765,0.3546922300706357,138.08,detroit smm food,2022-08-01,138.08,115.02449632695094 +0.5722166499498497,0.626,0.6563765182186238,0.17679558011049726,0.007307425908904508,0.8486215538847116,0.36730575176589303,13.63,buffalo smm food,2022-08-01,13.63,18.634820061891418 +0.8304914744232696,0.9060000000000001,0.8238866396761141,0.12405826217980916,0.013130130268930527,0.3478696741854635,0.18768920282542886,40.74,greensboro smm food,2022-08-01,40.74,35.95173269313653 +0.6138415245737212,0.15300000000000002,0.42611336032388675,0.18483174284279258,0.011225317996094308,0.5989974937343354,0.29263370332996974,92.96,grand rapids smm food,2022-08-01,92.96,64.41118150746289 +0.29588766298896724,0.38500000000000006,0.4504048582995954,0.3294826720241085,0.01719839394156111,0.33433583959899743,0.49495459132189706,103.03,miami/west palm beach smm food,2022-08-01,103.03,138.4408512070097 +0.41123370110330965,0.165,0.7773279352226726,0.18081366147664493,0.004465561229953082,0.19147869674185444,0.43693239152371344,4.11,madison wi smm food,2022-08-01,4.11,3.540608031104881 +0.724172517552658,0.7330000000000001,0.32135627530364386,0.42491210447011557,0.05868607265055312,0.7172932330827064,0.641271442986882,101.19,los angeles smm food,2022-08-01,101.19,125.53050179194003 +0.9302908726178534,0.877,0.5313765182186241,0.952787543947765,0.008958347631164916,0.28671679197994987,0.4253279515640767,9.06,little rock/pine bluff smm food,2022-08-01,9.06,14.481212253256636 +0.37612838515546654,0.634,0.6229757085020248,0.5424409844299347,0.008561366645601245,0.17794486215538852,0.3329969727547931,22.29,las vegas smm food,2022-08-01,22.29,27.892166211248203 +0.09327983951855565,0.020000000000000004,0.42813765182186253,0.27122049221496736,0.008662986180183331,0.5619047619047618,0.36881937436932394,22.07,knoxville smm food,2022-08-01,22.07,22.276986863741207 +0.5426278836509528,0.677,0.4205465587044536,0.6454043194374687,0.012469128436508718,0.1669172932330827,0.6791120080726539,23.36,milwaukee smm food,2022-08-01,23.36,26.205800289438166 +0.7041123370110329,0.8039999999999999,0.3830971659919028,0.4229030637870418,0.009675699236657165,0.2581453634085213,0.15237134207870837,25.94,jacksonville smm food,2022-08-01,25.94,35.662841978055546 +0.7442326980942826,0.626,0.13157894736842093,0.6263184329482673,0.01900032039277995,0.5213032581453632,0.6801210898082745,47.4,indianapolis smm food,2022-08-01,47.4,46.70598228060689 +0.3309929789368106,0.12,0.4397773279352228,0.6363636363636365,0.03166952218086462,0.6411027568922303,0.07315842583249244,123.47,houston smm food,2022-08-01,123.47,126.13104901627085 +0.32547642928786374,0.634,0.5151821862348183,0.5916624811652437,0.014874440660043632,0.5353383458646613,0.6437941473259334,54.78,hartford/new haven smm food,2022-08-01,54.78,75.5172450835465 +0.437813440320963,0.21000000000000002,0.8638663967611343,0.44650929181315924,0.012156988682309529,0.2897243107769424,0.2558022199798184,38.16,harrisburg/lancaster smm food,2022-08-01,38.16,40.60662829452127 +0.5987963891675024,0.10400000000000001,0.5182186234817816,0.5143144148669011,0.009149240401735006,0.6340852130325813,0.6463168516649849,30.099999999999998,kansas city smm food,2022-08-01,30.099999999999998,35.82031531869672 +0.5140421263791375,0.562,0.2611336032388661,0.10045203415369162,0.029529813662981953,0.7283208020050125,0.5524722502522704,71.81,rem us middle atlantic smm food,2022-08-08,71.81,86.26414167630537 +0.6394182547642926,0.056999999999999995,0.0941295546558704,0.7207433450527374,0.0872709196134493,0.39147869674185465,0.5640766902119072,308.06,rem us east north central smm food,2022-08-08,308.06,278.7718213585034 +0.7963891675025072,0.29,0.6098178137651826,0.6544450025113009,0.018935739753980114,0.599498746867168,0.28456104944500504,95.13,raleigh/durham/fayetteville smm food,2022-08-08,95.13,80.6263607766639 +0.8610832497492475,0.9910000000000001,0.3157894736842104,0.8478151682571573,0.007921258549261734,0.22305764411027565,0.7754793138244198,36.29,providence ri/new bedford ma smm food,2022-08-08,36.29,43.162932509911705 +0.8600802407221667,0.792,0.4463562753036438,0.26820693119035666,0.010123015131873647,0.26616541353383455,0.44248234106962664,32.69,portland or smm food,2022-08-08,32.69,41.24573359018226 +0.537111334002006,0.953,0.31831983805668024,0.5389251632345555,0.009077378612482253,0.19899749373433598,0.7492431886982845,50.92,pittsburgh smm food,2022-08-08,50.92,58.1831620862724 +0.5692076228686058,0.658,0.5845141700404861,0.6102461074836766,0.016657689377491933,0.7172932330827066,0.03128153380423814,66.86,phoenix/prescott smm food,2022-08-08,66.86,74.01694964220454 +0.8084252758274824,0.07600000000000001,0.9256072874493931,0.5570065293822201,0.01685997873137964,0.28771929824561415,0.3864783047426842,177.13,orlando/daytona beach/melborne smm food,2022-08-08,177.13,90.68276363451889 +0.4979939819458371,0.18600000000000003,0.26163967611336053,0.8252134605725767,0.004925856567281295,0.04812030075187951,0.3980827447023209,5.95,paducah ky/cape girardeau mo smm food,2022-08-08,5.95,6.2502548195633665 +0.7567703109327983,0.10600000000000001,0.41042510121457526,0.3345052737317931,0.005275035217262737,0.521303258145363,0.6977800201816348,15.490000000000002,omaha smm food,2022-08-08,15.490000000000002,14.658149425892034 +0.6985957873620864,0.9800000000000001,0.44230769230769257,0.5313912606730287,0.0075841096261155495,0.3989974937343356,0.3794147325933401,2.43,oklahoma city smm food,2022-08-08,2.43,4.111251480379579 +0.33149448345035065,0.142,0.5743927125506075,0.6454043194374687,0.01033258563621428,0.39849624060150407,0.5201816347124117,62.839999999999996,norfolk/portsmouth/newport news smm food,2022-08-08,62.839999999999996,57.565026318482 +0.5080240722166497,0.7719999999999999,0.9094129554655879,0.4746358613761929,0.06874229114131516,0.562907268170426,0.5045408678102926,205.05,new york smm food,2022-08-08,205.05,260.69609768172427 +0.21464393179538632,0.589,0.16548582995951464,0.767453540934204,0.03344738917841293,0.5794486215538848,0.3814328960645813,135.86,philadelphia smm food,2022-08-08,135.86,157.9297831263373 +0.18756268806419263,0.656,0.5566801619433202,0.101958814665997,0.033141580859390195,0.5959899749373433,0.2669021190716448,113.30000000000001,rem us mountain smm food,2022-08-08,113.30000000000001,129.9561146375832 +0.11835506519558674,0.76,0.3127530364372472,0.9507785032646912,0.008457531108707396,0.4521303258145364,0.4788092835519677,13.23,new orleans smm food,2022-08-08,13.23,14.502923909311455 +0.7046138415245736,0.10800000000000001,0.1791497975708503,0.3932697137117027,0.030929377408737142,0.5994987468671679,0.7835519677093845,56.31000000000001,rem us pacific smm food,2022-08-08,56.31000000000001,66.68803905552713 +0.4428284854563687,0.5950000000000001,0.5141700404858301,0.29532898041185335,0.09207394633830737,0.16992481203007534,0.7341069626639758,306.04,rem us south atlantic smm food,2022-08-08,306.04,251.48041524177538 +0.7382146439317953,0.669,0.389676113360324,0.4655951783023607,0.1297586485085622,0.13233082706766897,0.36881937436932394,349.19,rem us south central smm food,2022-08-08,349.19,369.3704965411388 +0.5070210631895686,0.513,0.6609311740890692,0.17428427925665496,0.04055854059684735,0.5714285714285711,0.9445005045408679,85.9,rem us west north central smm food,2022-08-08,85.9,86.62268332824331 +0.526579739217653,0.399,0.6563765182186238,0.8327473631341036,0.007750942943015116,0.2676691729323306,0.4298688193743693,41.87,richmond/petersburg smm food,2022-08-08,41.87,41.8589916238767 +0.7537612838515543,0.071,0.24038461538461606,0.2898041185334003,0.009942569229344708,0.6781954887218042,0.6675075681130171,24.42,sacramento/stockton/modesto smm food,2022-08-08,24.42,28.65548412527979 +0.14994984954864582,0.9050000000000001,0.487854251012146,0.7242591662481166,0.008661086749630394,0.7578947368421052,0.4328960645812311,30.89,salt lake city smm food,2022-08-08,30.89,36.49980678996552 +0.45536609829488445,0.34,0.6998987854251015,0.24660974384731293,0.007140909163763762,0.719799498746867,0.5565085771947528,23.05,san diego smm food,2022-08-08,23.05,27.607728050581535 +0.9202607823470411,0.043000000000000003,0.5718623481781382,0.6258161727774988,0.01317508345868335,0.6957393483709272,0.15035317860746722,43.76,san francisco/oakland/san jose smm food,2022-08-08,43.76,43.938567687869266 +0.6043129388164491,0.746,0.44281376518218674,0.34605725765946765,0.014338801244115617,0.5047619047619046,0.4394550958627649,38.02,seattle/tacoma smm food,2022-08-08,38.02,48.116915494501285 +0.3490471414242726,0.564,0.4392712550607291,0.2230035158211954,0.012665719498737618,0.8611528822055136,0.4783047426841574,33.68,st. louis smm food,2022-08-08,33.68,41.41886754750087 +0.7001003009027081,0.09300000000000001,0.4777327935222675,0.43847312908086394,0.018105688602346983,0.7949874686716788,0.7729566094853684,249.67,tampa/ft. myers smm food,2022-08-08,249.67,133.32846023859406 +0.5682046138415244,0.42400000000000004,0.48886639676113386,0.24861878453038677,0.0041242968739422054,0.38646616541353396,0.48335015136226034,11.07,tucson/sierra vista smm food,2022-08-08,11.07,13.841677454841438 +0.8274824473420261,0.524,0.9144736842105267,0.815670517327976,0.024853099069894125,0.14035087719298242,0.41876892028254287,121.38,washington dc/hagerstown smm food,2022-08-08,121.38,134.6874457488933 +0.7728184553660982,0.149,0.8041497975708505,0.4897036664992467,0.014721536500532265,0.70125313283208,0.8577194752774975,92.11,rem us new england smm food,2022-08-08,92.11,107.69957620443633 +0.7953861584754262,0.9380000000000002,0.35425101214574917,0.1762933199397288,0.015573114531765343,0.18746867167919778,0.7406659939455096,56.599999999999994,nashville smm food,2022-08-08,56.599999999999994,51.32224483371038 +0.8901705115346037,0.8330000000000001,0.7287449392712553,0.3721747865394275,0.0026762976490871506,0.8526315789473685,0.24066599394550958,3.8599999999999994,yakima/pasco/richland/kennewick smm food,2022-08-08,3.8599999999999994,3.9371814298151406 +0.21263791374122365,0.028000000000000004,0.6988866396761139,0.35509794073329987,0.01166503616909905,0.1954887218045114,0.7583249243188699,46.84,minneapolis/st. paul smm food,2022-08-08,46.84,43.551038427985254 +0.2006018054162487,0.455,0.4676113360323888,0.9568056253139127,0.0072643721497046175,0.4827067669172931,0.3153380423814329,30.66,albany/schenectady/troy smm food,2022-08-08,30.66,37.26829773701078 +0.8350050150451352,0.622,0.6088056680161948,0.7418382722250126,0.006458063879983189,0.23358395989974925,0.4339051463168517,17.41,albuquerque/santa fe smm food,2022-08-08,17.41,23.55854529622748 +0.34603811434302906,0.124,0.7707489878542514,0.6077348066298344,0.02489710254437049,0.9719298245614032,0.4066599394550959,156.16,atlanta smm food,2022-08-08,156.16,132.90011751195476 +0.8510531594784353,0.328,0.5136639676113364,0.16122551481667505,0.013369141946841663,0.30275689223057667,0.6473259334006054,54.66,baltimore smm food,2022-08-08,54.66,61.518991213603016 +0.5717151454363086,0.6360000000000001,0.6118421052631582,0.16323455549974888,0.0040141299018719035,0.6626566416040098,0.7426841574167508,2.29,baton rouge smm food,2022-08-08,2.29,3.010114196184702 +0.47191574724172497,0.166,0.5581983805668018,0.6433952787543948,0.00876808800411247,0.12130325814536357,0.2542885973763875,21.32,birmingham/anniston/tuscaloosa smm food,2022-08-08,21.32,11.96288019151718 +0.5496489468405215,0.08700000000000001,0.6143724696356279,0.3284781516825716,0.025326690421092892,0.42355889724310763,0.29818365287588294,133.68,boston/manchester smm food,2022-08-08,133.68,141.95996806251577 +0.38816449348044146,0.17800000000000002,0.2145748987854252,0.16373681567051734,0.006319088877860021,0.9097744360902255,0.3213925327951564,14.52,buffalo smm food,2022-08-08,14.52,17.561016561718503 +0.06369107321965883,0.8119999999999999,0.5278340080971663,0.6308387744851834,0.017513066269830877,0.3208020050125315,0.260343087790111,105.22,charlotte smm food,2022-08-08,105.22,81.84852382155506 +0.5265797392176528,0.659,0.4549595141700407,0.7895529884480161,0.038312780539759096,0.4406015037593984,0.8037336024217961,128.34,chicago smm food,2022-08-08,128.34,140.2404793876252 +0.6263791374122366,0.7719999999999999,0.5126518218623485,0.2546459065796083,0.015656372904335712,0.4040100250626565,0.2749747729566095,88.44,cleveland/akron/canton smm food,2022-08-08,88.44,83.70441897192735 +0.4443329989969909,0.25,0.2535425101214575,0.7152184831742844,0.013281451569647778,0.32380952380952377,0.7003027245206862,58.12,columbus oh smm food,2022-08-08,58.12,61.433432420163186 +0.2853560682046141,0.65,0.27682186234817835,0.5288799598191863,0.0290926280640478,0.18546365914786964,0.5297679112008072,55.67,dallas/ft. worth smm food,2022-08-08,55.67,66.55235424146524 +0.41675025075225663,0.649,0.13967611336032407,0.5258663987945756,0.00354338769650254,0.22756892230576437,0.6468213925327951,21.69,des moines/ames smm food,2022-08-08,21.69,18.445943175124114 +0.4488465396188565,0.026000000000000002,0.6022267206477736,0.1366147664490206,0.02322497051426895,0.4145363408521302,0.4036326942482341,129.16,detroit smm food,2022-08-08,129.16,114.05814417670265 +0.6664994984954864,0.21000000000000002,0.5946356275303646,0.7714716223003517,0.00784623104242075,0.30225563909774456,0.5403632694248234,31.02,mobile/pensacola smm food,2022-08-08,31.02,22.39989575565309 +0.9307923771313941,0.794,0.671052631578948,0.323455549974887,0.011835984918863307,0.5172932330827065,0.3693239152371342,41.28,greensboro smm food,2022-08-08,41.28,38.5102124102228 +0.41624874623871616,0.506,0.28087044534412964,0.3068809643395279,0.010714371177354461,0.2406015037593981,0.7144298688193744,89.36,grand rapids smm food,2022-08-08,89.36,66.11797233074941 +0.3781344032096288,0.602,0.7196356275303647,0.6604721245605224,0.011332952394094029,0.20050125313283204,0.6034308779011099,23.28,milwaukee smm food,2022-08-08,23.28,25.671156381101575 +0.4297893681043133,0.923,0.4832995951417006,0.2179809141135108,0.014604088378009042,0.7208020050125312,0.34712411705348134,265.02,miami/west palm beach smm food,2022-08-08,265.02,138.26923917670098 +0.6108324974924771,0.42300000000000004,0.6781376518218628,0.1511803114013059,0.004205655815959641,0.15488721804511257,0.42785065590312815,5.08,madison wi smm food,2022-08-08,5.08,3.559950697301531 +0.8370110330992977,0.9750000000000001,0.49949392712550655,0.635861376192868,0.007619565663103695,0.5774436090225562,0.31231079717457116,8.89,little rock/pine bluff smm food,2022-08-08,8.89,12.594017620614672 +0.12888665997994,0.23199999999999998,0.33350202429149833,0.2923154193872426,0.006944318101534864,0.05714285714285722,0.22149344096871848,24.92,las vegas smm food,2022-08-08,24.92,24.43821233248888 +0.28936810431293875,0.44500000000000006,0.23937246963562767,0.7101958814665997,0.04513711794470016,0.833082706766917,0.946518668012109,106.07,los angeles smm food,2022-08-08,106.07,126.4763612644472 +0.5847542627883651,0.037,0.7267206477732797,0.42742340532395784,0.008042188961132006,0.5794486215538847,0.6992936427850656,35.15,kansas city smm food,2022-08-08,35.15,35.37760505193011 +0.68555667001003,0.6890000000000001,0.44585020242914986,0.5243596182822703,0.00900456710795303,0.37443609022556384,0.4263370332996973,62.65999999999999,jacksonville smm food,2022-08-08,62.65999999999999,38.05077263283925 +0.8014042126379135,0.131,0.2874493927125506,0.7297840281265696,0.01753744229526023,0.9032581453634081,0.6054490413723511,46.59,indianapolis smm food,2022-08-08,46.59,47.80351581487349 +0.32748244734202625,0.766,0.6376518218623484,0.5489703666499247,0.02664362893779535,0.7338345864661652,0.11755802219979819,118.76000000000002,houston smm food,2022-08-08,118.76000000000002,125.88132146484597 +0.1549648946840523,0.738,0.4276315789473688,0.25816172777498747,0.012751827017137393,0.47619047619047594,0.5383451059535822,57.79,hartford/new haven smm food,2022-08-08,57.79,72.22575649862179 +0.49047141424272817,0.073,0.8405870445344136,0.6901054746358615,0.011729933379657699,0.4726817042606516,0.44298688193743696,37.54,harrisburg/lancaster smm food,2022-08-08,37.54,43.60225030881628 +0.1128385155466399,0.65,0.5587044534412958,0.7056755399296837,0.008392317326389918,0.13533834586466145,0.4717457114026236,24.48,knoxville smm food,2022-08-08,24.48,24.40558957047488 +0.5371113340020062,0.18700000000000006,0.7500000000000002,0.3119035660472125,0.008139376491090575,0.1483709273182957,0.48486377396569125,59.82000000000001,portland or smm food,2022-08-15,59.82000000000001,40.46474338623296 +0.6228686058174524,0.34400000000000003,0.07388663967611295,0.4806629834254144,0.024509618711571493,0.7689223057644109,0.5060544904137234,78.1,rem us middle atlantic smm food,2022-08-15,78.1,87.5574358599799 +0.6344032096288863,0.30600000000000005,0.14170040485829957,0.9598191863385235,0.07235627434003516,0.014035087719298244,0.47578203834510596,226.24,rem us east north central smm food,2022-08-15,226.24,276.49734502929516 +0.4087261785356066,0.431,0.5080971659919032,0.5856353591160222,0.01618156545222258,0.4812030075187971,0.6079717457114027,84.88,raleigh/durham/fayetteville smm food,2022-08-15,84.88,80.70975651656823 +0.730692076228686,0.38599999999999995,0.3269230769230768,0.857358111501758,0.006903480344646736,0.10275689223057641,0.5812310797174571,32.16,providence ri/new bedford ma smm food,2022-08-15,32.16,41.08609178770633 +0.5070210631895686,0.459,0.5511133603238869,0.6700150678051231,0.007346680806998523,0.21854636591478707,0.636226034308779,47.64,pittsburgh smm food,2022-08-15,47.64,57.95903797816673 +0.535105315947843,0.7650000000000001,0.5536437246963565,0.36413862380713213,0.008613600985806989,0.12030075187969969,0.5923309788092835,65.81,norfolk/portsmouth/newport news smm food,2022-08-15,65.81,55.88451554983578 +0.17853560682046157,0.558,0.42661943319838114,0.4660974384731291,0.027836471325039303,0.5644110275689223,0.5221997981836529,150.26,philadelphia smm food,2022-08-15,150.26,156.26865266313968 +0.6183550651955864,0.35600000000000004,0.20900809716599214,0.6102461074836766,0.0041800135034950016,0.21453634085213008,0.6160443995963674,6.85,paducah ky/cape girardeau mo smm food,2022-08-15,6.85,6.939792868864728 +0.7176529588766299,0.657,0.5435222672064779,0.3440482169763938,0.013933905964581373,0.4085213032581455,0.4556004036326943,62.7,orlando/daytona beach/melborne smm food,2022-08-15,62.7,89.71081644958866 +0.7006018054162487,0.15100000000000002,0.29504048582995984,0.13962832747363135,0.00421167067937727,0.22957393483709243,0.6352169525731585,15.439999999999998,omaha smm food,2022-08-15,15.439999999999998,11.984120261069478 +0.6078234704112339,0.542,0.5182186234817816,0.5580110497237569,0.005826503221131888,0.06817042606516266,0.549949545913219,4.34,oklahoma city smm food,2022-08-15,4.34,3.672707555739933 +0.21464393179538618,0.679,0.5035425101214577,0.17528879959819188,0.028404717632126052,0.6992481203007519,0.11352169525731584,119.63,rem us mountain smm food,2022-08-15,119.63,129.16361104553079 +0.5707121364092276,0.836,0.6163967611336035,0.6850828729281768,0.014725968505155783,0.46566416040100245,0.20181634712411706,61.75,phoenix/prescott smm food,2022-08-15,61.75,74.486958976111 +0.7151454363089269,0.084,0.4483805668016195,0.2566549472626821,0.012382071202832471,0.4716791979949873,0.4939455095862765,97.06,rem us new england smm food,2022-08-15,97.06,102.87464519362459 +0.41123370110330976,0.329,0.7575910931174092,0.39829231541938726,0.007157687466981366,0.37543859649122807,0.3012108980827447,26.4,salt lake city smm food,2022-08-15,26.4,32.80851780857458 +0.43981945837512515,0.8240000000000001,0.45597165991902855,0.30487192365645405,0.07520890245878657,0.2817042606516292,0.7260343087790111,259.76,rem us south atlantic smm food,2022-08-15,259.76,249.52628947994125 +0.8916750250752257,0.391,0.4043522267206479,0.3199397287795078,0.10389631867154131,0.2902255639097742,0.5454086781029264,335.5,rem us south central smm food,2022-08-15,335.5,366.5450322426144 +0.18355065195586756,0.7839999999999999,0.4772267206477735,0.3515821195379207,0.03467505445912738,0.24611528822055115,0.6760847628657921,87.84,rem us west north central smm food,2022-08-15,87.84,83.72176082143383 +0.3360080240722168,0.602,0.25809716599190285,0.38724259166248126,0.005668850485238184,0.532832080200501,0.3486377396569122,38.6,richmond/petersburg smm food,2022-08-15,38.6,38.899207325225326 +0.816449348044132,0.261,0.14321862348178196,0.5981918633852336,0.006840799136399841,0.6756892230576438,0.6619576185671039,30.99,sacramento/stockton/modesto smm food,2022-08-15,30.99,30.077670121340823 +0.3214643931795384,0.722,0.7363360323886643,0.2230035158211954,0.005637509881114735,0.6060150375939848,0.446518668012109,22.67,san diego smm food,2022-08-15,22.67,26.247244950047083 +0.7422266800401202,0.5950000000000001,0.7155870445344136,0.7338021094927173,0.009564899121069217,0.8927318295739348,0.6084762865792129,49.02,san francisco/oakland/san jose smm food,2022-08-15,49.02,47.35925452421341 +0.31494483450351035,0.37799999999999995,0.47975708502024345,0.503264691109995,0.012794564204578461,0.5368421052631577,0.3420787083753784,46.92,seattle/tacoma smm food,2022-08-15,46.92,47.704818125540555 +0.527582748244734,0.75,0.9053643724696361,0.45755901557006534,0.010450350330496325,0.5172932330827067,0.5489404641775983,40.91,st. louis smm food,2022-08-15,40.91,42.462385184103894 +0.44884653961885657,0.706,0.5622469635627534,0.5243596182822703,0.014535708878103336,0.5669172932330824,0.784561049445005,89.43,tampa/ft. myers smm food,2022-08-15,89.43,132.59534211244545 +0.11484453360080239,0.35100000000000003,0.5202429149797574,0.5720743345052738,0.003072012347615533,0.09824561403508787,0.5459132189707366,13.32,tucson/sierra vista smm food,2022-08-15,13.32,14.24554395240974 +0.8941825476429289,0.05500000000000001,0.7378542510121461,0.7905575087895531,0.0192868178345145,0.5042606516290726,0.6301715438950555,125.43,washington dc/hagerstown smm food,2022-08-15,125.43,135.8983145945998 +0.49799398194583744,0.052000000000000005,0.841599190283401,0.748869914615771,0.002248292631158853,0.4085213032581455,0.36074672048435924,4.74,yakima/pasco/richland/kennewick smm food,2022-08-15,4.74,4.408530839080456 +0.668004012036108,0.027000000000000003,0.8127530364372477,0.551481667503767,0.05405969296711809,0.4641604010025063,0.5504540867810293,237.28000000000003,new york smm food,2022-08-15,237.28000000000003,258.8931418033279 +0.7311935807422267,0.79,0.23431174089068837,0.40833751883475644,0.025333971571545825,0.524812030075188,0.5449041372351161,74.54,rem us pacific smm food,2022-08-15,74.54,64.76624654501376 +0.43681043129388164,0.36500000000000005,0.7707489878542514,0.7965846308387745,0.0071567377517049,0.7849624060150376,0.8995963673057518,11.06,new orleans smm food,2022-08-15,11.06,17.532700514347432 +1.0,0.7300000000000001,0.47216599190283426,0.0743345052737318,0.01216047097165658,0.3458646616541351,0.615539858728557,40.77,nashville smm food,2022-08-15,40.77,50.3402324799035 +0.5205616850551654,0.8490000000000001,0.47570850202429166,0.5002511300853842,0.006333334607007041,0.19047619047619066,0.07820383451059536,16.17,mobile/pensacola smm food,2022-08-15,16.17,17.590271748194894 +0.6484453360080239,0.147,0.4078947368421056,0.5062782521346058,0.005541588638191457,0.3939849624060149,0.20938446014127143,19.76,albuquerque/santa fe smm food,2022-08-15,19.76,20.6235779720367 +0.6960882647943831,0.008,0.6442307692307696,0.6187845303867404,0.020553104869805328,0.8115288220551375,0.46165489404641774,105.03,atlanta smm food,2022-08-15,105.03,132.626662940962 +0.6780341023069208,0.215,0.43572874493927144,0.42340532395781016,0.01187555638871614,0.4471177944862158,0.4611503531786075,56.50999999999999,baltimore smm food,2022-08-15,56.50999999999999,61.789842858305164 +0.44734202607823437,0.9640000000000001,0.606781376518219,0.20542440984429935,0.0035782105899730384,0.29423558897243096,0.5020181634712412,2.6,baton rouge smm food,2022-08-15,2.6,0.5967155841725287 +0.39719157472417227,0.609,0.16143724696356285,0.28628829733802114,0.007536623862292145,0.5729323308270677,0.45408678102926336,9.9,birmingham/anniston/tuscaloosa smm food,2022-08-15,9.9,12.139423617076325 +0.3520561685055164,0.026000000000000002,0.48836032388663986,0.14917127071823205,0.021250195882732918,0.17343358395989972,0.22704339051463168,131.36,boston/manchester smm food,2022-08-15,131.36,138.7389613672234 +0.4317953861584755,0.901,0.0647773279352227,0.2877950778503265,0.005478590858185739,0.7709273182957393,0.23158425832492432,16.11,buffalo smm food,2022-08-15,16.11,17.518573644049937 +0.1755265797392175,0.7090000000000001,0.649291497975709,0.8201908588648921,0.014693678185755867,0.3924812030075189,0.3284561049445005,89.22,charlotte smm food,2022-08-15,89.22,83.36508966396364 +0.3731193580742226,0.97,0.6705465587044538,0.7262682069311904,0.03147831283853571,0.7353383458646616,0.4556004036326943,119.76000000000002,chicago smm food,2022-08-15,119.76000000000002,137.83116515326958 +0.5140421263791373,0.581,0.35323886639676144,0.4269211451531894,0.013363443655182855,0.7233082706766916,0.6377396569122099,78.42,cleveland/akron/canton smm food,2022-08-15,78.42,87.08564974111067 +0.6439317953861584,0.543,0.5895748987854253,0.57659467604219,0.0107985792652013,0.6265664160401001,0.39959636730575177,46.82,columbus oh smm food,2022-08-15,46.82,60.15825016327909 +0.365095285857573,0.859,0.2707489878542512,0.43244600703164243,0.022580113841547105,0.5097744360902254,0.8546922300706358,55.14,dallas/ft. worth smm food,2022-08-15,55.14,68.19621990567722 +0.7311935807422265,0.381,0.3026315789473687,0.6725263686589654,0.0032299816552680614,0.6927318295739348,0.5539858728557013,22.69,des moines/ames smm food,2022-08-15,22.69,20.642886386706337 +0.38966900702106316,0.06,0.4089068825910933,0.26217980914113515,0.019760409185713267,0.6180451127819547,0.6912209889001009,91.63,detroit smm food,2022-08-15,91.63,116.38502610716193 +0.420260782347041,0.781,0.5668016194331986,0.6911099949773983,0.008771886865218341,0.0691729323308267,0.8022199798183653,51.95,grand rapids smm food,2022-08-15,51.95,68.33047733437206 +0.43731193580742217,0.455,0.6179149797570851,0.5288799598191863,0.005953448496419794,0.4686716791979949,0.40060544904137235,32.78,albany/schenectady/troy smm food,2022-08-15,32.78,35.570617435888764 +0.2723169508525577,0.097,0.5010121457489883,0.37920642893018586,0.010101488252273704,0.4541353383458646,0.8012108980827447,39.88,harrisburg/lancaster smm food,2022-08-15,39.88,43.051965786170825 +0.46138415245737197,0.31600000000000006,0.6204453441295552,0.33952787543947766,0.009911545196980082,0.732832080200501,0.35418768920282545,38.82,greensboro smm food,2022-08-15,38.82,37.87679666851414 +0.2898696088264794,0.554,0.8238866396761139,0.14063284781516827,0.009722235285204108,0.2812030075187971,0.3602421796165489,47.83,minneapolis/st. paul smm food,2022-08-15,47.83,40.456787415876356 +0.5591775325977932,0.7559999999999999,0.7535425101214578,0.5087895529884481,0.009848230845215541,0.5268170426065162,0.3970736629667003,17.3,milwaukee smm food,2022-08-15,17.3,24.801901323819813 +0.6188565697091276,0.454,0.49443319838056704,0.4213962832747363,0.012287732818703306,0.9092731829573933,0.6725529767911201,101.38,miami/west palm beach smm food,2022-08-15,101.38,141.6817424159873 +0.19408224674022065,0.335,0.2970647773279354,0.5479658463083878,0.03702243405079775,0.5859649122807016,0.6866801210898082,108.03,los angeles smm food,2022-08-15,108.03,121.96057736518578 +0.39418254764292876,0.191,0.33400809716599233,0.19035660472124563,0.006586592014065208,0.807518796992481,0.5045408678102927,8.28,little rock/pine bluff smm food,2022-08-15,8.28,10.522784944735243 +0.7863590772316948,0.706,0.4205465587044538,0.10597689603214466,0.004053384799965919,0.16190476190476172,0.40766902119071646,5.16,madison wi smm food,2022-08-15,5.16,3.4508761564623427 +0.4453360080240722,0.036,0.5526315789473687,0.7634354595680564,0.006649906365829748,0.2781954887218043,0.4394550958627649,21.84,knoxville smm food,2022-08-15,21.84,25.012542827224287 +0.27883650952858574,0.629,0.8739878542510126,0.3038674033149172,0.0066185657617062995,0.29724310776942353,0.5020181634712412,35.69,kansas city smm food,2022-08-15,35.69,32.307076520515245 +0.7898696088264794,0.3600000000000001,0.822368421052632,0.3937719738824712,0.008075112424049567,0.3994987468671678,0.8188698284561049,24.73,jacksonville smm food,2022-08-15,24.73,39.775520090470714 +0.7803410230692074,0.6080000000000001,0.3709514170040486,0.9372174786539428,0.013869958469299186,0.5629072681704258,0.8007063572149344,36.52,indianapolis smm food,2022-08-15,36.52,48.789114942593386 +0.23470411233701116,0.655,0.7611336032388667,0.6298342541436465,0.02156613449803798,0.46766917293233057,0.4434914228052472,126.4,houston smm food,2022-08-15,126.4,126.56359308787663 +0.4463390170511536,0.585,0.42661943319838097,0.16574585635359118,0.010576979034025408,0.26416040100250604,0.7270433905146317,61.88999999999999,hartford/new haven smm food,2022-08-15,61.88999999999999,72.2417281631887 +0.10030090270812454,0.979,0.3507085020242918,0.14665996986438976,0.005858793540531807,0.05463659147869682,0.3032290615539859,26.08,las vegas smm food,2022-08-15,26.08,24.22577351566442 +0.501504513540622,0.501,0.640182186234818,0.42240080361627325,0.007791464128144422,0.33934837092731823,0.5287588294651867,51.92,portland or smm food,2022-08-22,51.92,41.912869123232674 +0.46288866599799405,0.48200000000000004,0.3861336032388662,0.7845303867403316,0.02359219375450329,0.48370927318295726,0.1977800201816347,82.78,rem us middle atlantic smm food,2022-08-22,82.78,86.48643551943627 +0.6048144433299896,0.40599999999999997,0.15232793522267205,0.6675037669512808,0.0717250302529427,0.2832080200501253,0.7552976791120081,234.26,rem us east north central smm food,2022-08-22,234.26,277.19126929317036 +0.22818455366098273,0.435,0.23380566801619454,0.6695128076343546,0.014472394526338795,0.5022556390977444,0.615539858728557,70.41,raleigh/durham/fayetteville smm food,2022-08-22,70.41,80.59223982986178 +0.4854563691073219,0.35100000000000003,0.5384615384615385,0.8618784530386742,0.007062082795816911,0.44060150375939844,0.7441977800201817,36.45,providence ri/new bedford ma smm food,2022-08-22,36.45,42.828521310909885 +0.5110330992978936,0.34600000000000003,0.6872469635627533,0.8432948267202411,0.007283683026992805,0.4917293233082707,0.5504540867810293,51.55,pittsburgh smm food,2022-08-22,51.55,59.32830309079413 +0.48194583751253717,0.263,0.4671052631578949,0.3415369161225515,0.008044088391684943,0.21804511278195526,0.41422805247225025,54.75,norfolk/portsmouth/newport news smm food,2022-08-22,54.75,54.57206824655775 +0.012537612838515724,0.064,0.5556680161943327,0.3324962330487193,0.02745753492972853,0.932330827067669,0.670534813319879,149.04,philadelphia smm food,2022-08-22,149.04,157.02246216754614 +0.5862587763289865,0.9880000000000001,0.3618421052631582,0.5349070818684079,0.004053384799965918,0.6200501253132829,0.3819374369323915,5.96,paducah ky/cape girardeau mo smm food,2022-08-22,5.96,6.721541078531544 +0.3896690070210632,0.24300000000000002,0.15991902834008095,0.45605223505775994,0.01453570887810334,0.5989974937343359,0.17406659939455096,70.82,orlando/daytona beach/melborne smm food,2022-08-22,70.82,88.42325615845454 +0.23971915747241723,0.481,0.06680161943319858,0.41788046207935714,0.004021727624083647,0.5804511278195486,0.32441977800201816,15.439999999999998,omaha smm food,2022-08-22,15.439999999999998,12.08127496012034 +0.3570712136409229,0.34700000000000003,0.4827935222672067,0.4881968859869413,0.005003733219951677,0.09122807017543835,0.5196770938446014,2.89,oklahoma city smm food,2022-08-22,2.89,2.5235822715474114 +0.3174523570712137,0.391,0.8299595141700409,0.30085384229030643,0.028595610402696144,0.6506265664160401,0.557013118062563,122.11999999999999,rem us mountain smm food,2022-08-22,122.11999999999999,132.56557047002016 +0.3826479438314945,0.244,0.6432186234817817,0.6981416373681568,0.014821256604561416,0.17192982456140346,0.5216952573158425,59.97,phoenix/prescott smm food,2022-08-22,59.97,74.94841570779838 +0.41374122367101307,0.496,0.2788461538461538,0.5369161225514817,0.012540673654002646,0.6185463659147868,0.41523713420787084,101.39,rem us new england smm food,2022-08-22,101.39,104.08502928778152 +0.32347041123370096,0.267,0.3294534412955467,0.24008036162732296,0.00677780135639412,0.14486215538847122,0.39656912209889,28.990000000000002,salt lake city smm food,2022-08-22,28.990000000000002,31.2521198812086 +0.727683049147442,0.6890000000000001,0.11386639676113366,0.5107985936715219,0.07403853666641903,0.5298245614035089,0.9318869828456103,230.32,rem us south atlantic smm food,2022-08-22,230.32,252.71003389003826 +0.9007021063189569,0.844,0.21305668016194335,0.4756403817177298,0.10010093985501588,0.47568922305764383,0.3920282542885974,333.57,rem us south central smm food,2022-08-22,333.57,366.6956596656938 +0.4759277833500501,0.6990000000000001,0.6098178137651824,0.538422903063787,0.03455000861439242,0.6406015037593983,0.4656912209889001,87.09,rem us west north central smm food,2022-08-22,87.09,85.30466780563575 +0.38716148445336024,0.024000000000000004,0.501012145748988,0.10848819688598701,0.006618882333465122,0.8010025062656638,0.44702320887991925,33.62,richmond/petersburg smm food,2022-08-22,33.62,38.80324733799065 +0.6253761283851552,0.231,0.3507085020242922,0.7548970366649925,0.0067778013563941225,0.45162907268170405,0.7684157416750756,25.83,sacramento/stockton/modesto smm food,2022-08-22,25.83,30.68337909018239 +0.620361083249749,0.422,0.6396761133603242,0.6639879457559016,0.006144024695231063,0.7052631578947366,0.21745711402623613,26.39,san diego smm food,2022-08-22,26.39,28.123542020300057 +0.8214643931795383,0.12,0.35526315789473717,0.7679558011049724,0.009692160968115947,0.6365914786967417,0.4717457114026236,51.72,san francisco/oakland/san jose smm food,2022-08-22,51.72,45.68020697507916 +0.2562688064192576,0.794,0.7160931174089076,0.6077348066298344,0.014061484383386927,0.31378446115288205,0.2073662966700303,38.35,seattle/tacoma smm food,2022-08-22,38.35,47.24885677585037 +0.747743229689067,0.057999999999999996,0.6381578947368426,0.5524861878453039,0.010640609957548772,0.22807017543859645,0.3385469223007064,38.97,st. louis smm food,2022-08-22,38.97,40.8021194191754 +0.14894684052156468,0.40700000000000003,0.4848178137651825,0.41938724259166255,0.014314741790445087,0.48070175438596463,0.4036326942482341,99.65,tampa/ft. myers smm food,2022-08-22,99.65,128.80399023071124 +0.31143430290872615,0.66,0.3421052631578949,0.8879959819186339,0.003008697995850992,0.3498746867167921,0.4853683148335015,12.24,tucson/sierra vista smm food,2022-08-22,12.24,16.835339503607692 +0.6935807422266801,0.669,0.3223684210526316,0.7227523857358112,0.018337735701564026,0.4982456140350876,0.6695257315842583,117.72999999999999,washington dc/hagerstown smm food,2022-08-22,117.72999999999999,135.28241747248163 +0.4127382146439318,0.7000000000000001,0.5212550607287451,0.4746358613761929,0.0018684065205716066,0.11879699248120316,0.5575176589303734,4.08,yakima/pasco/richland/kennewick smm food,2022-08-22,4.08,2.9907012335762744 +0.3289869608826477,0.538,0.6877530364372476,0.5027624309392266,0.05092753198532625,0.3167919799498748,0.24621594349142276,217.66,new york smm food,2022-08-22,217.66,255.5496607793355 +0.44583751253761283,0.08600000000000001,0.529352226720648,0.647915620291311,0.024353548834471907,0.6040100250626566,0.6831483350151363,71.95,rem us pacific smm food,2022-08-22,71.95,66.42476285629908 +0.7582748244734202,0.133,0.9564777327935227,0.6489201406328479,0.006302310574642419,0.4586466165413534,0.7578203834510595,16.5,new orleans smm food,2022-08-22,16.5,15.277022911512468 +0.5055165496489469,0.06,0.40232793522267224,0.13410346559517833,0.01146432967400545,0.6506265664160398,0.7250252270433906,41.2,nashville smm food,2022-08-22,41.2,50.98580879461225 +0.5717151454363087,0.829,0.2095141700404859,0.3345052737317931,0.005890134144655254,0.15538847117794505,0.4823410696266398,18.63,mobile/pensacola smm food,2022-08-22,18.63,18.72574698435089 +0.624373119358074,0.727,0.335526315789474,0.551481667503767,0.005415276506421198,0.7077694235588969,0.4788092835519677,18.7,albuquerque/santa fe smm food,2022-08-22,18.7,23.581096364314178 +0.48094282848545633,0.5990000000000001,0.6735829959514172,0.5143144148669011,0.02030048060626481,0.7824561403508768,0.1851664984863774,105.74,atlanta smm food,2022-08-22,105.74,130.23374915948034 +0.4774322968906721,0.7020000000000001,0.5986842105263162,0.4866901054746359,0.011306043794594092,0.347869674185464,0.39959636730575177,55.68,baltimore smm food,2022-08-22,55.68,61.39842882790168 +0.20110330992978906,0.685,0.3410931174089071,0.41185334003013563,0.0033885841064382385,0.2716791979949874,0.44853683148335016,3.5100000000000002,baton rouge smm food,2022-08-22,3.5100000000000002,0.6707943353439987 +0.4628886659979938,0.859,0.5632591093117413,0.3184329482672024,0.007695226313462321,0.5147869674185465,0.6034308779011099,12.81,birmingham/anniston/tuscaloosa smm food,2022-08-22,12.81,13.501157592197721 +0.22868605817452345,0.7250000000000001,0.5495951417004051,0.6072325464590659,0.021567400785073267,0.23609022556390974,0.42330978809283554,134.38,boston/manchester smm food,2022-08-22,134.38,142.89222034234785 +0.17652958876629907,0.319,0.3922064777327937,0.5710698141637369,0.005953448496419797,0.6771929824561403,0.31987891019172554,26.06,buffalo smm food,2022-08-22,26.06,18.933614012818822 +0.453360080240722,0.729,0.7535425101214579,0.5504771471622301,0.014219137119280634,0.5007518796992482,0.47628657921291623,74.43,charlotte smm food,2022-08-22,74.43,83.48169375631139 +0.1604814443329989,0.625,0.5005060728744942,0.5092918131592166,0.03103606209146038,0.6511278195488721,0.44298688193743696,116.00999999999999,chicago smm food,2022-08-22,116.00999999999999,135.57541391892278 +0.420260782347041,0.391,0.5106275303643728,0.6584630838774486,0.011875872960474963,0.7233082706766916,0.6089808274470232,73.05,cleveland/akron/canton smm food,2022-08-22,73.05,87.8870304250482 +0.5692076228686058,0.09799999999999999,0.4969635627530366,0.4163736815670518,0.010482324078137416,0.6621553884711778,0.2391523713420787,54.08,columbus oh smm food,2022-08-22,54.08,57.99021355754172 +0.3630892678034105,0.67,0.24342105263157915,0.5625313912606731,0.022707692260352654,0.46766917293233073,0.5418768920282543,56.95,dallas/ft. worth smm food,2022-08-22,56.95,66.908637679208 +0.8425275827482445,0.63,0.7758097165991907,0.4897036664992467,0.003230298227026884,0.6636591478696741,0.3920282542885974,23.12,des moines/ames smm food,2022-08-22,23.12,19.15700794963493 +0.7738214643931794,0.8740000000000001,0.481275303643725,0.22250125565042694,0.018399783766293278,0.5137844611528821,0.8057517658930373,96.82,detroit smm food,2022-08-22,96.82,117.3679863533376 +0.625877632898696,0.262,0.8456477732793527,0.7051732797589152,0.008202374271096295,0.3077694235588968,0.5554994954591322,56.2,grand rapids smm food,2022-08-22,56.2,67.91246744556813 +0.3149448345035105,0.9750000000000001,0.25759109311740885,0.44952285283777,0.005446933682303466,0.33533834586466155,0.5711402623612513,32.11,albany/schenectady/troy smm food,2022-08-22,32.11,35.4373319377662 +0.1845536609829489,0.5730000000000001,0.1998987854251015,0.44952285283777,0.010513348110502044,0.5343358395989974,0.8859737638748739,45.83,harrisburg/lancaster smm food,2022-08-22,45.83,44.14225579679926 +0.11735205616850541,0.22000000000000003,0.48178137651821923,0.4801607232546459,0.009342032602858036,0.5989974937343355,0.46215943491422806,31.619999999999997,greensboro smm food,2022-08-22,31.619999999999997,38.11086316589185 +0.25827482447342026,0.656,0.47823886639676155,0.14364640883977903,0.009880837736374283,0.706265664160401,0.17507568113017155,40.14,minneapolis/st. paul smm food,2022-08-22,40.14,40.52314513471517 +0.37612838515546637,0.17500000000000002,0.5607287449392716,0.7920642893018585,0.009563632834033928,0.5248120300751878,0.4434914228052472,19.42,milwaukee smm food,2022-08-22,19.42,25.955040916606343 +0.5822467402206623,0.148,0.3289473684210528,0.581115017579106,0.011369991289876286,0.7162907268170424,0.47679112008072655,112.81,miami/west palm beach smm food,2022-08-22,112.81,140.43186544214473 +0.5391173520561684,0.30800000000000005,0.6118421052631582,0.2586639879457559,0.03616895658901174,0.4230576441102754,0.5126135216952573,117.65,los angeles smm food,2022-08-22,117.65,119.42568786451889 +0.17502507522567703,0.564,0.06427125506072896,0.11049723756906078,0.006491620486418396,0.6105263157894736,0.9561049445005045,9.41,little rock/pine bluff smm food,2022-08-22,9.41,11.701751453101814 +0.5531594784353058,0.9580000000000001,0.3810728744939274,0.16373681567051734,0.0035152128099673204,0.16591478696741835,0.19979818365287588,5.14,madison wi smm food,2022-08-22,5.14,2.2176935079855014 +0.8545636910732195,0.9400000000000001,0.6751012145748991,0.3309894525364139,0.00557356238583255,0.49323308270676663,0.5191725529767911,21.12,knoxville smm food,2022-08-22,21.12,24.68760580155189 +0.3901705115346038,0.523,0.6649797570850207,0.4947262682069312,0.005859110112290631,0.13132832080200504,0.3350151362260343,36.39,kansas city smm food,2022-08-22,36.39,31.820677040126107 +0.45135406218655943,0.653,0.9185222672064781,0.5509794073329985,0.007758540665226864,0.4491228070175437,0.7729566094853684,29.430000000000003,jacksonville smm food,2022-08-22,29.430000000000003,40.14862537158081 +0.3921765295887661,0.28700000000000003,0.32034412955465585,0.6449020592667002,0.013173817171648056,0.48370927318295703,0.5494450050454087,35.76,indianapolis smm food,2022-08-22,35.76,44.49049139765735 +0.2758274824473422,0.10400000000000001,0.3674089068825912,0.8277247614264189,0.022041625279789683,0.5819548872180449,0.5565085771947528,121.93999999999998,houston smm food,2022-08-22,121.93999999999998,128.34571000639963 +0.7582748244734204,0.227,0.6806680161943325,0.13008538422903065,0.010767238661077854,0.5037593984962404,0.5686175580221998,64.99,hartford/new haven smm food,2022-08-22,64.99,72.39718757688775 +0.2261785356068206,0.665,0.328947368421053,0.07132094424912105,0.005605852705232466,0.4852130325814536,0.3612512613521695,24.0,las vegas smm food,2022-08-22,24.0,25.479223245747356 +0.6820461384152459,0.18100000000000002,0.47823886639676116,0.36413862380713213,0.007887385371067701,0.3999999999999999,0.6109989909182644,29.480000000000004,portland or smm food,2022-08-29,29.480000000000004,42.31119948294096 +0.6173520561685055,0.8890000000000001,0.4488866396761131,0.7468608739326972,0.02311955211858099,0.4496240601503758,0.582744702320888,94.9,rem us middle atlantic smm food,2022-08-29,94.9,88.81319350533305 +0.7407221664994982,0.252,0.5141700404858301,0.5419387242591663,0.07401099492340146,0.43408521303258135,0.9364278506559032,297.8,rem us east north central smm food,2022-08-29,297.8,278.68650144981433 +0.5170511534603809,0.24700000000000003,0.3901821862348181,0.8101456554495229,0.01342897400925916,0.4646616541353384,0.4515640766902119,69.36,raleigh/durham/fayetteville smm food,2022-08-29,69.36,80.67375248864934 +0.5336008024072216,0.562,0.3061740890688258,0.4746358613761929,0.006397915245806875,0.6155388471177944,0.7199798183652876,36.0,providence ri/new bedford ma smm food,2022-08-29,36.0,40.9555393658846 +0.3039117352056168,0.553,0.382591093117409,0.6323455549974888,0.007379287698157262,0.5588972431077694,0.19979818365287588,50.28,pittsburgh smm food,2022-08-29,50.28,55.87513945310199 +0.5175526579739214,0.403,0.8542510121457494,0.2586639879457559,0.009057751163435244,0.38395989974937383,0.06861755802219979,49.22,norfolk/portsmouth/newport news smm food,2022-08-29,49.22,53.111457988479486 +0.19057171514543644,0.527,0.2980769230769236,0.6901054746358615,0.027650010559092726,0.6551378446115288,0.6478304742684158,142.57,philadelphia smm food,2022-08-29,142.57,158.46099407417006 +0.7432296890672012,0.18000000000000005,0.3750000000000003,0.4460070316423908,0.003737129612902036,0.46766917293233057,0.18869828456104945,3.13,paducah ky/cape girardeau mo smm food,2022-08-29,3.13,4.472561062555243 +0.49047141424272817,0.125,0.38714574898785437,0.6911099949773983,0.014378689285727277,0.706265664160401,0.24066599394550958,66.15,orlando/daytona beach/melborne smm food,2022-08-29,66.15,90.7167203477185 +0.2948846539618856,0.375,0.3957489878542514,0.8136614766449022,0.00402204419584247,0.6275689223057641,0.30423814328960647,15.95,omaha smm food,2022-08-29,15.95,14.619501011601145 +0.31895687061183564,0.862,0.7616396761133607,0.05223505775991964,0.005858793540531805,0.4922305764411024,0.46972754793138244,3.2,oklahoma city smm food,2022-08-29,3.2,1.4446779075192069 +0.7226680040120361,0.7440000000000001,0.7778340080971663,0.28126569563033654,0.027871610790268616,0.5493734335839598,0.8375378405650857,122.82000000000001,rem us mountain smm food,2022-08-29,122.82000000000001,134.47022681909124 +0.6328986960882648,0.317,0.515182186234818,0.7101958814665997,0.013588209603946981,0.3142857142857142,0.644803229061554,62.2,phoenix/prescott smm food,2022-08-29,62.2,76.37060617439056 +0.6128385155466399,0.932,0.3137651821862348,0.5409342039176294,0.01336470994221815,0.882706766917293,0.7043390514631686,99.87,rem us new england smm food,2022-08-29,99.87,107.27157243998168 +0.5075225677031091,0.7110000000000001,0.23532388663967627,0.18734304369663488,0.00624057908167199,0.45313283208020044,0.4591321897073663,27.28,salt lake city smm food,2022-08-29,27.28,32.64607429095926 +0.7602808425275823,0.681,0.19129554655870454,0.49824208940231046,0.0755327553680622,0.40902255639097757,0.5746720484359233,229.43,rem us south atlantic smm food,2022-08-29,229.43,250.5025239274256 +0.755767301905717,0.124,0.23582995951417007,0.8297338021094928,0.10039440187544454,0.739348370927318,0.5973763874873865,345.71,rem us south central smm food,2022-08-29,345.71,370.20950222252054 +0.7678034102306919,0.664,0.7257085020242918,0.7960823706680061,0.033379959393783694,0.5734335839598995,0.46871846619576185,91.5,rem us west north central smm food,2022-08-29,91.5,86.96552945850786 +0.3655967903711134,0.7240000000000001,0.7667004048582999,0.5288799598191863,0.006619515476982767,0.38395989974937317,0.6876892028254289,35.99,richmond/petersburg smm food,2022-08-29,35.99,41.76331175503102 +0.488966900702106,0.16100000000000003,0.6032388663967619,0.6142641888498243,0.007728466348138707,0.2691729323308269,0.7780020181634713,26.84,sacramento/stockton/modesto smm food,2022-08-29,26.84,29.397034200216233 +0.6228686058174521,0.9810000000000001,0.4362348178137654,0.9824208940231041,0.006398231817565696,0.5614035087719295,0.450050454086781,29.47,san diego smm food,2022-08-29,29.47,31.02339990404824 +0.6579739217652957,0.4570000000000001,0.5668016194331988,0.8422903063787043,0.010072996793979662,0.34987468671679195,0.26185671039354186,41.9,san francisco/oakland/san jose smm food,2022-08-29,41.9,44.06805419467835 +0.560682046138415,0.7960000000000002,0.636133603238867,0.6770467101958816,0.014316008077480381,0.16040100250626554,0.09434914228052473,39.04,seattle/tacoma smm food,2022-08-29,39.04,47.01125614380332 +0.611334002006018,0.48600000000000004,0.328947368421053,0.5625313912606731,0.01067321684870751,0.5478696741854635,0.425832492431887,46.98,st. louis smm food,2022-08-29,46.98,42.14212102886084 +0.3294884653961885,0.29500000000000004,0.6801619433198385,0.39527875439477655,0.014727551363949898,0.7007518796992478,0.33198789101917253,93.44,tampa/ft. myers smm food,2022-08-29,93.44,129.35826311144737 +0.7316950852557672,0.305,0.09008097165991906,0.7001506780512307,0.003452215029961602,0.5543859649122808,0.5055499495459133,13.24,tucson/sierra vista smm food,2022-08-29,13.24,16.95483972728868 +0.5210631895687062,0.6990000000000001,0.3173076923076923,0.7774987443495731,0.018054720549176527,0.5543859649122805,0.4747729566094854,120.66,washington dc/hagerstown smm food,2022-08-29,120.66,134.32468865110428 +0.6720160481444332,0.642,0.21761133603238858,0.25113008538422904,0.0018687230923304298,0.27518796992481215,0.4313824419778002,2.73,yakima/pasco/richland/kennewick smm food,2022-08-29,2.73,1.6845792505542647 +0.30441323971915724,0.020000000000000004,0.6103238866396767,0.44198895027624313,0.05219951731227588,0.4791979949874687,0.1796165489404641,212.87,new york smm food,2022-08-29,212.87,255.16986531354775 +0.6344032096288865,0.08800000000000002,0.7140688259109316,0.9201406328478152,0.02318476590089848,0.7734335839598995,0.5933400605449042,59.56,rem us pacific smm food,2022-08-29,59.56,68.25061257537726 +0.59679037111334,0.282,0.8886639676113366,0.5806127574083376,0.006524543949335957,0.2611528822055138,0.6104944500504541,11.82,new orleans smm food,2022-08-29,11.82,13.210726802465125 +0.4954864593781344,0.381,0.6912955465587047,0.1737820190858865,0.012921826051625186,0.6877192982456136,0.79313824419778,41.79,nashville smm food,2022-08-29,41.79,52.23548409899673 +0.6559679037111334,0.962,0.2651821862348179,0.49723756906077354,0.006365624926406958,0.40551378446115305,0.7588294651866802,15.96,mobile/pensacola smm food,2022-08-29,15.96,22.33647130437818 +0.5782347041123368,0.661,0.25151821862348206,0.46308387744851837,0.005637193309355914,0.3689223057644109,0.4808274470232089,19.07,albuquerque/santa fe smm food,2022-08-29,19.07,21.910370459673416 +0.44282848545636905,0.18600000000000003,0.6538461538461542,0.15620291310899048,0.021157440357397868,0.7934837092731827,0.3617558022199798,103.54,atlanta smm food,2022-08-29,103.54,129.09492975440088 +0.5631895687061185,0.20600000000000002,0.7231781376518222,0.5575087895529885,0.010737164343989691,0.4897243107769426,0.1856710393541877,55.29,baltimore smm food,2022-08-29,55.29,60.91279116129587 +0.2031093279839516,0.9279999999999999,0.3304655870445346,0.37418382722250126,0.003452215029961602,0.31879699248120297,0.8234106962663976,2.44,baton rouge smm food,2022-08-29,2.44,2.891298087016878 +0.4368104312938815,0.55,0.8557692307692312,0.6263184329482673,0.006904430059923204,0.2290726817042608,0.6226034308779012,10.52,birmingham/anniston/tuscaloosa smm food,2022-08-29,10.52,14.371054681224685 +0.26629889669007006,0.17,0.9802631578947373,0.5037669512807634,0.021158073500915506,0.6972431077694234,0.649848637739657,131.96,boston/manchester smm food,2022-08-29,131.96,145.0509593621433 +0.3590772316950854,0.8740000000000001,0.65587044534413,0.38925163234555504,0.006333651178765867,0.7072681704260652,0.42330978809283554,24.46,buffalo smm food,2022-08-29,24.46,19.360238529581537 +0.6399197592778333,0.521,0.7145748987854256,0.6860873932697138,0.01396714599925776,0.8025062656641605,0.7805247225025227,70.37,charlotte smm food,2022-08-29,70.37,87.11044086366533 +0.2612838515546639,0.281,0.29048582995951433,0.2903063787041688,0.028759594573766308,0.3037593984962405,0.5560040363269425,132.04,chicago smm food,2022-08-29,132.04,133.46169467118165 +0.5441323971915746,0.589,0.31174089068825933,0.6825715720743346,0.01184516549986916,0.4365914786967417,0.5005045408678103,88.81,cleveland/akron/canton smm food,2022-08-29,88.81,86.68137318293867 +0.4092276830491474,0.5780000000000001,0.36336032388663975,0.7338021094927173,0.010546588145178427,0.7739348370927317,0.36528758829465185,58.57,columbus oh smm food,2022-08-29,58.57,60.76739875479305 +0.3360080240722169,0.32400000000000007,0.4347165991902837,0.3199397287795078,0.023089794373251663,0.14235588972431074,0.3864783047426842,57.20000000000001,dallas/ft. worth smm food,2022-08-29,57.20000000000001,63.577566870815474 +0.6163490471414241,0.257,0.7267206477732797,0.6418884982420895,0.0033255863264325188,0.23208020050125308,0.5625630676084763,20.38,des moines/ames smm food,2022-08-29,20.38,19.11442031988338 +0.8956870611835506,0.9410000000000001,0.5587044534412959,0.1441486690105475,0.018084794866264686,0.4350877192982455,0.9798183652875883,129.1,detroit smm food,2022-08-29,129.1,117.92130493015755 +0.7146439317953861,0.7719999999999999,0.7191295546558708,0.3561024610748368,0.008329636118143023,0.6817042606516287,0.30272452068617556,86.27,grand rapids smm food,2022-08-29,86.27,65.93159046449067 +0.08525576730190572,0.925,0.37550607287449395,0.6604721245605224,0.005700824232879275,0.6065162907268169,0.29364278506559033,31.260000000000005,albany/schenectady/troy smm food,2022-08-29,31.260000000000005,35.57836187650361 +0.2733199598796389,0.319,0.27783400809716635,0.7247614264188851,0.0104193262981317,0.6340852130325813,0.7098890010090817,43.6,harrisburg/lancaster smm food,2022-08-29,43.6,45.071220089449994 +0.2993981945837511,0.389,0.28744939271255104,0.6675037669512808,0.009153039262840883,0.5754385964912277,0.7013118062563067,31.789999999999996,greensboro smm food,2022-08-29,31.789999999999996,40.73261222604963 +0.2457372116349047,0.036,0.44888663967611375,0.56353591160221,0.010324987914002538,0.7919799498746868,0.6422805247225025,41.05,minneapolis/st. paul smm food,2022-08-29,41.05,45.63635759994951 +0.06369107321965897,0.8029999999999999,0.7019230769230773,0.5047714716223004,0.009659554076957209,0.08471177944862153,0.7780020181634713,24.79,milwaukee smm food,2022-08-29,24.79,24.75553103247656 +0.3179538615847546,0.53,0.5177125506072877,0.3972877950778504,0.011751143687498822,0.38646616541353374,0.3567103935418769,110.42,miami/west palm beach smm food,2022-08-29,110.42,137.56766818857145 +0.5130391173520561,0.658,0.46862348178137675,0.5374183827222502,0.034242300864816756,0.5528822055137842,0.5817356205852674,114.04,los angeles smm food,2022-08-29,114.04,121.58393113628189 +0.4924774322968906,0.326,0.2160931174089072,0.3154193872425917,0.00636562492640696,0.25313283208020054,0.7406659939455096,8.76,little rock/pine bluff smm food,2022-08-29,8.76,11.013982776614561 +0.4528585757271813,0.028999999999999998,0.815283400809717,0.28478151682571573,0.0031989576229034377,0.37644110275689197,0.11150353178607467,5.15,madison wi smm food,2022-08-29,5.15,2.6741519944647223 +0.4889669007021062,0.259,0.7535425101214579,0.4555499748869915,0.005384252474056572,0.35438596491228047,0.5151362260343088,20.88,knoxville smm food,2022-08-29,20.88,24.0444843658507 +0.22517552657973922,0.97,0.3896761133603241,0.5670517327975892,0.005574828672867842,0.39248120300751876,0.574167507568113,35.07,kansas city smm food,2022-08-29,35.07,34.152852627244805 +0.47743229689067174,0.743,0.5698380566801621,0.509794073329985,0.00725265899462818,0.6731829573934835,0.7820383451059536,28.26,jacksonville smm food,2022-08-29,28.26,40.460406169842706 +0.12637913741223653,0.341,0.2338056680161943,0.5439477649422402,0.013080111931036536,0.5989974937343355,0.1649848637739657,44.79,indianapolis smm food,2022-08-29,44.79,41.557923336312285 +0.258776328986961,0.39300000000000007,0.40890688259109326,0.44801607232546464,0.021663955171514197,0.6802005012531326,0.4611503531786075,127.89,houston smm food,2022-08-29,127.89,126.00090873676265 +0.7457372116349048,0.9970000000000001,0.5409919028340086,0.2290306378704169,0.009596872868710311,0.7568922305764407,0.35267406659939454,65.86,hartford/new haven smm food,2022-08-29,65.86,72.58145065385791 +0.5260782347041124,0.342,0.2869433198380571,0.49171270718232046,0.005511197749344477,0.5824561403508771,0.15035317860746722,23.69,las vegas smm food,2022-08-29,23.69,27.276411232720754 +0.4954864593781347,0.639,0.18522267206477722,0.5278754394776495,0.005765404871679107,0.24160401002506257,0.8107971745711403,32.45,portland or smm food,2022-09-05,32.45,43.33963164876051 +0.8159478435305918,0.071,0.20495951417004013,0.6373681567051733,0.015329670849230682,0.6175438596491227,0.5797174571140262,90.03,rem us middle atlantic smm food,2022-09-05,90.03,87.39622437906137 +0.5100300902708121,0.9880000000000001,0.6513157894736844,0.6569563033651432,0.050578669907103635,0.6165413533834585,0.6044399596367306,298.88,rem us east north central smm food,2022-09-05,298.88,274.7281524823878 +0.4102306920762285,0.9990000000000001,0.7079959514170046,0.7398292315419388,0.008742445691647829,0.07518796992481211,0.40817356205852673,65.5,raleigh/durham/fayetteville smm food,2022-09-05,65.5,78.51812965686365 +0.33249749247743227,0.095,0.2287449392712549,0.3992968357609242,0.003928022383472129,0.6967418546365914,0.743188698284561,40.72,providence ri/new bedford ma smm food,2022-09-05,40.72,39.9641767404129 +0.6223671013039117,0.477,0.48785425101214586,0.32044198895027626,0.004909394835822515,0.455639097744361,0.2401614530776993,56.47,pittsburgh smm food,2022-09-05,56.47,54.21579738106184 +0.856068204613841,0.11399999999999999,0.8800607287449398,0.57659467604219,0.006239312794636699,0.38295739348370966,0.30272452068617556,49.62,norfolk/portsmouth/newport news smm food,2022-09-05,49.62,56.33445197822529 +0.3640922768304916,0.213,0.5445344129554662,0.9879457559015571,0.02030301318033538,0.6902255639097744,0.5181634712411706,151.89,philadelphia smm food,2022-09-05,151.89,158.7836203350315 +0.573721163490471,0.268,0.5880566801619437,0.12757408337518836,0.002755440588792827,0.47869674185463634,0.2739656912209889,7.88,paducah ky/cape girardeau mo smm food,2022-09-05,7.88,2.92770470554197 +0.7121364092276831,0.068,0.8178137651821865,0.7026619789050729,0.009597189440469136,0.6220551378446116,0.3385469223007064,84.61,orlando/daytona beach/melborne smm food,2022-09-05,84.61,91.02193871775557 +0.34403209628886655,0.6320000000000001,0.3825910931174093,0.5901557006529383,0.0026288118852637442,0.7418546365914783,0.4374369323915237,12.01,omaha smm food,2022-09-05,12.01,14.462178476794335 +0.6549648946840522,0.07900000000000001,0.8841093117408911,0.5092918131592166,0.004528875581717619,0.5092731829573931,0.334510595358224,2.67,oklahoma city smm food,2022-09-05,2.67,3.4158334451388015 +0.8981945837512538,0.641,0.47570850202429166,0.4148669010547464,0.019068699892685653,0.35789473684210527,0.7199798183652876,123.48999999999998,rem us mountain smm food,2022-09-05,123.48999999999998,132.78300593803291 +0.757271815446339,0.20299999999999999,0.4134615384615386,0.5072827724761427,0.008236564021049147,0.23659147869674185,0.6034308779011099,67.72,phoenix/prescott smm food,2022-09-05,67.72,74.06806451930244 +0.7331995987963892,0.7350000000000001,0.4271255060728746,0.581115017579106,0.009121382086958606,0.5268170426065162,0.7709384460141272,94.74,rem us new england smm food,2022-09-05,94.74,106.36715878940046 +0.7146439317953861,0.917,0.6801619433198385,0.40883977900552493,0.0047837158475699006,0.7353383458646615,0.08476286579212916,29.76,salt lake city smm food,2022-09-05,29.76,33.125149762115484 +0.7973921765295885,0.561,0.5323886639676116,0.2611752887995982,0.05377794410176589,0.0977443609022558,0.5020181634712412,215.63,rem us south atlantic smm food,2022-09-05,215.63,244.91342153441343 +0.4443329989969909,0.917,0.20040485829959515,0.8920140632847816,0.07214670383569455,0.6877192982456136,0.522199798183653,384.02,rem us south central smm food,2022-09-05,384.02,365.8215422187922 +0.7582748244734201,0.777,0.7292510121457494,0.586639879457559,0.023688431569185393,0.11729323308270657,0.6301715438950555,85.04,rem us west north central smm food,2022-09-05,85.04,83.96455486317548 +0.45837512537612857,0.879,0.6138663967611337,0.7252636865896535,0.0042129369664125615,0.388972431077694,0.5020181634712412,38.38,richmond/petersburg smm food,2022-09-05,38.38,41.62175224814943 +0.7191574724172515,0.8380000000000001,0.852732793522268,0.5509794073329985,0.005701457376396925,0.32481203007518783,0.7452068617558022,25.38,sacramento/stockton/modesto smm food,2022-09-05,25.38,29.580488016348973 +0.2131394182547641,0.729,0.5819838056680166,0.8407835258663989,0.00402331048287776,0.1724310776942354,0.7643794147325933,24.65,san diego smm food,2022-09-05,24.65,29.785000410320926 +0.5566700100300901,0.258,0.4514170040485834,0.6464088397790055,0.007095955974010941,0.6120300751879698,0.6917255297679112,42.29,san francisco/oakland/san jose smm food,2022-09-05,42.29,45.49876430036883 +0.9633901705115342,0.10800000000000001,0.4913967611336037,0.8869914615770971,0.009439220132816607,0.3774436090225562,0.12462159434914229,41.17,seattle/tacoma smm food,2022-09-05,41.17,48.63874808208524 +0.1489468405215645,0.07800000000000001,0.2828947368421056,0.658965344048217,0.00696837755520539,0.9177944862155388,0.5877901109989909,51.7,st. louis smm food,2022-09-05,51.7,43.26910707622507 +0.6479438314944833,0.21200000000000002,0.6088056680161947,0.4314414866901055,0.010009049298697474,0.526817042606516,0.7441977800201817,131.88,tampa/ft. myers smm food,2022-09-05,131.88,131.19998810113375 +0.5707121364092277,0.719,0.08653846153846158,0.6564540431943747,0.0022489257746764993,0.6165413533834586,0.6649848637739657,13.52,tucson/sierra vista smm food,2022-09-05,13.52,17.572621808513013 +0.42678034102306933,0.9410000000000001,0.758603238866397,0.8950276243093923,0.013335585340406462,0.9167919799498745,0.3481331987891019,118.43999999999998,washington dc/hagerstown smm food,2022-09-05,118.43999999999998,134.94536061618777 +0.750752256770311,0.877,0.36082995951417,0.4751381215469614,0.0012988939264495603,0.2922305764411029,0.5847628657921292,3.9300000000000006,yakima/pasco/richland/kennewick smm food,2022-09-05,3.9300000000000006,4.1554997186684375 +0.6023069207622865,0.8560000000000001,0.552631578947369,0.7659467604218986,0.037790437137701624,0.869172932330827,0.5751765893037336,223.46,new york smm food,2022-09-05,223.46,259.34377495340243 +0.7286860581745235,0.8630000000000001,0.6589068825910934,0.47312908086388755,0.01628033584097528,0.5393483709273181,0.2053481331987891,64.25,rem us pacific smm food,2022-09-05,64.25,62.229017479265174 +0.5050150451354062,0.9500000000000001,0.4509109311740893,0.545956805625314,0.00519430941876295,0.3849624060150376,0.3768920282542886,19.88,new orleans smm food,2022-09-05,19.88,11.744045342423398 +0.5511534603811434,0.43200000000000005,0.8729757085020248,0.2546459065796083,0.009628530044592583,0.2681704260651626,0.4591321897073663,43.7,nashville smm food,2022-09-05,43.7,49.22798916446113 +0.8565697091273822,0.259,0.32439271255060736,0.3525866398794576,0.004750475812893515,0.8621553884711779,0.6165489404641776,23.31,mobile/pensacola smm food,2022-09-05,23.31,21.91545594324289 +0.6845536609829487,0.986,0.19483805668016213,0.3586137619286791,0.004022044195842471,0.3809523809523808,0.1311806256306761,18.86,albuquerque/santa fe smm food,2022-09-05,18.86,19.389240177641867 +0.454864593781344,0.801,0.5931174089068829,0.3962832747363135,0.015172334685095804,0.6837092731829572,0.5766902119071645,101.43,atlanta smm food,2022-09-05,101.43,130.8001280675734 +0.5310932798395187,0.541,0.6163967611336035,0.45303867403314924,0.007443551765198265,0.8726817042606516,0.4803229061553986,57.06,baltimore smm food,2022-09-05,57.06,62.780329299376945 +0.6088264794383147,0.11299999999999999,0.5976720647773281,0.2988448016072326,0.002438868829970122,0.4656641604010024,0.594853683148335,3.56,baton rouge smm food,2022-09-05,3.56,1.9097084532982933 +0.49749247743229663,0.397,0.5764170040485833,0.3581115017579106,0.005194309418762949,0.23809523809523828,0.7870837537840565,13.7,birmingham/anniston/tuscaloosa smm food,2022-09-05,13.7,13.435923297022477 +0.5832497492477431,0.359,0.5268218623481784,0.3279758915118031,0.013969678573328337,0.9413533834586465,0.5595358224016146,138.78,boston/manchester smm food,2022-09-05,138.78,143.604465974165 +0.645937813440321,0.875,0.7444331983805671,0.07785032646911101,0.004180330075253825,0.7849624060150374,0.4919273461150353,24.05,buffalo smm food,2022-09-05,24.05,18.444987670050082 +0.6980942828485455,0.29700000000000004,0.6811740890688263,0.9100954294324461,0.009692160968115947,0.9403508771929825,0.6357214934409687,69.04,charlotte smm food,2022-09-05,69.04,87.3519281304115 +0.32798395185556656,0.18200000000000002,0.2753036437246965,0.43797086891009546,0.01884804937678623,0.16541353383458643,0.5978809283551968,128.32,chicago smm food,2022-09-05,128.32,132.78267115457274 +0.6474423269809427,0.251,0.3922064777327938,0.5047714716223004,0.008393267041666382,0.5082706766917292,0.8577194752774975,95.79,cleveland/akron/canton smm food,2022-09-05,95.79,87.53420565371296 +0.6449348044132396,0.895,0.36639676113360337,0.8608739326971372,0.006968377555205388,0.5734335839598996,0.748234106962664,61.28,columbus oh smm food,2022-09-05,61.28,63.13073113498126 +0.45386158475426314,0.15100000000000002,0.5662955465587048,0.4942240080361628,0.016692828842721257,0.2937343358395989,0.5438950554994955,60.650000000000006,dallas/ft. worth smm food,2022-09-05,60.650000000000006,65.25237560148399 +0.4087261785356067,0.7330000000000001,0.5222672064777331,0.5037669512807634,0.0025021831817346623,0.19649122807017538,0.4253279515640767,19.45,des moines/ames smm food,2022-09-05,19.45,17.052027162241657 +0.8324974924774321,0.21200000000000002,0.17105263157894746,0.5308890005022602,0.013809176691605229,0.4240601503759398,0.7093844601412714,125.93,detroit smm food,2022-09-05,125.93,117.25379144751864 +0.7703109327983951,0.5519999999999999,0.4984817813765184,0.29784028126569567,0.005827769508167181,0.4576441102756888,0.3420787083753784,79.71,grand rapids smm food,2022-09-05,79.71,64.63685559352145 +0.28435305917753256,0.35700000000000004,0.68168016194332,0.44751381215469616,0.00437090627406509,0.613533834586466,0.07820383451059536,30.83,albany/schenectady/troy smm food,2022-09-05,30.83,33.20113983064512 +0.30942828485456375,0.35600000000000004,0.5136639676113365,0.5173279758915118,0.007031375335211108,0.287719298245614,0.5237134207870837,46.11,harrisburg/lancaster smm food,2022-09-05,46.11,41.47695873640666 +0.4062186559679036,0.502,0.24493927125506113,0.7513812154696133,0.006809458532276394,0.5869674185463657,0.772452068617558,31.02,greensboro smm food,2022-09-05,31.02,41.5352313737904 +0.44684052156469406,0.9500000000000001,0.6371457489878547,0.7950778503264692,0.007316606489910368,0.8100250626566416,0.8213925327951564,44.99,minneapolis/st. paul smm food,2022-09-05,44.99,48.504847621865984 +0.27231695085255764,0.057999999999999996,0.7434210526315794,0.32194876946258166,0.006778117928152944,0.4746867167919799,0.8037336024217961,25.25,milwaukee smm food,2022-09-05,25.25,24.688037930388994 +0.2081243731193584,0.9420000000000001,0.43319838056680177,0.3977900552486188,0.008489188284589666,0.36641604010025053,0.5610494450050454,147.87,miami/west palm beach smm food,2022-09-05,147.87,138.1894236755512 +0.2046138415245737,0.376,0.41548582995951444,0.6675037669512808,0.02439280373256592,0.3508771929824559,0.7790110998990918,107.08,los angeles smm food,2022-09-05,107.08,120.78347432199637 +0.615346038114343,0.025,0.5946356275303649,0.5454545454545455,0.004370906274065093,0.5573934837092731,0.7078708375378405,9.59,little rock/pine bluff smm food,2022-09-05,9.59,13.098350359148291 +0.7286860581745233,0.9910000000000001,0.6670040485829963,0.2692114515318935,0.0023438973023233107,0.6290726817042603,0.23007063572149344,5.28,madison wi smm food,2022-09-05,5.28,4.747927370456239 +0.04463390170511525,0.09799999999999999,0.5197368421052634,0.4565544952285284,0.0037691033605431294,0.5288220551378443,0.27547931382441976,23.09,knoxville smm food,2022-09-05,23.09,22.016909853563725 +0.32748244734202603,0.577,0.28087044534412975,0.2325464590657961,0.003801393679943046,0.5884711779448621,0.3693239152371342,33.43,kansas city smm food,2022-09-05,33.43,31.33043245131156 +0.4022066198595785,0.08000000000000002,0.21811740890688255,0.24861878453038683,0.005036023539351597,0.76390977443609,0.7901109989909183,43.45,jacksonville smm food,2022-09-05,43.45,38.33444650367361 +0.34102306920762265,0.49900000000000005,0.45799595141700417,0.6393771973882472,0.009216986758123064,0.34686716791979927,0.05600403632694248,46.84,indianapolis smm food,2022-09-05,46.84,40.7160428286893 +0.3229689067201606,0.23199999999999998,0.38360323886639686,0.06077348066298343,0.014444219639803578,0.5929824561403506,0.44803229061553984,130.92,houston smm food,2022-09-05,130.92,122.43897896982662 +0.6549648946840522,0.067,0.5475708502024297,0.5133098945253642,0.006683462972264955,0.8882205513784457,0.6806256306760847,68.92,hartford/new haven smm food,2022-09-05,68.92,75.52828402358139 +0.8139418254764293,0.47000000000000003,0.35172064777327977,0.7232546459065797,0.004560849329358715,0.37042606516290727,0.1236125126135217,26.34,las vegas smm food,2022-09-05,26.34,28.235294617476193 +0.17201604814443353,0.859,0.29048582995951416,0.754394776494224,0.0017104372129190751,0.4651629072681703,0.384460141271443,37.08,portland or smm food,2022-09-12,37.08,41.91449379777388 +0.5205616850551655,0.8880000000000001,0.28441295546558676,0.32446007031642393,0.004053701371724742,0.5984962406015036,0.26387487386478303,79.8,rem us middle atlantic smm food,2022-09-12,79.8,82.0630530592974 +0.1554663991975925,0.128,0.3092105263157895,0.6157709693621296,0.013490705502229593,0.6481203007518795,0.2658930373360242,240.57999999999998,rem us east north central smm food,2022-09-12,240.57999999999998,266.2119278318552 +0.5672016048144431,0.22999999999999998,0.5662955465587048,0.5715720743345053,0.002565497533499202,0.17142857142857149,0.44248234106962664,84.3,raleigh/durham/fayetteville smm food,2022-09-12,84.3,77.00178473253172 +0.41775325977933797,0.637,0.5607287449392713,0.7664490205926671,0.0009186912441034918,0.49523809523809526,0.8415741675075681,47.61,providence ri/new bedford ma smm food,2022-09-12,47.61,42.18401702987273 +0.8711133400200599,0.657,0.5819838056680164,0.5580110497237569,0.0013618917064552784,0.6401002506265665,0.28254288597376387,57.81,pittsburgh smm food,2022-09-12,57.81,56.44835338825836 +0.4167502507522564,0.738,0.44635627530364386,0.5007533902561527,0.0014885204099843606,0.32781954887218084,0.3158425832492432,56.230000000000004,norfolk/portsmouth/newport news smm food,2022-09-12,56.230000000000004,54.42918213783625 +0.1865596790371115,0.542,0.4843117408906889,0.7408337518834757,0.005796112332284911,0.8335839598997493,0.6271442986881938,157.21,philadelphia smm food,2022-09-12,157.21,156.22220914567333 +0.3896690070210628,0.43,0.8785425101214579,0.5349070818684079,0.0008550603205801272,0.9192982456140347,0.24268415741675076,5.9,paducah ky/cape girardeau mo smm food,2022-09-12,5.9,6.120250775829263 +0.3605817452357071,0.16200000000000003,0.8942307692307696,0.6268206931190358,0.002850412116439639,0.6771929824561403,0.49495459132189706,68.78,orlando/daytona beach/melborne smm food,2022-09-12,68.78,90.21946186933516 +0.1579739217652959,0.506,0.5192307692307697,0.40833751883475644,0.000601802913521962,0.6746867167919797,0.7240161453077699,11.97,omaha smm food,2022-09-12,11.97,14.303553625106503 +0.4699097291875628,0.03,0.5404858299595146,0.5474635861376194,0.0010453199476325704,0.5037593984962403,0.22351160443995963,4.4,oklahoma city smm food,2022-09-12,4.4,1.9434016848602624 +0.4824473420260783,0.9590000000000001,0.29301619433198384,0.767453540934204,0.005257307198768663,0.36040100250626567,0.5343087790110999,124.27,rem us mountain smm food,2022-09-12,124.27,131.13274654072427 +0.5747241725175526,0.9130000000000001,0.5394736842105267,0.1582119537920643,0.002027325543500605,0.08872180451127817,0.8002018163471242,73.57,phoenix/prescott smm food,2022-09-12,73.57,71.97921267706253 +0.28385155466399203,0.036,0.3233805668016195,0.7177297840281266,0.0023435807305644857,0.31578947368421045,0.7330978809283552,108.12,rem us new england smm food,2022-09-12,108.12,104.18758090861738 +0.6890672016048144,0.39199999999999996,0.8198380566801623,0.6564540431943747,0.0014888369817431832,0.37543859649122807,0.4445005045408678,28.160000000000004,salt lake city smm food,2022-09-12,28.160000000000004,34.848993398224195 +0.4503510531594782,0.256,0.5809716599190287,0.2290306378704169,0.01482125660456142,0.16591478696741868,0.6347124117053481,233.99000000000004,rem us south atlantic smm food,2022-09-12,233.99000000000004,239.53710172184293 +0.5100300902708123,0.29900000000000004,0.30668016194331993,0.8377699648417881,0.021027329364521733,0.5408521303258143,0.35973763874873865,389.86,rem us south central smm food,2022-09-12,389.86,356.8093136903842 +0.366098294884654,0.7839999999999999,0.4433198380566804,0.40482169763937725,0.006934504377011361,0.5117794486215537,0.6801210898082745,90.01,rem us west north central smm food,2022-09-12,90.01,81.25189241372105 +0.4563691073219661,0.884,0.48380566801619446,0.28176795580110503,0.0012352630029261954,0.8446115288220548,0.2941473259334006,36.0,richmond/petersburg smm food,2022-09-12,36.0,38.789446968204196 +0.6599799398194581,0.97,0.7864372469635637,0.6067302862882974,0.0014885204099843632,0.47418546365914765,0.8597376387487387,25.44,sacramento/stockton/modesto smm food,2022-09-12,25.44,30.354818639387254 +0.4889669007021061,0.266,0.7980769230769235,0.38774485183324964,0.0011719486511616534,0.23258145363408503,0.5060544904137235,26.77,san diego smm food,2022-09-12,26.77,25.856713154658145 +0.7958876629889667,0.42800000000000005,0.4210526315789478,0.7428427925665495,0.002153954247029687,0.819548872180451,0.6029263370332997,39.0,san francisco/oakland/san jose smm food,2022-09-12,39.0,45.9419761474569 +0.6268806419257771,0.05,0.6366396761133609,0.8232044198895029,0.0025654975334992057,0.6786967418546365,0.5358224016145308,45.0,seattle/tacoma smm food,2022-09-12,45.0,50.122342191678015 +0.4438314944834501,0.07500000000000001,0.245445344129555,0.6680060271220493,0.0016787800370368063,0.9238095238095236,0.851664984863774,46.76,st. louis smm food,2022-09-12,46.76,44.59116805706299 +0.4949849548645937,0.7050000000000001,0.35323886639676144,0.5991963837267705,0.002502183181734663,0.5358395989974934,0.8410696266397578,92.25,tampa/ft. myers smm food,2022-09-12,92.25,131.5105056161689 +0.20812437311935808,0.925,0.1513157894736843,0.5956805625313913,0.0004751742099928811,0.4380952380952381,0.37235116044399597,15.07,tucson/sierra vista smm food,2022-09-12,15.07,14.257672667295815 +0.4919759277833502,0.8340000000000001,0.7520242914979759,0.8267202410848821,0.004338932526423999,0.4656641604010024,0.6538849646821393,144.07,washington dc/hagerstown smm food,2022-09-12,144.07,133.71836749059494 +0.8650952858575728,0.559,0.6654858299595142,0.7343043696634858,0.00028523115469925747,0.14536340852130342,0.6629667003027245,3.7799999999999994,yakima/pasco/richland/kennewick smm food,2022-09-12,3.7799999999999994,5.7242067468841356 +0.38014042126379105,0.22799999999999998,0.4023279352226725,0.6976393771973883,0.010896399938677517,0.8877192982456139,0.670534813319879,254.51999999999998,new york smm food,2022-09-12,254.51999999999998,255.02551152986678 +0.3931795386158476,0.82,0.4367408906882593,0.3470617780010046,0.00449690183407654,0.3323308270676691,0.10595358224016145,64.99,rem us pacific smm food,2022-09-12,64.99,57.91783258161043 +0.7211634904714141,0.42000000000000004,0.501518218623482,0.6720241084881969,0.0018050921688070667,0.23508771929824562,0.281029263370333,9.64,new orleans smm food,2022-09-12,9.64,11.115282190108424 +0.4959879638916751,0.07700000000000001,0.7327935222672068,0.3485685585133099,0.002755440588792827,0.3729323308270673,0.5146316851664985,43.39,nashville smm food,2022-09-12,43.39,49.102734038068554 +0.8194583751253762,0.7580000000000001,0.3385627530364373,0.14716223003515821,0.0014882038382255367,0.7117794486215538,0.3501513622603431,17.84,mobile/pensacola smm food,2022-09-12,17.84,18.44883959200253 +0.9724172517552657,0.82,0.4316801619433201,0.5539929683576093,0.0010450033758737502,0.6325814536340849,0.2330978809283552,18.96,albuquerque/santa fe smm food,2022-09-12,18.96,22.005575554302226 +0.224172517552658,0.502,0.5551619433198384,0.582119537920643,0.004687478032887805,0.5443609022556388,0.4283551967709385,112.47000000000001,atlanta smm food,2022-09-12,112.47000000000001,128.55178530206487 +0.4964894684052158,0.317,0.2419028340080973,0.3907584128578604,0.0021219804993885885,0.5709273182957394,0.7124117053481333,58.19,baltimore smm food,2022-09-12,58.19,61.69593661575061 +0.8490471414242724,0.661,0.6872469635627534,0.2496233048719237,0.0004118598582283396,0.7829573934837092,0.2598385469223007,2.93,baton rouge smm food,2022-09-12,2.93,1.0921095797421714 +0.5305917753259777,0.442,0.42408906882591113,0.4892014063284782,0.0016468062893957131,0.4611528822055138,0.58627648839556,11.48,birmingham/anniston/tuscaloosa smm food,2022-09-12,11.48,13.19727004892976 +0.7582748244734201,0.8410000000000001,0.2413967611336034,0.7845303867403316,0.004149306042889197,0.5719298245614034,0.6624621594349143,167.04,boston/manchester smm food,2022-09-12,167.04,144.62955097134073 +0.6078234704112339,0.5740000000000001,0.8881578947368425,0.44299347061778005,0.0009816890241092103,0.794486215538847,0.6513622603430878,16.16,buffalo smm food,2022-09-12,16.16,20.92342828778375 +0.4137412236710129,0.08800000000000002,0.524291497975709,0.6780512305374184,0.0031353266993800737,0.888721804511278,0.3900100908173562,90.2,charlotte smm food,2022-09-12,90.2,82.8510749604543 +0.41624874623871605,0.662,0.2661943319838058,0.6700150678051231,0.0051316282105160526,0.11979949874686716,0.6089808274470232,115.03999999999999,chicago smm food,2022-09-12,115.03999999999999,132.46743561219387 +0.646940822467402,0.488,0.7914979757085027,0.5680562531391261,0.001995351795859508,0.4576441102756891,0.5842583249243188,83.99,cleveland/akron/canton smm food,2022-09-12,83.99,85.60711051623504 +0.5295887662988966,0.8800000000000001,0.17004048582995954,0.8161727774987444,0.0017737515646836161,0.4275689223057643,0.6261352169525731,54.07,columbus oh smm food,2022-09-12,54.07,60.665918936745385 +0.7026078234704116,0.916,0.21811740890688283,0.7880462079357108,0.00500436636346933,0.45664160401002496,0.5645812310797175,62.13,dallas/ft. worth smm food,2022-09-12,62.13,66.4698110647252 +0.5030090270812435,0.647,0.42257085020242935,0.45153189352084383,0.0006651172652865031,0.4436090225563909,0.19576185671039353,19.26,des moines/ames smm food,2022-09-12,19.26,15.985849092894895 +0.45285857572718147,0.727,0.35678137651821884,0.5123053741838273,0.0040853585476070126,0.36491228070175435,0.4929364278506559,99.78,detroit smm food,2022-09-12,99.78,114.06053517763512 +0.6609829488465396,0.9480000000000001,0.5900809716599191,0.3872425916624812,0.0017417778170425238,0.4616541353383455,0.6347124117053481,51.84,grand rapids smm food,2022-09-12,51.84,66.33846420695588 +0.700100300902708,0.47000000000000003,0.7849190283400813,0.6177800100452034,0.0012985773546907355,0.38696741854636585,0.36680121089808276,34.48,albany/schenectady/troy smm food,2022-09-12,34.48,35.52232098671277 +0.600802407221665,0.455,0.6852226720647778,0.605223505775992,0.0022169520270354055,0.35839598997493727,0.39253279515640765,47.54,harrisburg/lancaster smm food,2022-09-12,47.54,41.39722371269568 +0.45235707121364077,0.37000000000000005,0.28238866396761175,0.6614766449020594,0.002090006751747502,0.49323308270676663,0.6377396569122099,38.46,greensboro smm food,2022-09-12,38.46,39.3242942752287 +0.6875626880641924,0.472,0.3851214574898788,0.7649422400803617,0.001963694619977244,0.6596491228070175,0.7265388496468214,51.68,minneapolis/st. paul smm food,2022-09-12,51.68,46.59028359667453 +0.5641925777331995,0.131,0.571356275303644,0.4349573078854847,0.0018370659164481601,0.6486215538847118,0.565590312815338,18.62,milwaukee smm food,2022-09-12,18.62,24.213480930346016 +0.5952858575727185,0.8,0.5192307692307695,0.4354595680562532,0.002438868829970122,0.40651629072681694,0.6811301715438951,103.86,miami/west palm beach smm food,2022-09-12,103.86,139.00542012697156 +0.11384152457372115,0.27599999999999997,0.40637651821862375,0.6202913108990458,0.007443551765198276,0.2847117794486213,0.8173562058526741,115.82000000000001,los angeles smm food,2022-09-12,115.82000000000001,117.94217891326309 +0.26128385155466394,0.5910000000000001,0.6816801619433204,0.48166750376695133,0.0012669201788084678,0.6781954887218045,0.644803229061554,9.69,little rock/pine bluff smm food,2022-09-12,9.69,12.029752007629206 +0.5626880641925776,0.762,0.25101214574898806,0.16775489703666502,0.0007600887929333159,0.3804511278195486,0.5403632694248234,6.03,madison wi smm food,2022-09-12,6.03,4.336324268422089 +0.05065195586760272,0.5910000000000001,0.2985829959514172,0.09342039176293321,0.0007600887929333155,0.5378446115288217,0.15388496468213925,21.57,knoxville smm food,2022-09-12,21.57,18.941148636289306 +0.5135406218655968,0.534,0.2834008097165993,0.44751381215469616,0.001045319947632573,0.3333333333333333,0.27547931382441976,31.54,kansas city smm food,2022-09-12,31.54,31.131364265998066 +0.4744232698094281,0.6360000000000001,0.23582995951417,0.44851833249623313,0.001520177585866631,0.5969924812030074,0.3980827447023209,27.95,jacksonville smm food,2022-09-12,27.95,36.58418009600907 +0.437311935807422,0.119,0.6983805668016196,0.7322953289804119,0.0026921262370282846,0.3814536340852128,0.2694248234106963,35.97,indianapolis smm food,2022-09-12,35.97,41.804632534034056 +0.48294884653961895,0.671,0.22722672064777333,0.09442491210447013,0.004465877801711907,0.7684210526315786,0.25782038345105956,140.87,houston smm food,2022-09-12,140.87,121.04264677183002 +0.7743229689067204,0.16200000000000003,0.3046558704453444,0.5419387242591663,0.0022802663787999462,0.7844611528822052,0.718970736629667,80.45,hartford/new haven smm food,2022-09-12,80.45,75.06823864762804 +0.8816449348044134,0.646,0.2231781376518222,0.7287795077850328,0.0010769771235148435,0.243609022556391,0.4041372351160444,28.18,las vegas smm food,2022-09-12,28.18,29.125323041669084 +0.1414242728184556,0.736,0.4645748987854251,0.7764942240080362,0.0,0.7759398496240599,0.26387487386478303,34.13,portland or smm food,2022-09-19,34.13,42.061923990482065 +0.5912738214643931,0.8490000000000001,0.39372469635627505,0.5278754394776495,0.0,0.8526315789473682,0.27699293642785067,79.34,rem us middle atlantic smm food,2022-09-19,79.34,83.6862682854759 +0.39117352056168475,0.45,0.3927125506072876,0.5027624309392266,0.0,0.37393483709273173,0.28607467204843595,230.68,rem us east north central smm food,2022-09-19,230.68,263.5271466689044 +0.5010030090270811,0.004,0.22115384615384637,0.47815168257157215,0.0,0.41403508771929826,0.38092835519677093,76.26,raleigh/durham/fayetteville smm food,2022-09-19,76.26,76.07504026419738 +0.3891675025075226,0.07800000000000001,0.8157894736842106,0.7855349070818685,0.0,0.42706766917293243,0.6281533804238143,43.68,providence ri/new bedford ma smm food,2022-09-19,43.68,40.56565942086434 +0.9408224674022064,0.251,0.47216599190283415,0.6067302862882974,0.0,0.7172932330827068,0.3355196770938446,49.22,pittsburgh smm food,2022-09-19,49.22,56.94295212969444 +0.36359077231695053,0.215,0.44838056680161953,0.36012054244098446,0.0,0.22105263157894778,0.1099899091826438,55.17,norfolk/portsmouth/newport news smm food,2022-09-19,55.17,51.56206770564917 +0.3024072216649951,0.8140000000000001,0.2469635627530369,0.5911602209944752,0.0,0.6576441102756891,0.8622603430877901,153.26,philadelphia smm food,2022-09-19,153.26,155.54145283994694 +0.14543630892678,0.238,0.5966599190283405,0.7533902561526872,0.0,0.7649122807017541,0.4843592330978809,4.53,paducah ky/cape girardeau mo smm food,2022-09-19,4.53,7.50549206958992 +0.3455366098294884,0.651,0.8314777327935227,0.5429432446007032,0.0,0.4586466165413534,0.512108980827447,58.18,orlando/daytona beach/melborne smm food,2022-09-19,58.18,88.92382916207592 +0.39969909729187564,0.439,0.5566801619433203,0.6715218483174284,0.0,0.35689223057644087,0.9359233097880928,11.64,omaha smm food,2022-09-19,11.64,16.364261484262514 +0.40822467402206636,0.30400000000000005,0.3304655870445346,0.07584128578603717,0.0,0.6937343358395985,0.29011099899091825,3.9800000000000004,oklahoma city smm food,2022-09-19,3.9800000000000004,-0.0338273503697053 +0.36910732196589774,0.66,0.34615384615384626,0.7744851833249624,0.0,0.6225563909774435,0.3617558022199798,126.58000000000001,rem us mountain smm food,2022-09-19,126.58000000000001,129.9501070883273 +0.5155466399197592,0.12,0.5495951417004052,0.4831742842792567,0.0,0.27568922305764404,0.6720484359233098,67.09,phoenix/prescott smm food,2022-09-19,67.09,72.93131741743541 +0.4207622868605818,0.012000000000000002,0.2535425101214575,0.5484681064791562,0.0,0.39699248120300745,0.805247225025227,107.99,rem us new england smm food,2022-09-19,107.99,103.73263418302739 +0.8896690070210632,0.19900000000000004,0.5551619433198383,0.5981918633852336,0.0,0.3719298245614035,0.6745711402623612,20.08,salt lake city smm food,2022-09-19,20.08,35.71177806494839 +0.3054162487462385,0.7110000000000001,0.5247975708502027,0.5961828227021597,0.0,0.49323308270676697,0.3340060544904137,215.08,rem us south atlantic smm food,2022-09-19,215.08,238.75883865545015 +0.33350050150451344,0.7860000000000001,0.6948380566801622,0.8422903063787043,0.0,0.45513784461152856,0.7653884964682139,410.27,rem us south central smm food,2022-09-19,410.27,356.1287734438897 +0.44734202607823476,0.837,0.40283400809716624,0.36514314414866905,0.0,0.9829573934837089,0.7260343087790111,77.07,rem us west north central smm food,2022-09-19,77.07,81.90867820477169 +0.23370110330993005,0.4,0.7019230769230772,0.4771471622300353,0.0,0.7047619047619045,0.2875882946518668,34.82,richmond/petersburg smm food,2022-09-19,34.82,38.801274629395145 +0.2978936810431292,0.8039999999999999,0.7661943319838066,0.634856855851331,0.0,0.36390977443609007,0.7633703329969728,24.71,sacramento/stockton/modesto smm food,2022-09-19,24.71,28.714138703251173 +0.4889669007021061,0.41300000000000003,0.6568825910931176,0.4902059266700151,0.0,0.4591478696741852,0.1841574167507568,23.46,san diego smm food,2022-09-19,23.46,25.096533898488012 +0.609829488465396,0.128,0.8658906882591101,0.6634856855851332,0.0,0.8651629072681701,0.3768920282542886,41.01,san francisco/oakland/san jose smm food,2022-09-19,41.01,43.83843173289648 +0.5827482447342024,0.984,0.7980769230769238,0.3576092415871422,0.0,0.7809523809523807,0.8784056508577195,42.63,seattle/tacoma smm food,2022-09-19,42.63,49.85419468032005 +0.5295887662988965,0.219,0.5738866396761139,0.5831240582621798,0.0,0.7749373433583959,0.984359233097881,41.99,st. louis smm food,2022-09-19,41.99,44.58668427839433 +0.29087261785356067,0.35800000000000004,0.7039473684210532,0.6012054244098444,0.0,0.6676691729323305,0.6387487386478304,85.97,tampa/ft. myers smm food,2022-09-19,85.97,130.11886164050597 +0.5867602808425276,0.675,0.5546558704453444,0.24912104470115523,0.0,0.4365914786967419,0.3491422805247225,12.4,tucson/sierra vista smm food,2022-09-19,12.4,12.828802778896026 +0.36659979939819476,0.095,0.5156882591093118,0.587644399799096,0.0,0.051629072681704254,0.4651866801210898,138.59,washington dc/hagerstown smm food,2022-09-19,138.59,128.66917569005614 +0.43530591775325983,0.9670000000000001,0.7049595141700407,0.6167754897036666,0.0,0.20501253132832098,0.3032290615539859,3.76,yakima/pasco/richland/kennewick smm food,2022-09-19,3.76,2.608092677967761 +0.3309929789368102,0.271,0.5764170040485835,0.5585133098945254,0.0,0.9533834586466166,0.19071644803229057,247.61999999999998,new york smm food,2022-09-19,247.61999999999998,250.16279176507504 +0.5436308926780341,0.82,0.5440283400809719,0.7780010045203416,0.0,0.5614035087719297,0.12764883955600403,59.55,rem us pacific smm food,2022-09-19,59.55,60.903032054368516 +0.6364092276830492,0.28900000000000003,0.8724696356275309,0.4892014063284782,0.0,0.20551378446115293,0.22351160443995963,9.9,new orleans smm food,2022-09-19,9.9,9.414088050685983 +0.571715145436309,0.76,0.5835020242914982,0.21396283274736316,0.0,0.5413533834586461,0.8698284561049445,41.52,nashville smm food,2022-09-19,41.52,50.87487907798239 +0.5290872617853561,0.8640000000000001,0.2985829959514171,0.2134605725765947,0.0,0.6646616541353385,0.14682139253279516,15.41,mobile/pensacola smm food,2022-09-19,15.41,16.835770596925897 +0.49598796389167493,0.9910000000000001,0.30870445344129577,0.4158714213962833,0.0,0.5062656641604008,0.21695257315842584,19.46,albuquerque/santa fe smm food,2022-09-19,19.46,19.79342750307687 +0.5977933801404212,0.6230000000000001,0.5323886639676116,0.4414866901054747,0.0,0.34185463659147847,0.3229061553985873,106.1,atlanta smm food,2022-09-19,106.1,126.51377067947871 +0.5045135406218657,0.657,0.016194331983805675,0.4309392265193371,0.0,0.342857142857143,0.6220988900100908,60.84,baltimore smm food,2022-09-19,60.84,60.43106589252764 +0.7783350050150447,0.08700000000000001,0.6199392712550611,0.4158714213962833,0.0,0.77593984962406,0.5766902119071645,1.6,baton rouge smm food,2022-09-19,1.6,3.375727217437074 +0.5912738214643929,0.543,0.669534412955466,0.6398794575590157,0.0,0.5854636591478697,0.5625630676084763,9.71,birmingham/anniston/tuscaloosa smm food,2022-09-19,9.71,14.373020286467359 +0.7071213640922767,0.301,0.4777327935222675,0.743345052737318,0.0,0.12531328320802002,0.6548940464177598,145.96,boston/manchester smm food,2022-09-19,145.96,142.19246805708065 +0.41775325977933814,0.926,0.8866396761133609,0.665494726268207,0.0,0.47167919799498736,0.6160443995963674,15.790000000000001,buffalo smm food,2022-09-19,15.790000000000001,20.700315719570696 +0.5045135406218655,0.246,0.39473684210526344,0.44751381215469616,0.0,0.4701754385964912,0.4732593340060545,80.4,charlotte smm food,2022-09-19,80.4,80.42206076987874 +0.42126379137412223,0.361,0.02429149797570852,0.6579608237066801,0.0,0.2020050125313283,0.3082744702320888,112.06,chicago smm food,2022-09-19,112.06,129.91004705671565 +0.20762286860581736,0.10400000000000001,0.8178137651821868,0.32094424912104474,0.0,0.27067669172932324,0.36074672048435924,68.98,cleveland/akron/canton smm food,2022-09-19,68.98,81.14411899381996 +0.1288866599799398,0.869,0.22925101214574908,0.7468608739326972,0.0,0.6721804511278194,0.5615539858728557,51.71,columbus oh smm food,2022-09-19,51.71,59.76583025494482 +0.5381143430290876,0.20299999999999999,0.2565789473684213,0.6323455549974888,0.0,0.48170426065162897,0.4883955600403633,58.16,dallas/ft. worth smm food,2022-09-19,58.16,63.92986696507944 +0.7001003009027079,0.9890000000000001,0.4509109311740893,0.7207433450527374,0.0,0.5112781954887217,0.4667003027245207,17.91,des moines/ames smm food,2022-09-19,17.91,19.716701940367756 +0.13891675025075223,0.34700000000000003,0.5409919028340084,0.5640381717729784,0.0,0.45413533834586467,0.4873864783047427,98.35,detroit smm food,2022-09-19,98.35,113.43921189591462 +0.6780341023069206,0.5599999999999999,0.6250000000000001,0.431943746860874,0.0,0.6185463659147865,0.6271442986881938,53.77,grand rapids smm food,2022-09-19,53.77,66.66132329162342 +0.6950852557673018,0.8250000000000001,0.4301619433198382,0.4686087393269714,0.0,0.4932330827067668,0.6256306760847629,34.78,albany/schenectady/troy smm food,2022-09-19,34.78,36.25381710173599 +0.6725175526579741,0.29500000000000004,0.5030364372469639,0.8779507785032648,0.0,0.38245614035087705,0.6326942482341069,47.12,harrisburg/lancaster smm food,2022-09-19,47.12,44.04703793914261 +0.39167502507522556,0.746,0.2373481781376522,0.29181315921647416,0.0,0.7067669172932327,0.513622603430878,37.05,greensboro smm food,2022-09-19,37.05,36.901063808809575 +0.40571715145436293,0.066,0.3724696356275306,0.5293822199899548,0.0,0.5423558897243108,0.7522704339051464,40.48,minneapolis/st. paul smm food,2022-09-19,40.48,44.086198958166726 +0.8074222668004012,0.388,0.5425101214574901,0.5359116022099448,0.0,0.41403508771929814,0.3213925327951564,20.56,milwaukee smm food,2022-09-19,20.56,22.898372411331714 +0.5456369107321969,0.505,0.5217611336032391,0.16122551481667505,0.0,0.22005012531328316,0.6200807265388496,95.09,miami/west palm beach smm food,2022-09-19,95.09,135.94360880862038 +0.46238716148445336,0.21600000000000003,0.4711538461538463,0.5369161225514817,0.0,0.31378446115288194,0.6846619576185671,109.13,los angeles smm food,2022-09-19,109.13,116.33099018563937 +0.11334002006018054,0.562,0.5996963562753042,0.22702159718734308,0.0,0.7213032581453633,0.41422805247225025,10.38,little rock/pine bluff smm food,2022-09-19,10.38,8.88115542783212 +0.4628886659979938,0.020000000000000004,0.24898785425101236,0.21546961325966854,0.0,0.576441102756892,0.7815338042381433,6.79,madison wi smm food,2022-09-19,6.79,5.9958888717192735 +0.304914744232698,0.002,0.5237854251012148,0.2099447513812155,0.0,0.4165413533834583,0.26538849646821394,25.34,knoxville smm food,2022-09-19,25.34,20.060373004645648 +0.30641925777331996,0.252,0.5465587044534416,0.5188347564038173,0.0,0.1448621553884712,0.5141271442986882,30.39,kansas city smm food,2022-09-19,30.39,31.876743774851057 +0.5456369107321964,0.191,0.42712550607287453,0.3947764942240081,0.0,0.5869674185463658,0.3299697275479314,26.19,jacksonville smm food,2022-09-19,26.19,35.6663312471785 +0.4117352056168504,0.0030000000000000005,0.7742914979757086,0.8965344048216978,0.0,0.5107769423558896,0.6417759838546923,38.52,indianapolis smm food,2022-09-19,38.52,44.87383975351929 +0.5391173520561686,0.35100000000000003,0.3102226720647774,0.41938724259166255,0.0,0.7639097744360899,0.5126135216952573,145.85,houston smm food,2022-09-19,145.85,123.73308562519733 +0.8610832497492479,0.5599999999999999,0.04655870445344132,0.3992968357609242,0.0,0.795488721804511,0.34561049445005043,76.63,hartford/new haven smm food,2022-09-19,76.63,71.97285951902154 +0.6093279839518557,0.481,0.21659919028340116,0.6735308890005023,0.0,0.23208020050125316,0.39152371342078707,26.13,las vegas smm food,2022-09-19,26.13,28.014587990217684 +0.1730190571715148,0.462,0.24949392712550597,0.7217478653942743,0.0,0.6997493734335838,0.4228052472250252,34.55,portland or smm food,2022-09-26,34.55,42.228312264061806 +0.5406218655967904,0.397,0.41497975708502005,0.8357609241587143,0.0,0.5218045112781954,0.6109989909182644,76.85,rem us middle atlantic smm food,2022-09-26,76.85,86.07955376748554 +0.3605817452357068,0.447,0.7727732793522271,0.32446007031642393,0.0,0.44360902255639095,0.42936427850655906,247.79999999999998,rem us east north central smm food,2022-09-26,247.79999999999998,263.7316258087093 +0.23721163490471395,0.752,0.16396761133603258,0.5198392767453541,0.0,0.7959899749373434,0.6170534813319879,60.35,raleigh/durham/fayetteville smm food,2022-09-26,60.35,78.73580413897592 +0.14142427281845535,0.016,0.6138663967611337,0.696132596685083,0.0,0.5057644110275689,0.3728557013118063,43.55,providence ri/new bedford ma smm food,2022-09-26,43.55,38.2536199992284 +0.9327983951855566,0.783,0.1923076923076923,0.2802611752887996,0.0,0.6100250626566417,0.5338042381432896,46.36,pittsburgh smm food,2022-09-26,46.36,55.95285207951239 +0.4944834503510528,0.3600000000000001,0.6093117408906884,0.3425414364640884,0.0,0.36290726817042646,0.07114026236125126,47.55,norfolk/portsmouth/newport news smm food,2022-09-26,47.55,52.058741985341214 +0.38716148445336024,0.8970000000000001,0.4979757085020249,0.6012054244098444,0.0,0.4957393483709273,0.6004036326942482,135.14,philadelphia smm food,2022-09-26,135.14,153.91315280975573 +0.22166499498495448,0.493,0.4777327935222675,0.5595178302360624,0.0,0.6035087719298242,0.5903128153380424,6.14,paducah ky/cape girardeau mo smm food,2022-09-26,6.14,6.682312487017242 +0.6860581745235707,0.167,0.5268218623481783,0.28478151682571573,0.0,0.2731829573934838,0.6442986881937437,66.79,orlando/daytona beach/melborne smm food,2022-09-26,66.79,87.79549515072677 +0.4724172517552657,0.9670000000000001,0.13967611336032412,0.7634354595680564,0.0,0.5864661654135335,0.5716448032290615,11.62,omaha smm food,2022-09-26,11.62,15.601637684447681 +0.7843530591775327,0.001,0.29453441295546573,0.3154193872425917,0.0,0.35388471177944825,0.4772956609485368,3.72,oklahoma city smm food,2022-09-26,3.72,1.8349755692889147 +0.5551654964894683,0.2,0.22722672064777333,0.7800100452034154,0.0,0.5929824561403508,0.5050454086781029,125.46000000000001,rem us mountain smm food,2022-09-26,125.46000000000001,130.7452011229052 +0.5506519558676027,0.1,0.2550607287449394,0.4173782019085887,0.0,0.500250626566416,0.6175580221997982,75.15,phoenix/prescott smm food,2022-09-26,75.15,72.80377252236134 +0.4759277833500502,0.798,0.6568825910931176,0.2887995981918634,0.0,0.3528822055137844,0.908678102926337,110.46,rem us new england smm food,2022-09-26,110.46,103.41014026376818 +0.5702106318956871,0.555,0.43522267206477755,0.7157207433450528,0.0,0.606516290726817,0.4243188698284561,28.2,salt lake city smm food,2022-09-26,28.2,35.22004489099548 +0.608324974924774,0.527,0.7393724696356279,0.7654445002511302,0.0,0.42957393483709283,0.1574167507568113,210.58,rem us south atlantic smm food,2022-09-26,210.58,239.05804580931766 +0.3625877632898695,0.223,0.6300607287449396,0.8980411853340031,0.0,0.35889724310776916,0.8082744702320888,415.53,rem us south central smm food,2022-09-26,415.53,356.14707949459375 +0.8074222668004012,0.808,0.7196356275303648,0.48618784530386744,0.0,0.827568922305764,0.9328960645812311,82.7,rem us west north central smm food,2022-09-26,82.7,84.0989420884375 +0.3084252758274827,0.059,0.9423076923076926,0.9598191863385235,0.0,0.4210526315789471,0.48335015136226034,37.32,richmond/petersburg smm food,2022-09-26,37.32,41.93389894226562 +0.30641925777331974,0.9820000000000001,0.8567813765182196,0.6880964339527876,0.0,0.569924812030075,0.5141271442986882,26.42,sacramento/stockton/modesto smm food,2022-09-26,26.42,28.36428689161952 +0.35757271815446323,0.9740000000000001,0.24190283400809726,0.5976896032144652,0.0,0.6395989974937342,0.3385469223007064,27.29,san diego smm food,2022-09-26,27.29,26.952612927698475 +0.38816449348044113,0.213,0.6295546558704459,0.630336514314415,0.0,0.9213032581453634,0.4535822401614531,40.14,san francisco/oakland/san jose smm food,2022-09-26,40.14,43.79267851591554 +0.7788365095285855,0.48600000000000004,0.8815789473684219,0.42290306378704173,0.0,0.8175438596491226,0.6886982845610494,43.4,seattle/tacoma smm food,2022-09-26,43.4,49.38938531025532 +0.38114343029087244,0.40900000000000003,0.4276315789473688,0.6383726770467103,0.0,0.512781954887218,0.8632694248234107,38.58,st. louis smm food,2022-09-26,38.58,43.141187145950596 +0.35205616850551646,0.743,0.5440283400809721,0.5791059768960322,0.0,0.6711779448621551,0.3773965691220989,92.27,tampa/ft. myers smm food,2022-09-26,92.27,128.67142596882775 +0.5566700100300903,0.219,0.5764170040485832,0.5484681064791562,0.0,0.4035087719298246,0.33148335015136227,14.46,tucson/sierra vista smm food,2022-09-26,14.46,14.090033068657583 +0.46489468405215656,0.20099999999999998,0.340080971659919,0.7207433450527374,0.0,0.49273182957393474,0.31180625630676084,132.64,washington dc/hagerstown smm food,2022-09-26,132.64,130.01372330467163 +0.48746238716148454,0.38,0.5146761133603239,0.4686087393269714,0.0,0.19649122807017563,0.467204843592331,2.75,yakima/pasco/richland/kennewick smm food,2022-09-26,2.75,2.382972177686966 +0.37261785356068183,0.668,0.6169028340080978,0.4907081868407836,0.0,0.7538847117794486,0.43743693239152365,260.65,new york smm food,2022-09-26,260.65,250.86423915338332 +0.5857572718154463,0.418,0.7677125506072879,0.8407835258663989,0.0,0.4681704260651628,0.25731584258324924,58.94,rem us pacific smm food,2022-09-26,58.94,61.74577140567907 +0.39518555667001,0.387,0.6816801619433203,0.18131592164741336,0.0,0.5969924812030075,0.18668012108980828,8.96,new orleans smm food,2022-09-26,8.96,8.176992788583057 +0.24222668004012043,0.45599999999999996,0.8097165991902838,0.1978905072827725,0.0,0.664661654135338,0.4127144298688194,48.74,nashville smm food,2022-09-26,48.74,47.964239804637096 +0.28786359077231705,0.9500000000000001,0.6720647773279356,0.3510798593671522,0.0,0.48320802005012553,0.4783047426841574,14.960000000000003,mobile/pensacola smm food,2022-09-26,14.960000000000003,18.848085897784173 +0.14844533600802395,0.592,0.1624493927125508,0.21195379206428933,0.0,0.6661654135338344,0.39606458123107974,21.41,albuquerque/santa fe smm food,2022-09-26,21.41,19.30597575250121 +0.47442326980942817,0.534,0.8026315789473689,0.5334003013561025,0.0,0.18546365914786944,0.5676084762865792,117.87000000000002,atlanta smm food,2022-09-26,117.87000000000002,127.89168804626911 +0.4247743229689069,0.531,0.2120445344129556,0.634856855851331,0.0,0.48721804511278216,0.43037336024217965,63.620000000000005,baltimore smm food,2022-09-26,63.620000000000005,60.86272808537964 +0.6489468405215644,0.6910000000000001,0.5263157894736844,0.7900552486187846,0.0,0.8355889724310777,0.8647830474268415,1.98,baton rouge smm food,2022-09-26,1.98,7.378526815515315 +0.4794383149448342,0.325,0.912955465587045,0.5565042692114516,0.0,0.30526315789473696,0.9253279515640767,9.26,birmingham/anniston/tuscaloosa smm food,2022-09-26,9.26,14.99142050989898 +0.7537612838515545,0.383,0.38360323886639697,0.36614766449020597,0.0,0.18646616541353378,0.48234106962663975,157.5,boston/manchester smm food,2022-09-26,157.5,139.28079441919976 +0.1935807422266802,0.373,0.8375506072874499,0.7177297840281266,0.0,0.156390977443609,0.4318869828456105,17.25,buffalo smm food,2022-09-26,17.25,18.297042203329823 +0.4954864593781343,0.5900000000000001,0.1644736842105265,0.6880964339527876,0.0,0.13433583959899756,0.7103935418768921,69.61,charlotte smm food,2022-09-26,69.61,82.13744296060734 +0.6258776328986959,0.561,0.4084008097165993,0.2802611752887996,0.0,0.5408521303258145,0.624117053481332,113.36999999999999,chicago smm food,2022-09-26,113.36999999999999,131.29434558388 +0.49297893681043115,0.537,0.7965587044534419,0.29532898041185335,0.0,0.6541353383458646,0.2759838546922301,73.72,cleveland/akron/canton smm food,2022-09-26,73.72,82.35621695482854 +0.3781344032096288,0.23199999999999998,0.37651821862348195,0.5404319437468609,0.0,0.47819548872180445,0.665489404641776,56.01,columbus oh smm food,2022-09-26,56.01,58.79620860052532 +0.6845536609829491,0.145,0.649291497975709,0.3967855349070819,0.0,0.5077694235588971,0.3360242179616549,62.330000000000005,dallas/ft. worth smm food,2022-09-26,62.330000000000005,62.23570351342755 +0.5255767301905715,0.683,0.44129554655870473,0.6408839779005525,0.0,0.5408521303258145,0.5565085771947528,17.11,des moines/ames smm food,2022-09-26,17.11,19.43321338302505 +0.1559679037111334,0.6320000000000001,0.4382591093117411,0.6850828729281768,0.0,0.6115288220551377,0.6715438950554995,111.04,detroit smm food,2022-09-26,111.04,115.78407524623833 +0.7803410230692076,0.953,0.3213562753036437,0.6228026117528881,0.0,0.371428571428571,0.417255297679112,53.48,grand rapids smm food,2022-09-26,53.48,65.94001070230168 +0.3706118355065195,0.13799999999999998,0.5106275303643727,0.1712707182320442,0.0,0.33182957393483703,0.7563067608476287,34.21,albany/schenectady/troy smm food,2022-09-26,34.21,33.99968546567676 +0.40220661985957884,0.225,0.4701417004048587,0.5002511300853842,0.0,0.28070175438596484,0.7593340060544904,39.34,harrisburg/lancaster smm food,2022-09-26,39.34,41.800636931722764 +0.17953861584754252,0.373,0.24240890688259148,0.20341536916122555,0.0,0.4997493734335836,0.4399596367305752,31.180000000000003,greensboro smm food,2022-09-26,31.180000000000003,34.80438702604709 +0.41023069207622864,0.052000000000000005,0.5035425101214578,0.3134103465595179,0.0,0.8240601503759399,0.6649848637739657,38.38,minneapolis/st. paul smm food,2022-09-26,38.38,43.29702641812573 +0.5170511534603811,0.33,0.6543522267206481,0.7639377197388247,0.0,0.2741854636591478,0.5560040363269425,19.51,milwaukee smm food,2022-09-26,19.51,24.68776612414444 +0.22868605817452392,0.8380000000000001,0.5976720647773281,0.48216976393771976,0.0,0.42957393483709266,0.582744702320888,111.66,miami/west palm beach smm food,2022-09-26,111.66,137.88544198690238 +0.6168505516549648,0.731,0.5622469635627533,0.5690607734806631,0.0,0.20802005012531308,0.7704339051463168,115.05999999999999,los angeles smm food,2022-09-26,115.05999999999999,117.23570842029203 +0.1283851554663992,0.125,0.4706477732793527,0.1210447011551984,0.0,0.9278195488721803,0.6922300706357215,9.19,little rock/pine bluff smm food,2022-09-26,9.19,10.268810776564457 +0.3204613841524572,0.909,0.4013157894736845,0.6353591160220995,0.0,0.8150375939849621,0.6059535822401615,6.51,madison wi smm food,2022-09-26,6.51,8.387736705679814 +0.6609829488465394,0.11699999999999999,0.4068825910931176,0.27724761426418887,0.0,0.39749373433583934,0.3476286579212916,26.36,knoxville smm food,2022-09-26,26.36,21.438484145202644 +0.5692076228686058,0.9359999999999999,0.6816801619433202,0.1511803114013059,0.0,0.23208020050125314,0.30474268415741673,30.720000000000002,kansas city smm food,2022-09-26,30.720000000000002,29.66535753584302 +0.17502507522567684,0.8710000000000001,0.5339068825910932,0.544952285283777,0.0,0.6952380952380951,0.7169525731584259,25.24,jacksonville smm food,2022-09-26,25.24,38.865554509841154 +0.4408224674022064,0.886,0.499493927125506,0.8658965344048217,0.0,0.752380952380952,0.7674066599394551,39.19,indianapolis smm food,2022-09-26,39.19,46.46365904995467 +0.6158475426278838,0.49100000000000005,0.20192307692307696,0.7297840281265696,0.0,0.3243107769423557,0.8183652875882946,150.89,houston smm food,2022-09-26,150.89,126.04742251963498 +0.5857572718154466,0.621,0.46609311740890735,0.3415369161225515,0.0,0.6786967418546362,0.3990918264379415,79.63,hartford/new haven smm food,2022-09-26,79.63,71.41569728659807 +0.4608826479438316,0.31800000000000006,0.3193319838056684,0.2737317930688097,0.0,0.7328320802005012,0.15893037336024218,25.26,las vegas smm food,2022-09-26,25.26,25.66809355435651 +0.6108324974924774,0.518,0.06427125506072869,0.24108488196885988,0.0,0.6155388471177946,0.3299697275479314,51.4,pittsburgh smm food,2022-10-03,51.4,53.82745945482511 +0.39919759277833466,0.028000000000000004,0.7834008097165995,0.4947262682069312,0.0,0.3203007518796992,0.38143289606458125,293.95,rem us east north central smm food,2022-10-03,293.95,263.92397463655834 +0.5100300902708123,0.031,0.5045546558704457,0.3611250627825214,0.0,0.983458646616541,0.8324924318869829,68.49,raleigh/durham/fayetteville smm food,2022-10-03,68.49,79.98454056164293 +0.4192577733199598,0.313,0.4433198380566801,0.5138121546961326,0.0,0.5984962406015037,0.3753784056508577,46.41,providence ri/new bedford ma smm food,2022-10-03,46.41,38.007894312424135 +0.13791374122367125,0.68,0.5612348178137653,0.6283274736313411,0.0,0.3303258145363408,0.2865792129162462,35.16,portland or smm food,2022-10-03,35.16,39.99293063016564 +0.3861584754262788,0.337,0.5182186234817816,0.14113510798593673,0.0,0.5654135338345864,0.5383451059535822,84.41,phoenix/prescott smm food,2022-10-03,84.41,70.96097949003709 +0.36960882647943805,0.9279999999999999,0.47064777327935275,0.5168257157207434,0.0,0.6571428571428573,0.7230070635721494,271.4,new york smm food,2022-10-03,271.4,252.39501272037097 +0.4032096288866596,0.543,0.7272267206477737,0.7096936212958314,0.0,0.4451127819548869,0.5191725529767911,5.25,paducah ky/cape girardeau mo smm food,2022-10-03,5.25,7.1172580780767305 +0.7086258776328985,0.145,0.5612348178137654,0.48267202410848825,0.0,0.41353383458646625,0.5625630676084763,80.83,orlando/daytona beach/melborne smm food,2022-10-03,80.83,88.93770786885395 +0.6424272818455365,0.978,0.5683198380566806,0.5344048216976395,0.0,0.5248120300751876,0.44298688193743696,12.58,omaha smm food,2022-10-03,12.58,13.903800882298682 +0.5707121364092279,0.007000000000000001,0.35020242914979777,0.7207433450527374,0.0,0.5724310776942352,0.5388496468213926,9.17,oklahoma city smm food,2022-10-03,9.17,4.869356218878238 +0.3505516549648943,0.391,0.5738866396761135,0.044198895027624314,0.0,0.7759398496240604,0.09889001009081735,53.67,norfolk/portsmouth/newport news smm food,2022-10-03,53.67,51.54303941501631 +0.42326980942828485,0.6240000000000001,0.37297570850202405,0.7805123053741839,0.0,0.337844611528822,0.9399596367305751,81.32,rem us middle atlantic smm food,2022-10-03,81.32,86.98367813891514 +0.2507522567703111,0.04500000000000001,0.7044534412955473,0.46358613761928685,0.0,0.34837092731829583,0.2573158425832493,146.47,philadelphia smm food,2022-10-03,146.47,150.18565943412818 +0.40270812437311937,0.654,0.25657894736842113,0.5474635861376194,0.0,0.45964912280701753,0.43340060544904135,131.44,rem us mountain smm food,2022-10-03,131.44,128.5598424586256 +0.7196589769307922,0.42800000000000005,0.46052631578947445,0.7815168257157208,0.0,0.8040100250626564,0.487891019172553,25.03,sacramento/stockton/modesto smm food,2022-10-03,25.03,29.66253863842625 +0.48345035105315953,0.853,0.6513157894736846,0.7930688096433953,0.0,0.631578947368421,0.384460141271443,58.32999999999999,rem us pacific smm food,2022-10-03,58.32999999999999,62.674929198060475 +0.47241725175526555,0.9500000000000001,0.829453441295547,0.5469613259668509,0.0,0.12832080200501267,0.4127144298688194,225.07,rem us south atlantic smm food,2022-10-03,225.07,238.37799785202645 +0.6143430290872617,0.6480000000000001,0.4048582995951418,0.49221496735308895,0.0,0.2471177944862153,0.6382441977800202,341.81,rem us south central smm food,2022-10-03,341.81,352.9713220556105 +0.47041123370110327,0.15200000000000002,0.6538461538461541,0.4796584630838775,0.0,0.4025062656641601,0.781029263370333,85.82,rem us west north central smm food,2022-10-03,85.82,80.96066908813899 +0.3094282848545639,0.011000000000000003,0.5794534412955468,0.6433952787543948,0.0,0.5583959899749371,0.5943491422805247,37.99,richmond/petersburg smm food,2022-10-03,37.99,40.9489699337333 +0.37211634904714136,0.119,0.20445344129554666,0.4158714213962833,0.0,0.3177944862155388,0.43491422805247226,41.16,salt lake city smm food,2022-10-03,41.16,31.99859006381736 +0.6233701103309928,0.9279999999999999,0.3653846153846156,0.5213460572576595,0.0,0.4822055137844609,0.5075681130171544,29.5,san diego smm food,2022-10-03,29.5,27.504555394128097 +0.3921765295887661,0.135,0.4610323886639681,0.8955298844801608,0.0,0.4681704260651628,0.4248234106962664,38.15,san francisco/oakland/san jose smm food,2022-10-03,38.15,43.609400820419665 +0.38014042126379116,0.653,0.4782388663967617,0.8216976393771974,0.0,0.6967418546365912,0.7214934409687185,42.4,seattle/tacoma smm food,2022-10-03,42.4,50.655537735190904 +0.692076228686058,0.126,0.26518218623481815,0.6670015067805124,0.0,0.4561403508771929,0.8446014127144299,39.74,st. louis smm food,2022-10-03,39.74,43.30976778829732 +0.5687061183550651,0.129,0.46002024291498017,0.5429432446007032,0.0,0.6847117794486213,0.31079717457114026,102.05,tampa/ft. myers smm food,2022-10-03,102.05,128.1462053197131 +0.18004012036108322,0.545,0.3102226720647775,0.6730286288297339,0.0,0.08521303258145375,0.3148335015136226,15.13,tucson/sierra vista smm food,2022-10-03,15.13,13.082254920233986 +0.5777331995987964,0.8320000000000001,0.4331983805668016,0.7754897036664993,0.0,0.6360902255639096,0.4450050454086781,138.34,washington dc/hagerstown smm food,2022-10-03,138.34,132.07936126752267 +0.5426278836509528,0.027000000000000003,0.6933198380566805,0.41788046207935714,0.0,0.5824561403508771,0.23562058526740667,10.57,new orleans smm food,2022-10-03,10.57,9.856158431721575 +0.41223671013039126,0.074,0.577935222672065,0.4389753892516324,0.0,0.24862155388471172,0.6049445005045408,113.98,rem us new england smm food,2022-10-03,113.98,101.69811835869395 +0.19458375125376134,0.188,0.968623481781377,0.288297338021095,0.0,0.7137844611528819,0.49848637739656915,46.33,nashville smm food,2022-10-03,46.33,49.024382819132775 +0.6880641925777332,0.481,0.3248987854251012,0.6464088397790055,0.0,0.32531328320802017,0.6801210898082745,3.64,yakima/pasco/richland/kennewick smm food,2022-10-03,3.64,5.298632066243414 +0.7216649949849548,0.23199999999999998,0.830465587044535,0.4098442993470618,0.0,0.8671679197994988,0.6831483350151363,41.66,minneapolis/st. paul smm food,2022-10-03,41.66,44.88929970716037 +0.29839518555667,0.3520000000000001,0.6725708502024295,0.6278252134605726,0.0,0.24360902255639091,0.6760847628657921,35.38,albany/schenectady/troy smm food,2022-10-03,35.38,35.95289210143275 +0.25225677031093263,0.9590000000000001,0.5556680161943323,0.5720743345052738,0.0,0.9157894736842104,0.7951564076690212,22.6,albuquerque/santa fe smm food,2022-10-03,22.6,25.035255660850808 +0.29789368104312935,0.19299999999999998,0.7869433198380571,0.748869914615771,0.0,0.10827067669172913,0.7441977800201817,127.04,atlanta smm food,2022-10-03,127.04,129.4480262471254 +0.5210631895687062,0.9660000000000001,0.655364372469636,0.8844801607232547,0.0,0.5458646616541354,0.2114026236125126,60.16,baltimore smm food,2022-10-03,60.16,61.83651020481892 +0.458375125376128,0.09000000000000002,0.47874493927125533,0.6750376695128077,0.0,0.8320802005012531,0.4046417759838547,1.75,baton rouge smm food,2022-10-03,1.75,3.418514477681171 +0.2688064192577731,0.15200000000000002,0.6654858299595144,0.7177297840281266,0.0,0.37443609022556407,0.9313824419778002,9.73,birmingham/anniston/tuscaloosa smm food,2022-10-03,9.73,15.581788751823375 +0.5677031093279838,0.46399999999999997,0.5460526315789476,0.2566549472626821,0.0,0.1919799498746867,0.6009081735620585,171.44,boston/manchester smm food,2022-10-03,171.44,139.18447946687905 +0.17903711133400219,0.8220000000000001,0.661943319838057,0.6152687091913612,0.0,0.09924812030075185,0.5787083753784057,17.67,buffalo smm food,2022-10-03,17.67,18.46066311567415 +0.29287863590772306,0.718,0.043522267206477845,0.5419387242591663,0.0,0.44511278195488724,0.7336024217961655,66.64,charlotte smm food,2022-10-03,66.64,82.0450901077703 +0.5235707121364092,0.7580000000000001,0.7798582995951421,0.18784530386740333,0.0,0.41503759398496237,0.9359233097880928,130.35,chicago smm food,2022-10-03,130.35,132.32953246260712 +0.9689067201604814,0.827,0.7601214574898791,0.4952285283776997,0.0,0.8641604010025062,0.3683148335015136,84.74,cleveland/akron/canton smm food,2022-10-03,84.74,85.59076035171219 +0.5496489468405216,0.51,0.2586032388663968,0.46459065796082377,0.0,0.42807017543859643,0.49041372351160445,67.02,columbus oh smm food,2022-10-03,67.02,57.53493338727412 +0.7763289869608829,0.16200000000000003,0.7783400809716603,0.46710195881466604,0.0,0.381453634085213,0.24217961654894046,61.79999999999999,dallas/ft. worth smm food,2022-10-03,61.79999999999999,61.94294006449822 +0.3174523570712135,0.321,0.37601214574898806,0.5439477649422402,0.0,0.8165413533834585,0.558526740665994,17.56,des moines/ames smm food,2022-10-03,17.56,19.189350320262292 +0.3791374122367101,0.06999999999999999,0.23178137651821876,0.39276745354093423,0.0,0.8406015037593981,0.6543895055499496,127.63,detroit smm food,2022-10-03,127.63,114.706373439408 +0.19959879638916758,0.9,0.8466599190283404,0.4470115519839277,0.0,0.3032581453634087,0.5978809283551968,15.77,mobile/pensacola smm food,2022-10-03,15.77,19.469302516107163 +0.5310932798395184,0.15500000000000003,0.26568825910931215,0.2837769964841788,0.0,0.4852130325814534,0.6387487386478304,30.82,greensboro smm food,2022-10-03,30.82,36.87043953707225 +0.615346038114343,0.27,0.2722672064777327,0.6675037669512808,0.0,0.42756892230576404,0.6372351160443996,69.83,grand rapids smm food,2022-10-03,69.83,67.02354325760541 +0.4353059177532597,0.317,0.6518218623481784,0.6072325464590659,0.0,0.08120300751879699,0.6271442986881938,23.95,milwaukee smm food,2022-10-03,23.95,23.461655028407215 +0.16850551654964926,0.8900000000000001,0.7636639676113365,0.6278252134605726,0.0,0.751378446115288,0.6115035317860746,127.04999999999998,miami/west palm beach smm food,2022-10-03,127.04999999999998,139.9071055221886 +0.20310932798395165,0.4650000000000001,0.6497975708502027,0.5841285786037168,0.0,0.8190476190476187,0.3375378405650858,6.94,madison wi smm food,2022-10-03,6.94,6.302171010328095 +0.08224674022066199,0.602,0.39321862348178177,0.4746358613761929,0.0,0.4506265664160401,0.6099899091826438,10.58,little rock/pine bluff smm food,2022-10-03,10.58,10.435916156679689 +0.35857572718154473,0.551,0.48684210526315835,0.41536916122551487,0.0,0.8726817042606515,0.20080726538849647,28.160000000000004,las vegas smm food,2022-10-03,28.160000000000004,27.193939932292558 +0.30341023069207623,0.355,0.2950404858299597,0.5198392767453541,0.0,0.22656641604010005,0.7441977800201817,113.16999999999999,los angeles smm food,2022-10-03,113.16999999999999,116.00021445943925 +0.5240722166499499,0.472,0.24898785425101227,0.15268709191361127,0.0,0.1192982456140351,0.36881937436932394,31.35,kansas city smm food,2022-10-03,31.35,29.14252361434479 +0.42126379137412207,0.215,0.5511133603238868,0.5981918633852336,0.0,0.8170426065162905,0.48385469223007066,32.54,jacksonville smm food,2022-10-03,32.54,38.314185831358394 +0.36509528585757245,0.047,0.2580971659919027,0.700652938221999,0.0,0.8441102756892227,0.48133198789101916,45.46,indianapolis smm food,2022-10-03,45.46,43.48263008004645 +0.4428284854563692,0.126,0.26568825910931176,0.5730788548468106,0.0,0.29373433583959885,0.4202825428859738,122.51,houston smm food,2022-10-03,122.51,122.33081339434824 +0.5130391173520563,0.5559999999999999,0.4595141700404863,0.4992466097438474,0.0,0.539348370927318,0.3829465186680121,85.79,hartford/new haven smm food,2022-10-03,85.79,71.63840900550026 +0.18004012036108333,0.17900000000000002,0.8289473684210532,0.1496735308890005,0.0,0.40952380952380946,0.2951564076690212,43.89,harrisburg/lancaster smm food,2022-10-03,43.89,37.33010230919109 +0.6058174523570711,0.46399999999999997,0.36892712550607304,0.23355097940733302,0.0,0.15839598997493715,0.6251261352169526,22.95,knoxville smm food,2022-10-03,22.95,22.10146454828152 +0.3926780341023071,0.6920000000000001,0.9205465587044538,0.36363636363636365,0.0,0.5664160401002506,0.5,35.3,portland or smm food,2022-10-10,35.3,41.09414361447565 +0.5992978936810431,0.916,0.16447368421052594,0.4580612757408338,0.0,0.3674185463659147,0.822401614530777,86.89,rem us middle atlantic smm food,2022-10-10,86.89,84.84933297191407 +0.31695085255767275,0.143,0.7398785425101218,0.7845303867403316,0.0,0.20250626566416036,0.33804238143289606,311.25,rem us east north central smm food,2022-10-10,311.25,264.85664081760297 +0.5060180541624872,0.9990000000000001,0.7530364372469641,0.14565544952285286,0.0,0.9729323308270676,0.6473259334006054,81.38,raleigh/durham/fayetteville smm food,2022-10-10,81.38,78.2380347209635 +0.5606820461384152,0.9890000000000001,0.4099190283400809,0.2350577599196384,0.0,0.6295739348370927,0.6442986881937437,47.17,providence ri/new bedford ma smm food,2022-10-10,47.17,38.59438359766029 +0.5315947843530592,0.36500000000000005,0.43168016194332004,0.3164239075841286,0.0,0.681203007518797,0.20232088799192735,49.82,pittsburgh smm food,2022-10-10,49.82,53.74359621863609 +0.5045135406218653,0.22599999999999998,0.8051619433198384,0.2692114515318935,0.0,0.8817042606516294,0.3874873864783047,54.96,norfolk/portsmouth/newport news smm food,2022-10-10,54.96,55.15204301221644 +0.3284854563691075,0.8580000000000001,0.8178137651821871,0.37820190858864894,0.0,0.23909774436090228,0.079212916246216,152.51,philadelphia smm food,2022-10-10,152.51,148.90128091997656 +0.6118355065195583,0.45300000000000007,0.4058704453441299,0.44751381215469616,0.0,0.28521303258145336,0.48133198789101916,5.46,paducah ky/cape girardeau mo smm food,2022-10-10,5.46,5.012148998890595 +0.3676028084252758,0.125,0.926113360323887,0.689603214465093,0.0,0.2355889724310778,0.21392532795156408,206.03,orlando/daytona beach/melborne smm food,2022-10-10,206.03,87.19638064679677 +0.9694082246740219,0.5599999999999999,0.7378542510121462,0.2792566549472627,0.0,0.24862155388471155,0.7114026236125126,12.82,omaha smm food,2022-10-10,12.82,13.598209531962922 +0.4327983951855569,0.9710000000000001,0.4504048582995954,0.4445002511300854,0.0,0.7373433583959895,0.5514631685166499,5.82,oklahoma city smm food,2022-10-10,5.82,4.148627606268761 +0.37011033099297896,0.895,0.2839068825910932,0.4691109994977399,0.0,0.3734335839598998,0.487891019172553,125.32999999999998,rem us mountain smm food,2022-10-10,125.32999999999998,128.23392097734936 +0.21965897693079234,1.0,0.6816801619433203,0.36865896534404824,0.0,0.5413533834586466,0.45660948536831486,74.0,phoenix/prescott smm food,2022-10-10,74.0,71.844338491817 +0.6108324974924775,0.272,0.34362348178137664,0.3882471120040181,0.0,0.09022556390977442,0.20938446014127143,129.35,rem us new england smm food,2022-10-10,129.35,98.90508814992629 +0.6940822467402206,0.878,0.0850202429149798,0.5228528377699649,0.0,0.5428571428571428,0.45408678102926336,34.35,salt lake city smm food,2022-10-10,34.35,34.23362147432469 +0.39819458375125355,0.42300000000000004,0.8279352226720652,0.696132596685083,0.0,0.49423558897243114,0.4924318869828456,297.77,rem us south atlantic smm food,2022-10-10,297.77,240.45828130208037 +0.5005015045135404,0.331,0.36487854251012153,0.3525866398794576,0.0,0.19548872180451107,0.3239152371342079,368.67,rem us south central smm food,2022-10-10,368.67,349.8301576879031 +0.5421263791374122,0.496,0.27277327935222684,0.15971873430436967,0.0,0.1794486215538845,0.5842583249243188,78.93,rem us west north central smm food,2022-10-10,78.93,77.34469886961273 +0.37612838515546665,0.31400000000000006,0.6002024291497977,0.1707684580612758,0.0,0.7523809523809519,0.43239152371342077,46.61,richmond/petersburg smm food,2022-10-10,46.61,38.16923721107786 +0.731695085255767,0.2,0.22469635627530432,0.4952285283776997,0.0,0.71328320802005,0.7583249243188699,26.36,sacramento/stockton/modesto smm food,2022-10-10,26.36,29.08046446293701 +0.5070210631895684,0.447,0.6735829959514172,0.41386238071320947,0.0,0.16390977443609,0.5110998990918264,28.269999999999996,san diego smm food,2022-10-10,28.269999999999996,25.695866402505935 +0.5280842527582746,0.008,0.3795546558704458,0.5991963837267705,0.0,0.3834586466165413,0.40766902119071646,44.02,san francisco/oakland/san jose smm food,2022-10-10,44.02,41.669322555559646 +0.32296890672016026,0.7490000000000001,0.40384615384615447,0.7252636865896535,0.0,0.5874686716791978,0.47628657921291623,43.63,seattle/tacoma smm food,2022-10-10,43.63,48.24819905956714 +0.8079237713139416,0.05500000000000001,0.5850202429149802,0.38473129080863894,0.0,0.6771929824561401,0.801715438950555,39.16,st. louis smm food,2022-10-10,39.16,42.48476821734977 +0.5556670010030089,0.477,0.7864372469635633,0.5841285786037168,0.0,0.48671679197994966,0.45862764883955603,299.89,tampa/ft. myers smm food,2022-10-10,299.89,128.96384063307414 +0.30792377131394183,0.8130000000000002,0.42965587044534437,0.23907584128578607,0.0,0.04661654135338358,0.4202825428859738,13.01,tucson/sierra vista smm food,2022-10-10,13.01,11.499259886192355 +0.6444332998996993,0.625,0.49696356275303655,0.3068809643395279,0.0,0.6526315789473682,0.47578203834510596,140.06,washington dc/hagerstown smm food,2022-10-10,140.06,129.68039498072085 +0.3109327983951856,0.36400000000000005,0.15941295546558695,0.42290306378704173,0.0,0.4160401002506267,0.5590312815338042,3.18,yakima/pasco/richland/kennewick smm food,2022-10-10,3.18,2.814888338096921 +0.47743229689067174,0.038000000000000006,0.5678137651821868,0.6192867905575089,0.0,0.6786967418546367,0.5605449041372351,280.43,new york smm food,2022-10-10,280.43,251.93423415703143 +0.826479438314945,0.292,0.6594129554655874,0.5590155700652939,0.0,0.9162907268170425,0.4162462159434914,64.39,rem us pacific smm food,2022-10-10,64.39,62.71757966139372 +0.46088264794383144,0.54,0.7550607287449397,0.6383726770467103,0.0,0.549874686716792,0.15640766902119072,10.6,new orleans smm food,2022-10-10,10.6,10.697338693845815 +0.42477432296890677,0.47100000000000003,0.5065789473684214,0.3345052737317931,0.0,0.2731829573934834,0.7996972754793138,61.480000000000004,nashville smm food,2022-10-10,61.480000000000004,49.903047233322106 +0.1860581745235708,0.165,0.5743927125506076,0.18131592164741336,0.0,0.6877192982456142,0.5398587285570131,31.200000000000003,mobile/pensacola smm food,2022-10-10,31.200000000000003,18.273670639632655 +0.3776328986960881,0.617,0.9043522267206483,0.8061275740833753,0.0,0.9839598997493731,0.7850655903128153,21.97,albuquerque/santa fe smm food,2022-10-10,21.97,26.791057646027127 +0.2647943831494483,0.7700000000000001,0.6214574898785428,0.7679558011049724,0.0,0.5619047619047617,0.5918264379414733,195.02,atlanta smm food,2022-10-10,195.02,130.18957001134285 +0.5045135406218657,0.24500000000000002,0.6174089068825914,0.7629331993972879,0.0,0.3248120300751881,0.3567103935418769,62.760000000000005,baltimore smm food,2022-10-10,62.760000000000005,60.91408973175153 +0.4844533600802404,0.8039999999999999,0.6953441295546563,0.5740833751883476,0.0,0.44110275689223044,0.39354187689202824,2.21,baton rouge smm food,2022-10-10,2.21,2.071651971280488 +0.2031093279839517,0.6080000000000001,0.4539473684210528,0.6664992466097439,0.0,0.3849624060150378,0.4979818365287589,22.95,birmingham/anniston/tuscaloosa smm food,2022-10-10,22.95,12.78237098428368 +0.37412236710130375,0.18899999999999997,0.8345141700404863,0.45354093420391767,0.0,0.525814536340852,0.8511604439959637,174.1,boston/manchester smm food,2022-10-10,174.1,142.52116867760867 +0.3776328986960884,0.661,0.6685222672064781,0.37820190858864894,0.0,0.22756892230576437,0.7542885973763875,17.04,buffalo smm food,2022-10-10,17.04,18.77851148411024 +0.48244734202607803,0.521,0.34058704453441324,0.04972375690607735,0.0,0.8581453634085213,0.772452068617558,94.88,charlotte smm food,2022-10-10,94.88,81.13673963418005 +0.30742226680040113,0.298,0.8001012145748991,0.1908588648920141,0.0,0.1233082706766917,0.627648839556004,139.84,chicago smm food,2022-10-10,139.84,129.09689321395777 +0.5020060180541623,0.5730000000000001,0.6958502024291503,0.5549974886991462,0.0,0.8882205513784459,0.656912209889001,88.56,cleveland/akron/canton smm food,2022-10-10,88.56,86.74492594690061 +0.46890672016048146,0.22000000000000003,0.21103238866396762,0.5655449522852838,0.0,0.6761904761904761,0.6316851664984864,64.66,columbus oh smm food,2022-10-10,64.66,59.40186267052184 +0.6469408224674025,0.31600000000000006,0.6255060728744943,0.7247614264188851,0.0,0.30877192982456136,0.5635721493440968,56.78,dallas/ft. worth smm food,2022-10-10,56.78,64.81769860557222 +0.7126379137412234,0.095,0.5657894736842108,0.2842792566549473,0.0,0.8611528822055138,0.5408678102926338,17.56,des moines/ames smm food,2022-10-10,17.56,18.408205075921714 +0.6298896690070209,0.013000000000000001,0.1275303643724697,0.4992466097438474,0.0,0.6275689223057642,0.19021190716448033,132.9,detroit smm food,2022-10-10,132.9,112.29488150551413 +0.6865596790371113,0.8490000000000001,0.3972672064777328,0.6529382219989955,0.0,0.7353383458646613,0.8779011099899092,81.71,grand rapids smm food,2022-10-10,81.71,69.75003969756679 +0.2557673019057171,0.04000000000000001,0.3491902834008098,0.582119537920643,0.0,0.5538847117794485,0.4646821392532795,41.4,albany/schenectady/troy smm food,2022-10-10,41.4,35.014354992594036 +0.3871614844533602,0.42100000000000004,0.8922064777327942,0.3224510296333501,0.0,0.6040100250626566,0.49192734611503525,41.84,harrisburg/lancaster smm food,2022-10-10,41.84,40.5570658968674 +0.5421263791374121,0.10600000000000001,0.3056680161943325,0.22451029633350078,0.0,0.5353383458646613,0.7820383451059536,39.84,greensboro smm food,2022-10-10,39.84,37.53664767002103 +0.47743229689067196,0.387,0.5141700404858304,0.30035158211953794,0.0,0.5062656641604012,0.5126135216952573,40.78,minneapolis/st. paul smm food,2022-10-10,40.78,41.62902441737301 +0.5190571715145436,0.9970000000000001,0.620445344129555,0.5359116022099448,0.0,0.4867167919799497,0.6019172552976791,24.25,milwaukee smm food,2022-10-10,24.25,24.59746114821983 +0.4553660982948849,0.798,0.5409919028340083,0.647915620291311,0.0,0.3804511278195488,0.3229061553985873,321.67,miami/west palm beach smm food,2022-10-10,321.67,137.50138505441635 +0.5897693079237712,0.902,0.2677125506072876,0.33651431441486696,0.0,0.4556390977443606,0.768920282542886,118.53999999999999,los angeles smm food,2022-10-10,118.53999999999999,116.51657883444423 +0.14292878635907721,0.654,0.7768218623481788,0.6278252134605726,0.0,0.30927318295739353,0.5272452068617558,10.47,little rock/pine bluff smm food,2022-10-10,10.47,10.7549154292768 +0.5692076228686056,0.008,0.8891700404858305,0.15369161225514819,0.0,0.8892230576441098,0.3496468213925328,5.16,madison wi smm food,2022-10-10,5.16,4.669917605066999 +0.26780341023069193,0.49500000000000005,0.585526315789474,0.39829231541938726,0.0,0.1593984962406013,0.8597376387487387,23.54,knoxville smm food,2022-10-10,23.54,23.990221661447713 +0.48044132397191563,0.359,0.21912955465587056,0.5570065293822201,0.0,0.3644110275689223,0.34460141271442984,28.88,kansas city smm food,2022-10-10,28.88,31.932530644415586 +0.8324974924774319,0.332,0.47115384615384626,0.3857358111501759,0.0,0.6726817042606514,0.09334006054490414,56.699999999999996,jacksonville smm food,2022-10-10,56.699999999999996,35.07890428759908 +0.593781344032096,0.558,0.6148785425101215,0.6378704168759418,0.0,0.5403508771929821,0.5110998990918264,47.05,indianapolis smm food,2022-10-10,47.05,43.19026491335369 +0.19157472417251772,0.015,0.3081983805668017,0.34957307885484684,0.0,0.7187969924812028,0.24571140262361252,121.7,houston smm food,2022-10-10,121.7,120.91150277750438 +0.6464393179538617,0.06999999999999999,0.09159919028340104,0.7940733299849323,0.0,0.4305764411027566,0.3546922300706357,86.26,hartford/new haven smm food,2022-10-10,86.26,72.59906702803652 +0.4518555667001005,0.6030000000000001,0.49595141700404904,0.46710195881466604,0.0,0.6020050125313281,0.17709384460141273,27.55,las vegas smm food,2022-10-10,27.55,26.699826685225396 +0.37311935807422286,0.205,0.6022267206477734,0.5806127574083376,0.0014264723452551084,0.47819548872180445,0.7896064581231079,38.06,portland or smm food,2022-10-17,38.06,43.49011191400543 +0.7136409227683048,0.774,0.5131578947368419,0.27122049221496736,0.004246810144606592,0.33132832080200497,0.450050454086781,86.0,rem us middle atlantic smm food,2022-10-17,86.0,82.44555667400735 +0.45987963891674993,0.305,0.7839068825910934,0.48618784530386744,0.014259974876168766,0.4200501253132832,0.665489404641776,280.45,rem us east north central smm food,2022-10-17,280.45,268.06613149810784 +0.43981945837512515,0.25,0.5581983805668019,0.29633350075339027,0.0018699893793657186,0.6822055137844611,0.7583249243188699,68.45,raleigh/durham/fayetteville smm food,2022-10-17,68.45,78.53146367541666 +0.738716148445336,0.537,0.6381578947368423,0.37418382722250126,0.000950664991744585,0.24010025062656645,0.6326942482341069,38.18,providence ri/new bedford ma smm food,2022-10-17,38.18,38.47848223532936 +0.8229689067201605,0.9800000000000001,0.578441295546559,0.5650426921145154,0.0019016465552479907,0.869172932330827,0.27901109989909184,45.9,pittsburgh smm food,2022-10-17,45.9,57.32025155978575 +0.7472417251755261,0.198,0.703441295546559,0.6067302862882974,0.0009193243876211363,0.861152882205514,0.677598385469223,49.99,norfolk/portsmouth/newport news smm food,2022-10-17,49.99,59.16054576826109 +0.6238716148445337,0.665,0.7358299595141706,0.47312908086388755,0.004025209913430698,0.22255639097744362,0.13723511604439967,147.08,philadelphia smm food,2022-10-17,147.08,150.64915923822372 +0.8420260782347038,0.27599999999999997,0.13107287449392727,0.323455549974887,0.0010459530911502183,0.2125313283208018,0.5978809283551968,7.040000000000001,paducah ky/cape girardeau mo smm food,2022-10-17,7.040000000000001,5.033612961524028 +0.4187562688064193,0.684,0.8820850202429155,0.8191863385233552,0.0024404516887642355,0.1543859649122808,0.37436932391523714,89.3,orlando/daytona beach/melborne smm food,2022-10-17,89.3,89.27690897280448 +0.9157472417251753,0.405,0.7383603238866402,0.39427423405323964,0.00076072193645096,0.3273182957393481,0.7674066599394551,11.89,omaha smm food,2022-10-17,11.89,14.77105314101172 +0.3500501504513543,0.6000000000000001,0.3937246963562755,0.42290306378704173,0.0014264723452551075,0.46967418546365874,0.5035317860746721,2.43,oklahoma city smm food,2022-10-17,2.43,2.7753599354068115 +0.6785356068204613,0.034,0.5743927125506075,0.46810647915620296,0.004945167444569476,0.6601503759398496,0.843087790110999,118.87,rem us mountain smm food,2022-10-17,118.87,132.16253732865584 +0.4709127382146439,0.682,0.41548582995951444,0.40381717729784034,0.0018709390946421885,0.2887218045112781,0.46266397578203833,66.96,phoenix/prescott smm food,2022-10-17,66.96,71.67125147099672 +0.4719157472417252,0.207,0.661943319838057,0.5118031140130588,0.0027244165564282003,0.05964912280701753,0.3890010090817356,126.6,rem us new england smm food,2022-10-17,126.6,100.87443184106826 +0.5100300902708124,0.171,0.20597165991902847,0.6986438975389252,0.001236529289961487,0.5418546365914787,0.44248234106962664,31.07,salt lake city smm food,2022-10-17,31.07,34.78372469786653 +0.375125376128385,0.274,0.3729757085020245,0.6875941737820191,0.015210639867913345,0.8796992481203008,0.44803229061553984,214.06,rem us south atlantic smm food,2022-10-17,214.06,243.10131755686942 +0.6278836509528583,0.8880000000000001,0.2586032388663967,0.33550979407333004,0.026777855363536173,0.3313283208020048,0.4253279515640767,344.48,rem us south central smm food,2022-10-17,344.48,354.9141064640994 +0.6680040120361083,0.36500000000000005,0.16700404858299606,0.2757408337518835,0.010234764962738063,0.4055137844611526,0.3632694248234107,76.58,rem us west north central smm food,2022-10-17,76.58,78.95333299626327 +0.6424272818455369,0.028000000000000004,0.800101214574899,0.38623807132094434,0.0006340932329218779,0.6245614035087715,0.33955600403632696,37.47,richmond/petersburg smm food,2022-10-17,37.47,38.991756442774836 +0.3314944834503508,0.5710000000000001,0.48127530364372556,0.10949271722752386,0.0017436772475954636,0.47869674185463645,0.5867810292633704,26.91,sacramento/stockton/modesto smm food,2022-10-17,26.91,25.05851889517806 +0.6484453360080238,0.542,0.6675101214574902,0.5198392767453541,0.000793012255850875,0.21152882205513762,0.786074672048436,27.77,san diego smm food,2022-10-17,27.77,28.430745775266324 +0.36258776328986936,0.5830000000000001,0.3800607287449398,0.57659467604219,0.0014271054887727555,0.5368421052631578,0.39404641775983856,42.79,san francisco/oakland/san jose smm food,2022-10-17,42.79,42.127152547278214 +0.7517552657973919,0.321,0.5389676113360331,0.5605223505775992,0.00158539136818411,0.30626566416040085,0.2073662966700303,42.12,seattle/tacoma smm food,2022-10-17,42.12,45.69840063683802 +0.8741223671013036,0.637,0.32388663967611375,0.2737317930688097,0.00183833220348345,0.8776942355889722,0.7961654894046418,40.98,st. louis smm food,2022-10-17,40.98,42.916853555408 +0.4939819458375125,0.46399999999999997,0.7307692307692312,0.6584630838774486,0.002630711315816681,0.6671679197994984,0.29313824419778,138.91,tampa/ft. myers smm food,2022-10-17,138.91,129.2166317671108 +0.5285857572718154,0.506,0.47874493927125533,0.22199899547965848,0.00044383360586943327,0.26115288220551386,0.5736629667003027,10.53,tucson/sierra vista smm food,2022-10-17,10.53,13.2724235195356 +0.9227683049147444,0.387,0.35323886639676116,0.3731793068809644,0.0019975677981712704,0.5969924812030074,0.5534813319878911,121.13000000000001,washington dc/hagerstown smm food,2022-10-17,121.13000000000001,130.8851357524398 +0.11685055165496497,0.099,0.3299595141700405,0.44650929181315924,0.00038051925410489176,0.5974937343358397,0.4127144298688194,3.48,yakima/pasco/richland/kennewick smm food,2022-10-17,3.48,2.3755053672608852 +0.38515546639919734,0.28300000000000003,0.42712550607287497,0.696132596685083,0.006467244460989047,0.7819548872180452,0.358728557013118,245.06,new york smm food,2022-10-17,245.06,252.30840561693032 +0.6018054162487463,0.07800000000000001,0.7479757085020247,0.5313912606730287,0.005641625313979442,0.9072681704260649,0.6231079717457114,66.05,rem us pacific smm food,2022-10-17,66.05,64.1046724988638 +0.08174523570712136,0.334,0.5121457489878546,0.6629834254143647,0.0012358961464438425,0.47719298245614034,0.3022199798183653,17.33,new orleans smm food,2022-10-17,17.33,10.756895682025196 +0.44784353059177534,0.8260000000000001,0.07034412955465591,0.5183324962330488,0.0025670803922933174,0.18345864661654107,0.6548940464177598,43.58,nashville smm food,2022-10-17,43.58,50.13666208804816 +0.5376128385155468,0.288,0.5814777327935226,0.07885484681064793,0.0012358961464438406,0.45764411027568946,0.7790110998990918,20.29,mobile/pensacola smm food,2022-10-17,20.29,19.181488191531415 +0.6198595787362086,0.274,0.5855263157894741,0.6815670517327976,0.0012362127182026642,0.8636591478696739,0.6125126135216953,22.3,albuquerque/santa fe smm food,2022-10-17,22.3,24.930337737468136 +0.3816449348044132,0.38599999999999995,0.5379554655870448,0.6037167252636867,0.0029482327899158617,0.827067669172932,0.28809283551967707,111.1,atlanta smm food,2022-10-17,111.1,128.69137861939333 +0.30391173520561704,0.227,0.5490890688259111,0.8101456554495229,0.0009829553111444947,0.40050125313283225,0.6695257315842583,59.05,baltimore smm food,2022-10-17,59.05,62.98528443173852 +0.754262788365095,0.5940000000000001,0.7479757085020247,0.4354595680562532,0.0006654338370453266,0.2927318295739347,0.7986881937436933,2.9,baton rouge smm food,2022-10-17,2.9,3.644409530517194 +0.4839518555666999,0.934,0.6695344129554659,0.3787041687594174,0.0018063584558423566,0.36190476190476206,0.29061553985872857,13.82,birmingham/anniston/tuscaloosa smm food,2022-10-17,13.82,10.866255197928986 +0.5005015045135404,0.17,0.8911943319838062,0.575590155700653,0.0019025962705244569,0.5919799498746866,0.5201816347124117,156.73,boston/manchester smm food,2022-10-17,156.73,142.0110822536248 +0.6554663991975929,0.496,0.4053643724696358,0.3912606730286289,0.0010776102670324898,0.3528822055137844,0.5696266397578204,16.63,buffalo smm food,2022-10-17,16.63,18.54911240912479 +0.3896690070210631,0.265,0.32995951417004077,0.40381717729784034,0.0019969346546536253,0.7057644110275689,0.8259334006054491,71.74,charlotte smm food,2022-10-17,71.74,83.00361933681465 +0.5260782347041122,0.18600000000000003,0.40587044534412975,0.5082872928176796,0.003297094868138476,0.34185463659147863,0.26387487386478303,127.36999999999999,chicago smm food,2022-10-17,127.36999999999999,130.019166856143 +0.49849548645937797,0.7610000000000001,0.7368421052631584,0.6112506278252136,0.0020608821499358077,0.9288220551378444,0.6962663975782039,84.3,cleveland/akron/canton smm food,2022-10-17,84.3,87.81681383822303 +0.668505516549649,0.08700000000000001,0.13208502024291496,0.658965344048217,0.0021549039623061533,0.4511278195488721,0.5146316851664985,58.58,columbus oh smm food,2022-10-17,58.58,59.087963475698956 +0.5150451354062189,0.134,0.7935222672064782,0.49673530889000506,0.003519011671073196,0.19999999999999998,0.751765893037336,53.02,dallas/ft. worth smm food,2022-10-17,53.02,64.5596583863663 +0.8039117352056169,0.734,0.5278340080971663,0.46760421898543447,0.00076072193645096,0.4917293233082707,0.25277497477295663,19.23,des moines/ames smm food,2022-10-17,19.23,17.176438412848825 +0.5431293881644934,0.24,0.47570850202429177,0.6494224008036164,0.0024091110846407872,0.23308270676691722,0.4954591321897074,122.73999999999998,detroit smm food,2022-10-17,122.73999999999998,114.21380744998488 +0.7527582748244734,0.21400000000000002,0.6067813765182187,0.7709693621295832,0.0012678698940849337,0.7854636591478692,0.7669021190716448,75.79,grand rapids smm food,2022-10-17,75.79,70.06053604363538 +0.20361083249749248,0.43700000000000006,0.4412955465587046,0.31592164741336015,0.0010139793435091234,0.6335839598997492,0.5549949545913219,39.6,albany/schenectady/troy smm food,2022-10-17,39.6,34.5559530557323 +0.8846539618856569,0.9289999999999999,0.4240890688259113,0.23706680060271224,0.0014894701252608285,0.6456140350877192,0.5327951564076691,42.85,harrisburg/lancaster smm food,2022-10-17,42.85,41.42203655547458 +0.4704112337011032,0.6890000000000001,0.3183198380566806,0.1496735308890005,0.0012995270699672071,0.6120300751879697,0.5928355196770938,32.54,greensboro smm food,2022-10-17,32.54,36.59010054175821 +0.45185556670010024,0.446,0.5070850202429154,0.35409342039176295,0.0018706225228833685,0.3478696741854638,0.26639757820383453,43.14,minneapolis/st. paul smm food,2022-10-17,43.14,40.26334363245591 +0.2873620862587763,0.177,0.4959514170040489,0.7599196383726771,0.0011092674429147604,0.5989974937343356,0.8335015136226034,22.28,milwaukee smm food,2022-10-17,22.28,26.884179738821153 +0.824974924774323,0.6900000000000001,0.3284412955465589,0.5725765946760423,0.0012051886858380392,0.05864661654135337,0.18920282542885974,127.78,miami/west palm beach smm food,2022-10-17,127.78,135.90514823918681 +0.9302908726178534,0.6160000000000001,0.5511133603238869,0.22953289804118535,0.005421924513356481,0.545864661654135,0.8279515640766902,126.25,los angeles smm food,2022-10-17,126.25,117.89639312978309 +0.26529588766298895,0.41100000000000003,0.7783400809716604,0.4364640883977901,0.0012678698940849357,0.29273182957393484,0.5640766902119072,9.18,little rock/pine bluff smm food,2022-10-17,9.18,10.092443329276826 +0.843029087261785,0.305,0.662449392712551,0.4881968859869412,0.0006970910129275975,0.4375939849624057,0.5428859737638749,6.32,madison wi smm food,2022-10-17,6.32,6.86006666531388 +0.06820461384152447,0.706,0.6123481781376521,0.5801104972375691,0.0014894701252608285,0.12531328320801982,0.7073662966700303,21.44,knoxville smm food,2022-10-17,21.44,24.033706165165903 +0.43279839518555646,0.288,0.2742914979757086,0.6127574083375189,0.0013631579934905691,0.4305764411027568,0.4450050454086781,28.22,kansas city smm food,2022-10-17,28.22,33.15152170916598 +0.799398194583751,0.8150000000000001,0.27935222672064774,0.45454545454545464,0.0010459530911502183,0.3137844611528821,0.11099899091826439,35.36,jacksonville smm food,2022-10-17,35.36,34.66265955120904 +0.7452357071213638,0.633,0.7388663967611337,0.4831742842792567,0.0022501920617117874,0.6912280701754382,0.5893037336024218,44.67,indianapolis smm food,2022-10-17,44.67,43.90414487043806 +0.5025075225677033,0.6480000000000001,0.31933198380566813,0.6283274736313411,0.0033917498240264685,0.49573934837092715,0.46770938446014126,119.09,houston smm food,2022-10-17,119.09,124.39816421720735 +0.736208625877633,0.42000000000000004,0.4185222672064781,0.6860873932697138,0.0011412411905558527,0.4716791979949872,0.6513622603430878,73.22,hartford/new haven smm food,2022-10-17,73.22,74.49842373853923 +0.8771313941825478,0.7650000000000001,0.20141700404858334,0.3038674033149172,0.0010142959152679477,0.557393483709273,0.3617558022199798,26.78,las vegas smm food,2022-10-17,26.78,27.443951596590573 +0.10130391173520588,0.932,0.44736842105263164,0.8623807132094425,0.006903480344646733,0.18796992481203,0.7976791120080726,34.41,portland or smm food,2022-10-24,34.41,44.81127492602558 +0.8360080240722166,0.443,0.7753036437246963,0.46459065796082377,0.014915594988690583,0.37493734335839596,0.1922300706357215,86.75,rem us middle atlantic smm food,2022-10-24,86.75,83.90578170431856 +0.8505516549648945,0.6950000000000001,0.7884615384615388,0.2556504269211452,0.04177037728962068,0.7077694235588972,0.7896064581231079,238.08,rem us east north central smm food,2022-10-24,238.08,273.0618850157281 +0.3049147442326979,0.536,0.6351214574898789,0.3370165745856354,0.007030425619934637,0.32581453634085217,0.8370332996972755,67.99,raleigh/durham/fayetteville smm food,2022-10-24,67.99,78.79777664395067 +0.5030090270812437,0.29700000000000004,1.0,0.4008036162732296,0.003989753876442556,0.3363408521303258,0.45761856710393545,37.02,providence ri/new bedford ma smm food,2022-10-24,37.02,38.058889184716 +0.7693079237713141,0.549,0.37753036437246973,0.6278252134605726,0.0076319119616977795,0.7523809523809524,0.2330978809283552,46.64,pittsburgh smm food,2022-10-24,46.64,57.447285940672195 +0.4979939819458371,0.11299999999999999,0.8016194331983809,0.5735811150175791,0.00456021618584107,0.9223057644110279,0.39404641775983856,50.64,norfolk/portsmouth/newport news smm food,2022-10-24,50.64,57.63471933649946 +0.45837512537612846,0.15200000000000002,0.43876518218623534,0.3415369161225515,0.019759776042195618,0.4536340852130326,0.4762865792129163,159.1,philadelphia smm food,2022-10-24,159.1,154.0958648819554 +0.8936810431293877,0.046,0.3011133603238869,0.7287795077850328,0.002787097764675097,0.2751879699248118,0.8804238143289607,5.88,paducah ky/cape girardeau mo smm food,2022-10-24,5.88,9.5135292468441 +0.34503510531594783,0.5690000000000001,0.8694331983805672,0.970366649924661,0.009911861768738903,0.387468671679198,0.3218970736629667,73.94,orlando/daytona beach/melborne smm food,2022-10-24,73.94,91.42763771595864 +0.9332998996990972,0.801,0.6300607287449398,0.5976896032144652,0.0027551240170340034,0.36741854636591453,0.47679112008072655,12.83,omaha smm food,2022-10-24,12.83,14.802927640788951 +0.42226680040120385,0.6890000000000001,0.7297570850202433,0.4992466097438474,0.005130678495239583,0.3177944862155384,0.32542885973763874,4.07,oklahoma city smm food,2022-10-24,4.07,2.5979448800250964 +0.870110330992979,0.759,0.79504048582996,0.4605725765946761,0.02409807542510197,0.5629072681704261,0.987891019172553,118.75,rem us mountain smm food,2022-10-24,118.75,136.1418816165401 +0.7698094282848543,0.794,0.42813765182186264,0.5062782521346058,0.011051836672259466,0.2977443609022556,0.4601412714429869,67.26,phoenix/prescott smm food,2022-10-24,67.26,74.1207717100166 +0.2552657973921766,0.91,0.6467611336032391,0.6664992466097439,0.00807447928053192,0.026065162907268166,0.3521695257315843,106.98,rem us new england smm food,2022-10-24,106.98,102.15050946144176 +0.28886659979939816,0.48600000000000004,0.38107287449392735,0.47764942240080366,0.007663252565821227,0.09072681704260659,0.7295660948536832,34.11,salt lake city smm food,2022-10-24,34.11,34.57376611336419 +0.5325977933801402,0.05,0.40941295546558726,0.5861376192867906,0.04534922102311136,0.7734335839598998,0.5040363269424823,207.51,rem us south atlantic smm food,2022-10-24,207.51,246.93847236894464 +0.7101303911735203,0.292,0.4893724696356276,0.4354595680562532,0.07809603689924964,0.6360902255639095,0.6220988900100908,343.66,rem us south central smm food,2022-10-24,343.66,364.7940246511354 +0.21965897693079234,0.8170000000000001,0.2201417004048584,0.3033651431441487,0.028659874469737157,0.5022556390977441,0.24419778002018164,80.55,rem us west north central smm food,2022-10-24,80.55,80.80840079910516 +0.7572718154463391,0.3600000000000001,0.4534412955465587,0.5102963335007535,0.002628811885263744,0.4315789473684208,0.1231079717457114,37.03,richmond/petersburg smm food,2022-10-24,37.03,38.264766960734555 +0.26680040120361065,0.7719999999999999,0.728238866396762,0.4897036664992467,0.008075428995808393,0.582456140350877,0.4177598385469223,28.740000000000002,sacramento/stockton/modesto smm food,2022-10-24,28.740000000000002,27.60387518396889 +0.5626880641925774,0.5700000000000001,0.7641700404858304,0.8970366649924661,0.003959046415836751,0.4546365914786965,0.6619576185671039,29.630000000000003,san diego smm food,2022-10-24,29.630000000000003,30.99814797803203 +0.3866599799398192,0.854,0.3527327935222677,0.8915118031140131,0.009974859548744622,0.4922305764411027,0.5131180625630676,42.22,san francisco/oakland/san jose smm food,2022-10-24,42.22,45.83360277281341 +0.7091273821464391,0.31400000000000006,0.302631578947369,0.4761426418884983,0.011082860704624092,0.07067669172932321,0.5807265388496469,45.37,seattle/tacoma smm food,2022-10-24,45.37,47.76759395914233 +0.8204613841524571,0.22000000000000003,0.44585020242915013,0.4314414866901055,0.007378654554639615,0.71328320802005,0.508577194752775,39.29,st. louis smm food,2022-10-24,39.29,42.216192770939884 +0.48996990972918747,0.5910000000000001,0.7332995951417008,0.3932697137117027,0.010893867364606935,0.6345864661654131,0.1649848637739657,114.73,tampa/ft. myers smm food,2022-10-24,114.73,128.07148958115658 +0.718655967903711,0.5690000000000001,0.29251012145749,0.3822199899547966,0.0026598359176283706,0.5167919799498747,0.30625630676084764,12.7,tucson/sierra vista smm food,2022-10-24,12.7,13.975846137219428 +0.7011033099297895,0.257,0.4245951417004049,0.5082872928176796,0.0193146761492909,0.13483709273182953,0.7169525731584259,128.03,washington dc/hagerstown smm food,2022-10-24,128.03,133.22619673717622 +0.5215646940822468,0.11599999999999999,0.7135627530364375,0.551481667503767,0.001773434992924795,0.5809523809523811,0.58627648839556,3.66,yakima/pasco/richland/kennewick smm food,2022-10-24,3.66,5.0430357317689385 +0.3440320962888664,0.58,0.5845141700404864,0.7242591662481166,0.03147799626677688,0.6531328320802006,0.46821392532795153,293.52,new york smm food,2022-10-24,293.52,256.38961260689064 +0.191073219658977,0.592,0.5318825910931176,0.5504771471622301,0.020520814550405414,0.726315789473684,0.6801210898082745,60.36,rem us pacific smm food,2022-10-24,60.36,65.49968379074295 +0.16750250752256768,0.764,0.6305668016194336,0.7564038171772979,0.0039270726681956605,0.3468671679197995,0.5595358224016146,14.14,new orleans smm food,2022-10-24,14.14,13.171927312110448 +0.49799398194583744,0.63,0.334514170040486,0.6865896534404823,0.008993803668153059,0.5674185463659144,0.3582240161453078,46.09,nashville smm food,2022-10-24,46.09,51.62797143631989 +0.5351053159478436,0.454,0.34868421052631593,0.215971873430437,0.0036105009093729537,0.3243107769423561,0.7073662966700303,16.7,mobile/pensacola smm food,2022-10-24,16.7,19.40347506484531 +0.4237713139418253,0.336,0.3795546558704456,0.40381717729784034,0.004750475812893516,0.8646616541353381,0.7366296670030272,22.42,albuquerque/santa fe smm food,2022-10-24,22.42,24.133423328708815 +0.3380140421263791,0.8380000000000001,0.5885627530364375,0.6941235560020091,0.01985379785456597,0.7734335839598994,0.3289606458123108,105.49,atlanta smm food,2022-10-24,105.49,131.82607710847202 +0.4197592778335007,0.7960000000000002,0.6219635627530368,0.6865896534404823,0.0050987047475984865,0.6641604010025063,0.6997981836528759,58.63,baltimore smm food,2022-10-24,58.63,64.349396004309 +0.5516549648946838,0.7800000000000001,0.418016194331984,0.6278252134605726,0.0019000636964538772,0.4350877192982454,0.5287588294651867,2.93,baton rouge smm food,2022-10-24,2.93,3.3433910912537215 +0.7076228686058171,0.9660000000000001,0.7920040485829963,0.12656956303365144,0.004909078264063691,0.46365914786967427,0.2885973763874874,11.72,birmingham/anniston/tuscaloosa smm food,2022-10-24,11.72,10.624915065319463 +0.3415245737211633,0.613,0.8841093117408911,0.43345052737317935,0.01079889583696012,0.46716791979949873,0.36881937436932394,147.46,boston/manchester smm food,2022-10-24,147.46,141.12160843880164 +0.7382146439317955,0.5860000000000001,0.14170040485829966,0.43947764942240086,0.0036738152611374966,0.4952380952380951,0.5443995963673057,16.96,buffalo smm food,2022-10-24,16.96,19.503820408276383 +0.2728184553660982,0.22000000000000003,0.10678137651821878,0.7277749874434958,0.009436687558746023,0.4982456140350877,0.49041372351160445,70.84,charlotte smm food,2022-10-24,70.84,82.96723336585106 +0.3866599799398193,0.775,0.11993927125506079,0.7428427925665495,0.01748045937867214,0.3448621553884711,0.577699293642785,137.96,chicago smm food,2022-10-24,137.96,135.05151316187562 +0.7607823470411232,0.668,0.9094129554655879,0.5208437970868911,0.008709205656971444,0.7609022556390976,0.3985872855701312,80.0,cleveland/akron/canton smm food,2022-10-24,80.0,86.48948016131386 +0.8024072216649949,0.7839999999999999,0.2651821862348179,0.5118031140130588,0.008676598765812706,0.2340852130325814,0.2830474268415742,55.51,columbus oh smm food,2022-10-24,55.51,57.776191541781145 +0.4974924774322972,0.27599999999999997,0.725202429149798,0.5042692114515319,0.018905348865133145,0.2701754385964912,0.4011099899091827,55.94,dallas/ft. worth smm food,2022-10-24,55.94,64.94839409396633 +0.383149448345035,0.08000000000000002,0.6482793522267211,0.9010547463586138,0.0030083814240921677,0.2987468671679198,0.5343087790110999,17.75,des moines/ames smm food,2022-10-24,17.75,20.077890633288447 +0.5957873620862587,0.665,0.3714574898785427,0.42893018583626324,0.01111546759578283,0.41403508771929826,0.6967709384460141,108.01,detroit smm food,2022-10-24,108.01,116.12412949611512 +0.7086258776328986,0.561,0.645748987854251,0.6675037669512808,0.004782132988775786,0.34586466165413504,0.36881937436932394,56.53999999999999,grand rapids smm food,2022-10-24,56.53999999999999,66.40607259828411 +0.21514543630892677,0.18100000000000002,0.633097165991903,0.6604721245605224,0.0033249531829148723,0.41904761904761895,0.7961654894046418,36.72,albany/schenectady/troy smm food,2022-10-24,36.72,37.60470857674194 +0.5456369107321966,0.414,0.4205465587044538,0.2732295328980412,0.004148989471130376,0.41403508771929814,0.17608476286579214,44.52,harrisburg/lancaster smm food,2022-10-24,44.52,38.41433336267001 +0.5411233701103308,0.28700000000000003,0.2641700404858304,0.5509794073329985,0.005035390395833952,0.6170426065162905,0.7563067608476287,29.809999999999995,greensboro smm food,2022-10-24,29.809999999999995,40.27489740251624 +0.32748244734202603,0.45300000000000007,0.7935222672064782,0.5745856353591161,0.010006833296385718,0.3192982456140352,0.4389505549949546,40.96,minneapolis/st. paul smm food,2022-10-24,40.96,43.55263517722249 +0.6785356068204613,0.7140000000000001,0.2909919028340083,0.5158211953792065,0.0059214747487787035,0.2701754385964912,0.3890010090817356,22.47,milwaukee smm food,2022-10-24,22.47,23.345781500652528 +0.8355065195586762,0.382,0.5055668016194335,0.437468608739327,0.007283683026992804,0.21754385964912276,0.5418768920282543,120.12999999999998,miami/west palm beach smm food,2022-10-24,120.12999999999998,138.50550622286943 +0.8079237713139417,0.867,0.8846153846153851,0.3922651933701658,0.02565212618916264,0.6812030075187968,0.46064581231079715,127.52,los angeles smm food,2022-10-24,127.52,120.0812818726843 +0.4348044132397191,0.7400000000000001,0.362854251012146,0.3581115017579106,0.004022360767601295,0.4882205513784461,0.18970736629667004,9.99,little rock/pine bluff smm food,2022-10-24,9.99,8.648876184899883 +0.5436308926780339,0.9369999999999999,0.5728744939271259,0.8849824208940232,0.0025015500382170176,0.09974937343358375,0.6397578203834511,6.91,madison wi smm food,2022-10-24,6.91,8.639858119112475 +0.48044132397191563,0.149,0.39473684210526333,0.3078854846810648,0.004528875581717622,0.2315789473684208,0.36629667003027244,22.51,knoxville smm food,2022-10-24,22.51,21.55234589689021 +0.4232698094282847,0.21200000000000002,0.508097165991903,0.41336012054244103,0.005795479188767266,0.16140350877192983,0.5903128153380424,31.94,kansas city smm food,2022-10-24,31.94,32.73391518641359 +0.5406218655967902,0.19,0.6032388663967612,0.4886991461577098,0.004275301602900635,0.04611528822055138,0.4989909182643794,33.7,jacksonville smm food,2022-10-24,33.7,36.20929077383126 +0.41524573721163466,0.9970000000000001,0.7823886639676114,0.3405323957810146,0.008075428995808388,0.9418546365914785,0.4001009081735621,38.94,indianapolis smm food,2022-10-24,38.94,43.23192012974461 +0.49899699097291894,0.06899999999999999,0.5126518218623484,0.6795580110497238,0.015010566516337398,0.4365914786967417,0.3239152371342079,124.13,houston smm food,2022-10-24,124.13,125.15451218850066 +0.7803410230692077,0.31400000000000006,0.7641700404858306,0.4028126569563034,0.005130361923480762,0.6235588972431075,0.5237134207870837,77.51,hartford/new haven smm food,2022-10-24,77.51,73.40384559233084 +0.9548645937813443,0.5559999999999999,0.5192307692307697,0.2877950778503265,0.005003416648192858,0.6927318295739348,0.6306760847628659,25.46,las vegas smm food,2022-10-24,25.46,30.11706511128991 +0.4969909729187563,0.046,0.48481781376518235,0.6157709693621296,0.009750726743498146,0.3644110275689224,0.22351160443995963,48.91,pittsburgh smm food,2022-10-31,48.91,55.79887000872552 +0.7763289869608824,0.7210000000000001,0.6012145748987857,0.40231039678553493,0.047391108867517816,0.48421052631578937,0.437941473259334,257.71,rem us east north central smm food,2022-10-31,257.71,271.7370530708466 +0.5265797392176528,0.205,0.8755060728744946,0.5851330989452537,0.008769354291147759,0.5278195488721804,0.47628657921291623,73.32,raleigh/durham/fayetteville smm food,2022-10-31,73.32,79.36087442141479 +0.17502507522567703,0.05,0.7206477732793524,0.2737317930688097,0.005255091196456909,0.6521303258145363,0.4384460141271443,39.37,providence ri/new bedford ma smm food,2022-10-31,39.37,37.54489631328753 +0.07121364092276858,0.333,0.4433198380566802,0.46459065796082377,0.01073209919584853,0.6771929824561402,0.4682139253279516,41.22,portland or smm food,2022-10-31,41.22,42.348567109551006 +0.5717151454363087,0.5820000000000001,0.47064777327935253,0.47815168257157215,0.01655701955818631,0.34335839598997486,0.450050454086781,73.31,phoenix/prescott smm food,2022-10-31,73.31,74.41500427274119 +0.6048144433299898,0.9289999999999999,0.8805668016194339,0.7780010045203416,0.045429630249852325,0.3328320802005013,0.8728557013118062,239.18000000000004,new york smm food,2022-10-31,239.18000000000004,260.7901916661224 +0.771313941825476,0.23700000000000002,0.6963562753036442,0.755399296835761,0.0029441173570511595,0.2501253132832078,0.8940464177598385,7.38,paducah ky/cape girardeau mo smm food,2022-10-31,7.38,9.814751841725439 +0.04613841524573725,0.034,0.7980769230769234,0.8116524359618283,0.014784217708779161,0.700250626566416,0.2749747729566095,202.21,orlando/daytona beach/melborne smm food,2022-10-31,202.21,91.1120709761702 +0.9042126379137412,0.477,0.1538461538461541,0.5193370165745856,0.0036089180505788397,0.2350877192982454,0.3239152371342079,12.23,omaha smm food,2022-10-31,12.23,12.690444419575513 +0.740220661985958,0.11100000000000002,0.8299595141700409,0.5936715218483175,0.00652169480350655,0.1819548872180447,0.5398587285570131,3.8400000000000003,oklahoma city smm food,2022-10-31,3.8400000000000003,4.479770734905401 +0.44032096288866557,0.8260000000000001,0.8102226720647776,0.3319939728779508,0.00642672327585974,0.7398496240601506,0.22452068617558021,45.72,norfolk/portsmouth/newport news smm food,2022-10-31,45.72,55.2061631878763 +0.6554663991975928,0.033,0.6675101214574898,0.3586137619286791,0.018108221176417565,0.48170426065162897,0.39606458123107974,82.76,rem us middle atlantic smm food,2022-10-31,82.76,84.70374398362274 +0.41925777331996,0.9970000000000001,0.44281376518218674,0.37569060773480667,0.028935608471671734,0.7067669172932332,0.8627648839556004,151.82,philadelphia smm food,2022-10-31,151.82,158.93378680198543 +0.4804413239719158,0.303,0.31123481781376533,0.5650426921145154,0.03346195147931877,0.3423558897243108,0.7320887991927346,131.72,rem us mountain smm food,2022-10-31,131.72,134.7376850007551 +0.2968906720160479,0.58,0.8917004048583006,0.47664490205926674,0.011776785999963464,0.8310776942355887,0.46064581231079715,27.33,sacramento/stockton/modesto smm food,2022-10-31,27.33,29.129128094809765 +0.5682046138415247,0.205,0.31123481781376533,0.4640883977900553,0.026275772554043373,0.6290726817042603,0.5625630676084763,65.61,rem us pacific smm food,2022-10-31,65.61,65.14774937828558 +0.751755265797392,0.629,0.7758097165991906,0.4580612757408338,0.052868433438668254,0.4822055137844612,0.3012108980827447,283.69,rem us south atlantic smm food,2022-10-31,283.69,246.04303492841868 +0.718655967903711,0.18000000000000005,0.7616396761133606,0.4665996986438976,0.08579284607150607,0.6571428571428569,0.5630676084762866,355.25,rem us south central smm food,2022-10-31,355.25,365.90699638040314 +0.22417251755265794,0.9830000000000001,0.4013157894736844,0.48769462581617284,0.03181609490519953,0.6907268170426062,0.44601412714429867,83.6,rem us west north central smm food,2022-10-31,83.6,84.2554091016443 +0.8395185556670011,0.009,0.5172064777327936,0.3219487694625817,0.0041790637882185315,0.2872180451127817,0.49596367305751765,44.06,richmond/petersburg smm food,2022-10-31,44.06,39.13172330744374 +0.4754262788365095,0.307,0.2768218623481783,0.6207935710698143,0.012030043407021624,0.4085213032581454,0.7492431886982845,38.38,salt lake city smm food,2022-10-31,38.38,37.270127712967195 +0.3465396188565695,0.13899999999999998,0.9154858299595147,0.8829733802109494,0.0058568941099788685,0.6355889724310774,0.648335015136226,30.320000000000004,san diego smm food,2022-10-31,30.320000000000004,31.198672541496798 +0.4694082246740218,0.29100000000000004,0.1857287449392716,0.8633852335509795,0.016050504744069983,0.7037593984962405,0.7502522704339052,46.68,san francisco/oakland/san jose smm food,2022-10-31,46.68,48.332104459115 +0.5576730190571714,0.9380000000000002,0.5146761133603246,0.4008036162732296,0.016968562844655827,0.21553884711779434,0.8925327951564077,51.31,seattle/tacoma smm food,2022-10-31,51.31,50.58519996068904 +0.8435305917753257,0.238,0.6179149797570854,0.5158211953792065,0.009560783688204523,0.4416040100250626,0.11099899091826439,43.17,st. louis smm food,2022-10-31,43.17,40.01335270517893 +0.28686058174523565,0.23700000000000002,0.8795546558704458,0.4183827222501256,0.013866476179952137,0.594987468671679,0.29616548940464177,297.18,tampa/ft. myers smm food,2022-10-31,297.18,128.85807150851994 +0.8119358074222668,0.238,0.4473684210526318,0.4063284781516826,0.0036722324023433822,0.4075187969924812,0.5252270433905146,12.56,tucson/sierra vista smm food,2022-10-31,12.56,15.28356301831186 +0.5391173520561686,0.8050000000000002,0.26163967611336025,0.599698643897539,0.03517175554872021,0.4847117794486215,0.5100908173562059,125.15,washington dc/hagerstown smm food,2022-10-31,125.15,135.74982371110605 +0.6058174523570712,0.673,0.5121457489878546,0.5916624811652437,0.004369006843512158,0.28320802005012535,0.6296670030272452,6.89,new orleans smm food,2022-10-31,6.89,13.116365413456045 +0.246740220661986,0.054000000000000006,0.6968623481781379,0.3375188347564039,0.010035324754679756,0.4426065162907267,0.3087790110998991,105.78,rem us new england smm food,2022-10-31,105.78,101.20152134847162 +0.5511534603811434,0.16200000000000003,0.7889676113360328,0.6639879457559016,0.010827070723495345,0.5824561403508767,0.06811301715438951,62.370000000000005,nashville smm food,2022-10-31,62.370000000000005,50.27132379323178 +0.7151454363089268,0.66,0.9671052631578952,0.24359618282270218,0.002627545598228454,0.5744360902255641,0.4909182643794147,4.07,yakima/pasco/richland/kennewick smm food,2022-10-31,4.07,3.5566557928040226 +0.294383149448345,0.342,0.3744939271255064,0.7222501255650428,0.014974160764072788,0.2441102756892232,0.49848637739656915,42.38,minneapolis/st. paul smm food,2022-10-31,42.38,44.847337917374965 +0.2883650952858575,0.618,0.793522267206478,0.9271722752385737,0.0039571469852838145,0.49974937343358383,0.8854692230070635,37.55,albany/schenectady/troy smm food,2022-10-31,37.55,40.40972696955082 +0.3971915747241724,0.18600000000000003,0.3724696356275306,0.4650929181315922,0.005571979527038436,0.6395989974937342,0.9369323915237134,22.15,albuquerque/santa fe smm food,2022-10-31,22.15,24.945718698056325 +0.018054162487462385,0.171,0.7722672064777331,0.7875439477649423,0.032164323839904516,0.68922305764411,0.6432896064581232,181.33,atlanta smm food,2022-10-31,181.33,134.92429177091262 +0.7507522567703111,0.8410000000000001,0.7140688259109316,0.48769462581617284,0.007123181145269687,0.7443609022556392,0.606962663975782,57.39999999999999,baltimore smm food,2022-10-31,57.39999999999999,63.83450966944257 +0.07171514543630873,0.459,0.21710526315789486,0.7955801104972376,0.0023426310152880195,0.4290726817042605,0.46165489404641774,1.88,baton rouge smm food,2022-10-31,1.88,2.8879446444863106 +0.4854563691073217,0.45999999999999996,0.5207489878542513,0.41285786037167255,0.005666951054685248,0.46065162907268176,0.4384460141271443,20.07,birmingham/anniston/tuscaloosa smm food,2022-10-31,20.07,12.459898629648954 +0.2592778335005013,0.17900000000000002,0.593117408906883,0.5464590657960824,0.017602022934060057,0.7388471177944862,0.4021190716448032,158.62,boston/manchester smm food,2022-10-31,158.62,143.24478349509485 +0.5887662988966902,0.7160000000000001,0.4023279352226723,0.4756403817177298,0.004084092260571723,0.6636591478696742,0.4091826437941473,15.88,buffalo smm food,2022-10-31,15.88,19.476471333901046 +0.5551654964894682,0.146,0.10475708502024307,0.4545454545454546,0.013074730211136552,0.7433583959899749,0.16044399596367306,85.21,charlotte smm food,2022-10-31,85.21,81.196895085999 +0.2993981945837511,0.667,0.49443319838056704,0.5077850326469111,0.026023148290502843,0.4115288220551378,0.6740665993945509,131.68,chicago smm food,2022-10-31,131.68,135.7057182386903 +0.4197592778335003,0.067,0.7930161943319844,0.7066800602712205,0.011871757527610268,0.7147869674185462,0.1432896064581231,75.87,cleveland/akron/canton smm food,2022-10-31,75.87,85.45926404378855 +0.6263791374122367,0.577,0.44230769230769246,0.44801607232546464,0.010542156140554908,0.4561403508771929,0.450050454086781,57.489999999999995,columbus oh smm food,2022-10-31,57.489999999999995,59.04751694057745 +0.5080240722166502,0.5599999999999999,0.6513157894736846,0.5951783023606229,0.02820749342637952,0.5724310776942355,0.363773965691221,59.85000000000001,dallas/ft. worth smm food,2022-10-31,59.85000000000001,67.60116762046094 +0.4869608826479436,0.455,0.753036437246964,0.658965344048217,0.003703889578225651,0.4355889724310777,0.644803229061554,18.67,des moines/ames smm food,2022-10-31,18.67,20.263951912327244 +0.7898696088264793,0.03,0.47823886639676133,0.2194876946258162,0.01592419261229972,0.6340852130325815,0.7078708375378405,109.12,detroit smm food,2022-10-31,109.12,116.44212109219067 +0.28335005015045145,0.33,0.2201417004048584,0.31140130587644405,0.0042423781399830735,0.3914786967418548,0.2593340060544904,29.6,mobile/pensacola smm food,2022-10-31,29.6,17.09545989934132 +0.2291875626880641,0.893,0.525303643724697,0.5519839276745354,0.006173465868801579,0.6215538847117792,0.6962663975782039,35.63,greensboro smm food,2022-10-31,35.63,40.02658800591299 +0.31644934804413233,0.9289999999999999,0.5926113360323888,0.6489201406328479,0.006078494341154764,0.4827067669172929,0.15640766902119072,64.02,grand rapids smm food,2022-10-31,64.02,65.15931041460158 +0.6659979939819457,0.332,0.6047570850202432,0.35308890005022603,0.007693010311150563,0.43909774436090215,0.14984863773965693,20.34,milwaukee smm food,2022-10-31,20.34,21.794381437890912 +0.8154463390170513,0.44900000000000007,0.35273279352226744,0.5906579608237067,0.010732099195848532,0.6591478696741854,0.4853683148335015,304.96,miami/west palm beach smm food,2022-10-31,304.96,140.81184089525988 +0.4608826479438313,0.891,0.8006072874493931,0.5966850828729282,0.0028808030052866187,0.16240601503759378,0.36730575176589303,7.9,madison wi smm food,2022-10-31,7.9,5.637729617133971 +0.6394182547642928,0.8220000000000001,0.26012145748987875,0.5178302360622803,0.0047805501299816745,0.718796992481203,0.1170534813319879,12.14,little rock/pine bluff smm food,2022-10-31,12.14,10.279035112533343 +0.9307923771313942,0.503,0.8714574898785433,0.4073329984932195,0.007091523969387422,0.4887218045112781,0.3718466195761857,28.540000000000003,las vegas smm food,2022-10-31,28.540000000000003,29.114121879861322 +0.7602808425275827,0.36600000000000005,0.5445344129554658,0.8021094927172276,0.039097878501639406,0.5879699248120299,0.42078708375378404,116.96,los angeles smm food,2022-10-31,116.96,123.28187036385333 +0.4704112337011032,0.854,0.8001012145748992,0.6443997990959317,0.008231182301149161,0.5338345864661654,0.3375378405650858,31.610000000000003,kansas city smm food,2022-10-31,31.610000000000003,34.641194937216575 +0.5907723169508524,0.48200000000000004,0.7763157894736844,0.30236062280261183,0.0058252369340966005,0.39248120300751865,0.7336024217961655,65.3,jacksonville smm food,2022-10-31,65.3,38.11637943890863 +0.23821464393179517,0.58,0.4676113360323886,0.35459568056253143,0.009149240401735004,0.5333333333333331,0.3910191725529768,41.45,indianapolis smm food,2022-10-31,41.45,41.46652888419578 +0.15245737211634922,0.637,0.5000000000000002,0.3872425916624812,0.020546140291111223,0.6210526315789472,0.3582240161453078,123.62,houston smm food,2022-10-31,123.62,124.70742233947988 +0.5521564694082248,0.614,0.5035425101214581,0.5213460572576595,0.007281467024681044,0.4872180451127817,0.6770938446014128,69.7,hartford/new haven smm food,2022-10-31,69.7,74.4514728330324 +0.1564694082246741,0.38400000000000006,0.433198380566802,0.6187845303867404,0.005065464712922107,0.47268170426065154,0.6145307769929365,42.4,harrisburg/lancaster smm food,2022-10-31,42.4,42.58893941093021 +0.7236710130391172,0.068,0.4954453441295549,0.19437468608739328,0.005033807537039837,0.2832080200501251,0.4727547931382442,21.56,knoxville smm food,2022-10-31,21.56,22.17945103036231 +0.4317953861584757,0.294,0.5996963562753037,0.27272727272727276,0.01757416461928366,0.8837092731829573,0.4717457114026236,42.87,portland or smm food,2022-11-07,42.87,43.55095471570453 +0.30792377131394183,0.919,0.6391700404858299,0.5580110497237569,0.03426604374672844,0.5333333333333332,0.34510595358224017,83.99,rem us middle atlantic smm food,2022-11-07,83.99,87.79717486928988 +0.7036108324974922,0.15500000000000003,0.41244939271255077,0.3249623304871924,0.09573953073371548,0.3774436090225563,0.5393541876892028,319.99,rem us east north central smm food,2022-11-07,319.99,277.85743672968465 +0.6429287863590771,0.7580000000000001,0.5334008097165996,0.4520341536916123,0.014979859055731591,0.6516290726817042,0.5726538849646822,70.16,raleigh/durham/fayetteville smm food,2022-11-07,70.16,80.65565214361278 +0.17301905717151453,0.16100000000000003,0.7115384615384617,0.3249623304871924,0.008677231909330353,0.769423558897243,0.6478304742684158,41.32,providence ri/new bedford ma smm food,2022-11-07,41.32,39.93854849044251 +0.37362086258776334,0.477,0.32945344129554666,0.6202913108990458,0.016404115398674948,0.37142857142857155,0.37790110998990917,52.16,pittsburgh smm food,2022-11-07,52.16,57.57644118685186 +0.7286860581745231,0.7580000000000001,0.8193319838056683,0.3972877950778504,0.010355695374608337,0.2736842105263162,0.45408678102926336,47.42,norfolk/portsmouth/newport news smm food,2022-11-07,47.42,56.4745691232835 +0.8159478435305918,0.549,0.6143724696356281,0.8066298342541437,0.04230696642082516,0.4912280701754386,0.8153380423814329,151.52,philadelphia smm food,2022-11-07,151.52,162.89902335943148 +0.5150451354062182,0.45300000000000007,0.5470647773279356,0.4068307383224511,0.006366258069924604,0.47619047619047594,0.7315842583249244,7.389999999999999,paducah ky/cape girardeau mo smm food,2022-11-07,7.389999999999999,7.641166901382476 +0.4127382146439318,0.536,0.5258097165991905,0.3766951280763436,0.023021731445104776,0.5819548872180451,0.27800201816347125,68.92,orlando/daytona beach/melborne smm food,2022-11-07,68.92,90.10966412466448 +0.9072216649949848,0.33,0.21204453441295573,0.35057759919638376,0.007125080575822627,0.5518796992481201,0.6084762865792129,14.45,omaha smm food,2022-11-07,14.45,14.821112146982912 +0.7382146439317956,0.7120000000000001,0.43370445344129577,0.9186338523355099,0.012224101895179938,0.315288220551378,0.5403632694248234,4.48,oklahoma city smm food,2022-11-07,4.48,7.591439960685818 +0.36208625877632905,0.7210000000000001,0.5141700404858303,0.28679055750878957,0.0535800867525017,0.48872180451127817,0.6458123107971746,135.25,rem us mountain smm food,2022-11-07,135.25,136.04898516346702 +0.29287863590772306,0.6360000000000001,0.6153846153846158,0.38774485183324964,0.024667904590982843,0.39448621553884705,0.45761856710393545,78.13,phoenix/prescott smm food,2022-11-07,78.13,74.88958526076293 +0.4558676028084253,0.7250000000000001,0.8750000000000004,0.36865896534404824,0.018209207567482007,0.6305764411027568,0.6806256306760847,115.22,rem us new england smm food,2022-11-07,115.22,106.03398631215802 +0.24072216649949846,0.8039999999999999,0.35425101214574917,0.36614766449020597,0.017447852487513404,0.8761904761904761,0.7532795156407669,36.38,salt lake city smm food,2022-11-07,36.38,37.93186132864109 +0.6038114343029084,0.517,0.44483805668016213,0.599698643897539,0.10735866399778524,0.568922305764411,0.3980827447023209,208.03,rem us south atlantic smm food,2022-11-07,208.03,254.85204955568415 +0.5416248746238715,0.9900000000000001,0.5232793522267207,0.19236564540431947,0.1730780114141024,0.5092731829573932,0.5368314833501514,356.56,rem us south central smm food,2022-11-07,356.56,375.9453786321559 +0.5190571715145436,0.7320000000000001,0.4514170040485832,0.43445504771471627,0.06495482661876031,0.9012531328320799,0.5963673057517659,84.44,rem us west north central smm food,2022-11-07,84.44,90.54299109754943 +0.8094282848545639,0.092,0.8618421052631581,0.3711702661978906,0.008423657930513365,0.5368421052631577,0.6422805247225025,37.5,richmond/petersburg smm food,2022-11-07,37.5,41.82974021942376 +0.5812437311935805,0.28300000000000003,0.8780364372469645,0.1737820190858865,0.017892319236900482,0.4827067669172931,0.41574167507568116,26.43,sacramento/stockton/modesto smm food,2022-11-07,26.43,27.245400181365248 +0.40020060180541606,0.119,0.5915991902834011,0.4962330487192367,0.009880837736374277,0.6421052631578945,0.5418768920282543,29.400000000000002,san diego smm food,2022-11-07,29.400000000000002,28.836951016508642 +0.29939819458375105,0.47400000000000003,0.2722672064777332,0.7182320441988951,0.022831155246293505,0.6225563909774435,0.8995963673057518,45.5,san francisco/oakland/san jose smm food,2022-11-07,45.5,48.923412437676475 +0.7427281845536609,0.9,0.4185222672064784,0.4942240080361628,0.023495639368062367,0.6796992481203006,0.8466195761856711,52.14,seattle/tacoma smm food,2022-11-07,52.14,53.441618494359375 +0.5972918756268805,0.048999999999999995,0.45900809716599233,0.5791059768960322,0.01624709580629888,0.6385964912280699,0.2199798183652876,40.16,st. louis smm food,2022-11-07,40.16,41.9633018906632 +0.5050150451354062,0.8410000000000001,0.787955465587045,0.3520843797086891,0.022293932971571378,0.7999999999999996,0.6266397578203835,102.68,tampa/ft. myers smm food,2022-11-07,102.68,132.80104938890764 +0.7156469408224675,0.663,0.7059716599190287,0.38071320944249126,0.005668217341720539,0.38195488721804516,0.9621594349142281,14.789999999999997,tucson/sierra vista smm food,2022-11-07,14.789999999999997,18.064113784447052 +0.3961885656970914,0.267,0.3016194331983805,0.874937217478654,0.04470816321149538,0.9228070175438595,0.17507568113017155,134.85,washington dc/hagerstown smm food,2022-11-07,134.85,137.62004712968678 +0.5416248746238717,0.343,0.5673076923076925,0.2797589151180312,0.00408504197584819,0.661654135338346,0.38143289606458125,4.29,yakima/pasco/richland/kennewick smm food,2022-11-07,4.29,2.924937593132327 +0.8861584754262785,0.277,0.7419028340080979,0.8106479156202914,0.06735728969646583,0.4200501253132832,0.8324924318869829,251.26,new york smm food,2022-11-07,251.26,264.18184302889716 +0.5025075225677031,0.34600000000000003,0.5450404858299598,0.7272727272727273,0.047153996620159615,0.3899749373433582,0.5600403632694249,70.62,rem us pacific smm food,2022-11-07,70.62,68.93618816274702 +0.7352056168505516,0.887,0.03694331983805679,0.5293822199899548,0.008962779635788433,0.3619047619047619,0.5277497477295661,11.13,new orleans smm food,2022-11-07,11.13,13.084295082279489 +0.2888665997993982,0.431,0.7009109311740894,0.665494726268207,0.019349182471002573,0.36591478696741814,0.10242179616548941,49.38,nashville smm food,2022-11-07,49.38,50.64141888582949 +0.6028084252758276,0.15600000000000003,0.6315789473684214,0.21546961325966854,0.008392950469907564,0.417543859649123,0.3113017154389506,15.19,mobile/pensacola smm food,2022-11-07,15.19,18.214824989303352 +0.770310932798395,0.82,0.481275303643725,0.5133098945253642,0.010355378802849514,0.6350877192982455,0.7376387487386479,23.59,albuquerque/santa fe smm food,2022-11-07,23.59,25.70754370794441 +0.2728184553660983,0.9800000000000001,0.7722672064777331,0.6077348066298344,0.042113541076184494,0.4907268170426062,0.7043390514631686,116.26000000000002,atlanta smm food,2022-11-07,116.26000000000002,135.8330268658532 +0.6303911735205618,0.6200000000000001,0.8623481781376522,0.4665996986438976,0.0122877328187033,0.749874686716792,0.5116044399596368,59.290000000000006,baltimore smm food,2022-11-07,59.290000000000006,63.6927133717425 +0.16950852557673,0.298,0.4210526315789476,0.6087393269713712,0.004370906274065092,0.29172932330827056,0.8546922300706358,1.88,baton rouge smm food,2022-11-07,1.88,4.16870313814664 +0.26730190571715123,0.472,0.6007085020242918,0.44902059266700156,0.013079795359277715,0.6421052631578948,0.6337033299697276,9.78,birmingham/anniston/tuscaloosa smm food,2022-11-07,9.78,15.093999969279302 +0.6664994984954863,0.48,0.5996963562753042,0.6544450025113009,0.027360980543287592,0.8285714285714285,0.3627648839556004,164.39,boston/manchester smm food,2022-11-07,164.39,146.10792423067758 +0.4012036108324976,0.5750000000000001,0.65587044534413,0.2516323455549975,0.008740862832853717,0.6917293233082705,0.5,16.86,buffalo smm food,2022-11-07,16.86,19.23929486422469 +0.8189568706118353,0.49900000000000005,0.10222672064777343,0.1883475640381718,0.022419928531582815,0.8671679197994988,0.16397578203834512,66.93,charlotte smm food,2022-11-07,66.93,81.9931168916884 +0.5285857572718153,0.5,0.536943319838057,0.551481667503767,0.04132654368375124,0.7969924812030075,0.5635721493440968,143.04,chicago smm food,2022-11-07,143.04,138.99316378856523 +0.5406218655967902,0.40599999999999997,0.6234817813765188,0.7785032646911101,0.019033876999215153,0.4872180451127819,0.23158425832492432,81.98,cleveland/akron/canton smm food,2022-11-07,81.98,86.94035348122534 +0.5235707121364093,0.42900000000000005,0.633097165991903,0.5966850828729282,0.015485740726330275,0.5864661654135337,0.7411705348133198,66.48,columbus oh smm food,2022-11-07,66.48,62.56114332709895 +0.32196589769307954,0.593,0.8618421052631584,0.5263686589653441,0.040850103186723066,0.7694235588972429,0.30171543895055497,61.58,dallas/ft. worth smm food,2022-11-07,61.58,69.07025840889774 +0.828485456369107,0.16100000000000003,0.5946356275303647,0.5424409844299347,0.00649225362993604,0.47619047619047616,0.6972754793138244,18.27,des moines/ames smm food,2022-11-07,18.27,20.755532451566452 +0.49749247743229674,0.9119999999999999,0.960526315789474,0.18985434455047717,0.025491940879198347,0.7649122807017543,0.8496468213925328,140.25,detroit smm food,2022-11-07,140.25,119.06018864199042 +0.448345035105316,0.248,0.4498987854251013,0.5087895529884481,0.011242412871070733,0.9228070175438593,0.39404641775983856,86.08,grand rapids smm food,2022-11-07,86.08,67.64091092868648 +0.5225677031093279,0.23399999999999999,0.7044534412955469,0.7855349070818685,0.005795795760526088,0.7859649122807015,0.7875882946518669,39.83,albany/schenectady/troy smm food,2022-11-07,39.83,40.33484835659462 +0.38615847542627885,0.767,0.2479757085020245,0.5600200904068308,0.010831186156360039,0.32581453634085206,0.7835519677093845,47.43,harrisburg/lancaster smm food,2022-11-07,47.43,44.03559895665947 +0.30992978936810417,0.657,0.670546558704454,0.40381717729784034,0.010672583705189866,0.7624060150375938,0.49848637739656915,31.610000000000003,greensboro smm food,2022-11-07,31.610000000000003,39.215488999700945 +0.6168505516549647,0.7530000000000001,0.12601214574898803,0.545956805625314,0.023274988852162944,0.5694235588972432,0.33955600403632696,43.6,minneapolis/st. paul smm food,2022-11-07,43.6,45.66840549258152 +0.25376128385155466,0.547,0.7646761133603243,0.6554495228528379,0.011274070046953005,0.651127819548872,0.20030272452068618,28.61,milwaukee smm food,2022-11-07,28.61,24.488076340223593 +0.6985957873620864,0.11000000000000001,0.3471659919028342,0.4902059266700151,0.013807277261052292,0.5864661654135337,0.4238143289606458,107.43,miami/west palm beach smm food,2022-11-07,107.43,139.732973426861 +0.4789368104312939,0.381,0.2930161943319839,0.8985434455047716,0.06152952018829865,0.38746867167919785,0.7946518668012109,116.14000000000001,los angeles smm food,2022-11-07,116.14000000000001,127.92114610576945 +0.771815446339017,0.383,0.44838056680161975,0.7945755901557008,0.0092160370428466,0.6441102756892231,0.5560040363269425,10.84,little rock/pine bluff smm food,2022-11-07,10.84,14.932086719342045 +0.494483450351053,0.884,0.47874493927125533,0.5670517327975892,0.005320304978774386,0.4621553884711776,0.3340060544904137,6.73,madison wi smm food,2022-11-07,6.73,6.402915928390286 +0.4914744232698092,0.07900000000000001,0.7135627530364375,0.40381717729784034,0.009754209032845197,0.07268170426065144,0.5267406659939455,19.97,knoxville smm food,2022-11-07,19.97,23.455034896965024 +0.3630892678034101,0.9960000000000001,0.7697368421052637,0.8859869412355601,0.013965879712222469,0.7518796992481201,0.42885973763874874,32.24,kansas city smm food,2022-11-07,32.24,37.90379096992759 +0.6629889669007019,0.9640000000000001,0.654352226720648,0.2872928176795581,0.01010212139579135,0.6431077694235587,0.4772956609485368,27.24,jacksonville smm food,2022-11-07,27.24,38.19170695904628 +0.31895687061183525,0.743,0.02226720647773245,0.497739829231542,0.018019897655706028,0.43558897243107747,0.45862764883955603,52.78,indianapolis smm food,2022-11-07,52.78,43.56201244294752 +0.16549648946840537,0.066,0.5895748987854253,0.17327975891511804,0.03271230955442661,0.6220551378446113,0.5509586276488395,123.91,houston smm food,2022-11-07,123.91,126.12672187966521 +0.23570712136409244,0.8160000000000001,0.26315789473684253,0.67754897036665,0.012983874116354436,0.39248120300751854,0.656912209889001,80.58,hartford/new haven smm food,2022-11-07,80.58,75.15761317052493 +0.7758274824473422,0.31800000000000006,0.6163967611336039,0.3967855349070819,0.009752942745809907,0.16340852130325811,0.2623612512613522,27.22,las vegas smm food,2022-11-07,27.22,27.287569896887796 +0.5531594784353059,0.8630000000000001,0.5035425101214577,0.581115017579106,0.030184484060227307,0.6837092731829575,0.3239152371342079,59.07,pittsburgh smm food,2022-11-14,59.07,60.52923641290672 +0.4363089267803408,0.9550000000000001,0.23937246963562758,0.6132596685082874,0.18957266633580067,0.7719298245614032,0.4747729566094854,349.47,rem us east north central smm food,2022-11-14,349.47,293.3793207836059 +0.28836509528585746,0.883,0.3937246963562757,0.5203415369161226,0.026861430307865367,0.6812030075187969,0.669021190716448,66.82,raleigh/durham/fayetteville smm food,2022-11-14,66.82,82.75059101784133 +0.16198595787362086,0.867,0.793016194331984,0.21396283274736316,0.015520247048041952,0.7523809523809523,0.4192734611503532,49.16,providence ri/new bedford ma smm food,2022-11-14,49.16,39.246884895425346 +0.44232698094282874,0.015,0.8097165991902836,0.2385735811150176,0.028629800152648998,0.8802005012531328,0.6442986881937437,49.74,portland or smm food,2022-11-14,49.74,45.916773581171746 +0.4042126379137411,0.459,0.8577935222672071,0.635861376192868,0.04145823753542149,0.28972431077694233,0.49949545913218973,77.93,phoenix/prescott smm food,2022-11-14,77.93,78.84273361761814 +0.7266800401203608,0.326,0.6143724696356282,0.5052737317930689,0.1141538768009146,0.5844611528822055,0.7209889001009082,264.38,new york smm food,2022-11-14,264.38,268.56140876279494 +0.25526579739217614,0.968,0.5263157894736845,0.2446007031642391,0.013810759550399341,0.7278195488721803,0.6215943491422805,6.04,paducah ky/cape girardeau mo smm food,2022-11-14,6.04,7.694416387240352 +0.6263791374122367,0.6040000000000001,0.6695344129554659,0.3214465092918132,0.03870406323366395,0.13884711779448627,0.2684157416750757,94.03,orlando/daytona beach/melborne smm food,2022-11-14,94.03,91.04817621616132 +0.9979939819458373,0.067,0.34615384615384653,0.605223505775992,0.011845798643386809,0.7664160401002502,0.8607467204843593,14.48,omaha smm food,2022-11-14,14.48,19.180499894781676 +0.40270812437311954,0.539,0.3532388663967613,0.635861376192868,0.022045107569136725,0.24110275689223015,0.6094853683148335,7.52,oklahoma city smm food,2022-11-14,7.52,6.837418282648883 +0.4598796389167498,0.45,0.5516194331983807,0.4902059266700151,0.01837160887975806,0.4872180451127823,0.5686175580221998,51.02,norfolk/portsmouth/newport news smm food,2022-11-14,51.02,58.70567374564757 +0.3535606820461384,0.298,0.40384615384615363,0.5474635861376194,0.06388703007625134,0.2225563909774436,0.45055499495459134,99.54,rem us middle atlantic smm food,2022-11-14,99.54,91.19968766029157 +0.7557673019057173,0.274,0.656882591093118,0.5886489201406329,0.07170730223444863,0.4837092731829574,0.32996972754793147,161.3,philadelphia smm food,2022-11-14,161.3,162.751496087555 +0.33400200601805424,0.462,0.9574898785425107,0.2737317930688097,0.08985509488071904,0.2536340852130326,0.7204843592330978,150.74,rem us mountain smm food,2022-11-14,150.74,140.8878292757572 +0.8681043129388161,0.286,0.7474696356275313,0.371672526368659,0.029678918961387454,0.4987468671679196,0.3890010090817356,29.37,sacramento/stockton/modesto smm food,2022-11-14,29.37,30.33157744429814 +0.277331995987964,0.7140000000000001,0.39524291497975733,0.9402310396785536,0.08333434979248897,0.12581453634085202,0.35065590312815337,76.86,rem us pacific smm food,2022-11-14,76.86,72.91980453590288 +0.29939819458375105,0.9660000000000001,0.5450404858299598,0.630336514314415,0.20518408605038352,0.6080200501253132,0.7502522704339052,222.02,rem us south atlantic smm food,2022-11-14,222.02,270.7176494352873 +0.23771313941825467,0.622,0.3441295546558704,0.4866901054746359,0.3378754553326793,0.7563909774436087,0.36629667003027244,381.4,rem us south central smm food,2022-11-14,381.4,399.8136226907575 +0.7081243731193579,0.891,0.2869433198380568,0.24008036162732296,0.12254935984489275,0.7263157894736839,0.5766902119071645,95.58,rem us west north central smm food,2022-11-14,95.58,97.16834065466668 +0.8029087261785358,0.7910000000000001,0.8643724696356279,0.24108488196885994,0.013620183351588074,0.7769423558897239,0.16599394550958627,38.82,richmond/petersburg smm food,2022-11-14,38.82,40.1138919433127 +0.3039117352056168,0.5990000000000001,0.4372469635627533,0.26670015067805125,0.02755440588792827,0.6606516290726816,0.9404641775983855,30.66,salt lake city smm food,2022-11-14,30.66,39.26325421590201 +0.6243731193580739,0.10900000000000001,0.425101214574899,0.3430436966348569,0.01590171601742331,0.720300751879699,0.18264379414732593,34.05,san diego smm food,2022-11-14,34.05,27.235304117192264 +0.2632898696088263,0.58,0.1801619433198384,0.6418884982420895,0.033857982749605976,0.6781954887218045,0.4974772956609485,50.86,san francisco/oakland/san jose smm food,2022-11-14,50.86,47.81317462461922 +0.6429287863590771,0.22400000000000003,0.18522267206477783,0.5534907081868409,0.038257697053723935,0.8320802005012531,0.38799192734611504,53.9,seattle/tacoma smm food,2022-11-14,53.9,53.05156335911012 +0.1900702106318955,0.9740000000000001,0.30617408906882626,0.6323455549974888,0.030661557700773126,0.6536340852130325,0.2658930373360242,52.47,st. louis smm food,2022-11-14,52.47,44.26535811755775 +0.5917753259779338,0.5710000000000001,0.6497975708502027,0.09542943244600705,0.04076304595304683,0.5879699248120297,0.47124117053481335,131.49,tampa/ft. myers smm food,2022-11-14,131.49,132.30958103078427 +0.5391173520561685,0.063,0.7697368421052636,0.23103967855349072,0.010451300045772794,0.6225563909774435,0.513622603430878,14.970000000000002,tucson/sierra vista smm food,2022-11-14,14.970000000000002,15.493480004518538 +0.25275827482447355,0.061,0.6573886639676116,0.8151682571572075,0.06108885230001745,0.9383458646616539,0.1851664984863774,134.06,washington dc/hagerstown smm food,2022-11-14,134.06,139.5723155853213 +0.6414242728184554,0.227,0.2768218623481784,0.6057257659467605,0.01675709290976226,0.5974937343358395,0.5484359233097881,13.77,new orleans smm food,2022-11-14,13.77,15.152113819720874 +0.7021063189568706,0.785,0.674595141700405,0.3706680060271221,0.030439324326079584,0.4646616541353382,0.5166498486377397,121.28000000000002,rem us new england smm food,2022-11-14,121.28000000000002,106.61883210149112 +0.5576730190571715,0.355,0.6751012145748991,0.821195379206429,0.03506222172016755,0.6275689223057639,0.4389505549949546,52.91,nashville smm food,2022-11-14,52.91,56.90105378767576 +0.7482447342026078,0.422,0.3841093117408907,0.634856855851331,0.00712634686285792,0.41353383458646636,0.4510595358224016,5.75,yakima/pasco/richland/kennewick smm food,2022-11-14,5.75,5.290363190339647 +0.37261785356068194,0.7320000000000001,0.5425101214574903,0.5268709191361125,0.03864011573838177,0.5929824561403508,0.4394550958627649,50.98,minneapolis/st. paul smm food,2022-11-14,50.98,48.21047306384765 +0.7933801404212637,0.29300000000000004,0.2555668016194331,0.47061778001004523,0.012163320117485981,0.6842105263157893,0.8562058526740666,39.39,albany/schenectady/troy smm food,2022-11-14,39.39,39.71556502047737 +0.8886659979939818,0.1,0.732793522267207,0.32446007031642393,0.019478660320361055,0.9468671679197993,0.41321897073662966,24.97,albuquerque/santa fe smm food,2022-11-14,24.97,25.013254567305736 +0.6013039117352056,0.995,0.487854251012146,0.6318432948267203,0.06248588347170205,0.39248120300751854,0.7875882946518669,123.94,atlanta smm food,2022-11-14,123.94,139.397229977944 +0.2888665997993983,0.342,0.5495951417004051,0.2757408337518835,0.0223626290432359,0.6546365914786968,0.17406659939455096,62.67,baltimore smm food,2022-11-14,62.67,60.878996766056716 +0.3625877632898694,0.242,0.41902834008097195,0.802611752887996,0.008584792955754122,0.23609022556390963,0.9556004036326943,2.7,baton rouge smm food,2022-11-14,2.7,6.57868205071496 +0.449348044132397,0.931,0.8259109311740895,0.5258663987945756,0.025308012687322357,0.8952380952380954,0.36629667003027244,11.46,birmingham/anniston/tuscaloosa smm food,2022-11-14,11.46,17.14198485944835 +0.9322968906720157,0.931,0.558198380566802,0.40833751883475644,0.043521335687669055,0.5007518796992482,0.615539858728557,177.8,boston/manchester smm food,2022-11-14,177.8,148.04925688905223 +0.18254764292878653,0.288,0.3896761133603241,0.12405826217980916,0.016375940512139725,0.33182957393483703,0.8340060544904138,20.84,buffalo smm food,2022-11-14,20.84,19.745222767490446 +0.6910732196589767,0.883,0.18168016194332,0.12656956303365144,0.03971614314662015,0.7458646616541353,0.36629667003027244,71.88,charlotte smm food,2022-11-14,71.88,84.88328450492928 +0.5240722166499497,0.043000000000000003,0.47216599190283426,0.43445504771471627,0.07006239537560585,0.6390977443609023,0.5549949545913219,155.25,chicago smm food,2022-11-14,155.25,141.5703573304278 +0.6880641925777331,0.29100000000000004,0.726214574898786,0.6393771973882472,0.03759764493657859,0.27368421052631575,0.33148335015136227,113.41,cleveland/akron/canton smm food,2022-11-14,113.41,88.92929678909155 +0.5125376128385156,0.9380000000000002,0.6123481781376521,0.44801607232546464,0.02831544439613805,0.6250626566416039,0.8592330978809284,68.84,columbus oh smm food,2022-11-14,68.84,64.52351594094269 +0.5165496489468409,0.49000000000000005,0.5409919028340084,0.3430436966348569,0.06581685151803456,0.6035087719298244,0.43693239152371344,66.63,dallas/ft. worth smm food,2022-11-14,66.63,71.88520243717075 +0.751755265797392,0.787,0.3562753036437249,0.4751381215469614,0.01260652057983777,0.23709273182957397,0.7477295660948536,19.69,des moines/ames smm food,2022-11-14,19.69,20.799255307345803 +0.5481444332998996,0.37000000000000005,0.6169028340080974,0.07132094424912105,0.0417456846924325,0.763408521303258,0.8007063572149344,149.75,detroit smm food,2022-11-14,149.75,120.00501353552148 +0.5456369107321967,0.332,0.6938259109311745,0.5334003013561025,0.01776948939447727,0.7102756892230577,0.31079717457114026,17.77,mobile/pensacola smm food,2022-11-14,17.77,22.281903275062547 +0.6975927783350049,0.738,0.5693319838056686,0.46258161727774993,0.02163293113914957,0.41854636591478667,0.6579212916246217,31.78,greensboro smm food,2022-11-14,31.78,41.57544270966053 +0.6429287863590771,0.8140000000000001,0.13917004048582984,0.20241084881968863,0.02125304502856232,0.8907268170426061,0.3365287588294652,94.82,grand rapids smm food,2022-11-14,94.82,67.25975262735604 +0.09729187562688063,0.246,0.5247975708502027,0.7237569060773481,0.02011307012504176,0.5664160401002505,0.124117053481332,25.2,milwaukee smm food,2022-11-14,25.2,24.873204816476026 +0.4714142427281848,0.18100000000000002,0.7019230769230772,0.6514314414866902,0.025054122136746543,0.5032581453634084,0.3481331987891019,139.25,miami/west palm beach smm food,2022-11-14,139.25,141.41321845113202 +0.6003009027081242,0.17200000000000001,0.4630566801619437,0.7644399799095932,0.009058700878711712,0.5047619047619045,0.3491422805247225,7.12,madison wi smm food,2022-11-14,7.12,8.116103232688374 +0.8064192577733199,0.15500000000000003,0.38663967611336064,0.7523857358111502,0.018307977956234695,0.7664160401002507,0.5837537840565086,12.02,little rock/pine bluff smm food,2022-11-14,12.02,16.424043774998815 +0.34052156469408246,0.255,0.35931174089068874,0.4545454545454546,0.01532935427747186,0.048621553884711774,0.3884964682139253,32.29,las vegas smm food,2022-11-14,32.29,27.867305550744014 +0.46840521564694076,0.18300000000000002,0.40030364372469646,0.5198392767453541,0.09695548285935349,0.7047619047619046,0.7613521695257316,142.02,los angeles smm food,2022-11-14,142.02,131.48418586952408 +0.7412236710130389,0.645,0.5612348178137656,0.8648920140632849,0.024579264498512488,0.32681704260651623,0.446518668012109,36.83,kansas city smm food,2022-11-14,36.83,38.40377610052514 +0.36659979939819437,0.143,0.3942307692307692,0.5936715218483175,0.01903545985800927,0.4491228070175437,0.29616548940464177,35.86,jacksonville smm food,2022-11-14,35.86,38.52071234291463 +0.31093279839518534,0.519,0.14929149797570823,0.8342541436464089,0.03392351310368227,0.7543859649122804,0.5100908173562059,56.34000000000001,indianapolis smm food,2022-11-14,56.34000000000001,48.97221612080408 +0.29538615847542643,0.6360000000000001,0.8562753036437253,0.20542440984429935,0.055364918328744114,0.5142857142857141,0.5509586276488395,132.19,houston smm food,2022-11-14,132.19,129.80773491234604 +0.5165496489468406,0.58,0.4018218623481786,0.40381717729784034,0.02141228062325014,0.6636591478696738,0.6226034308779012,87.06,hartford/new haven smm food,2022-11-14,87.06,75.86068117389274 +0.3681043129388165,0.766,0.3248987854251015,0.20090406830738325,0.021221704424438874,0.519799498746867,0.3092835519677094,48.17,harrisburg/lancaster smm food,2022-11-14,48.17,41.31080689346571 +0.4628886659979938,0.04800000000000001,0.35627530364372484,0.5193370165745856,0.01989083675034822,0.28621553884711753,0.47426841574167505,21.82,knoxville smm food,2022-11-14,21.82,25.620144986221156 +0.6504513540621866,0.40599999999999997,0.6801619433198383,0.808136614766449,0.03554087821950747,0.5323308270676693,0.18869828456104945,95.37,pittsburgh smm food,2022-11-21,95.37,61.38906490622502 +0.22066198595787342,0.44800000000000006,0.1953441295546559,0.5374183827222502,0.22009999761083293,0.8481203007518796,0.25025227043390513,601.71,rem us east north central smm food,2022-11-21,601.71,295.55555357609273 +0.33650952858575717,0.24500000000000002,0.41801619433198417,0.6675037669512808,0.03240871723771563,0.5799498746867167,0.28910191725529766,85.62,raleigh/durham/fayetteville smm food,2022-11-21,85.62,81.65893993632837 +0.3605817452357071,0.668,0.6801619433198383,0.12757408337518836,0.01751813141797205,0.8651629072681701,0.40968718466195764,56.08,providence ri/new bedford ma smm food,2022-11-21,56.08,39.49715278122941 +0.22768304914744258,0.08000000000000002,0.7079959514170041,0.31592164741336015,0.028475946277861163,0.6867167919799497,0.3980827447023209,87.89,portland or smm food,2022-11-21,87.89,43.92274676154086 +0.6559679037111332,0.17900000000000002,0.8572874493927128,0.4404821697639378,0.04650059250994954,0.04010025062656641,0.5428859737638749,158.53,phoenix/prescott smm food,2022-11-21,158.53,78.20216308730339 +0.7006018054162485,0.223,0.6877530364372477,0.5951783023606229,0.12779716989089673,0.8185463659147869,0.42986881937436927,435.09,new york smm food,2022-11-21,435.09,269.9876355188714 +0.18204613841524536,0.17500000000000002,0.9504048582995956,0.24259166248116526,0.018119617759735186,0.5744360902255636,0.7795156407669022,14.14,paducah ky/cape girardeau mo smm food,2022-11-21,14.14,8.499234735848333 +0.5737211634904715,0.542,0.7555668016194335,0.5489703666499247,0.04548882916875217,0.4776942355889724,0.2694248234106963,226.66000000000003,orlando/daytona beach/melborne smm food,2022-11-21,226.66000000000003,94.29639838467881 +0.7798395185556669,0.7200000000000002,0.36234817813765213,0.8950276243093923,0.012734732142160966,0.3052631578947366,0.7891019172552977,29.439999999999998,omaha smm food,2022-11-21,29.439999999999998,19.07041689806846 +0.37462387161484473,0.09600000000000002,0.4210526315789476,0.5665494726268208,0.024835687623158877,0.1849624060150372,0.6367305751765893,8.0,oklahoma city smm food,2022-11-21,8.0,6.60704306782452 +0.6349047141424269,0.8710000000000001,0.21862348178137656,0.21295831240582624,0.021320474813191558,0.6756892230576445,0.3249243188698285,68.29,norfolk/portsmouth/newport news smm food,2022-11-21,68.29,56.9882611703173 +0.5050150451354062,0.666,0.37297570850202405,0.22199899547965848,0.07317746148242128,0.545363408521303,0.8012108980827447,151.32,rem us middle atlantic smm food,2022-11-21,151.32,94.07869908169833 +0.5722166499498497,0.004,0.4089068825910936,0.43445504771471627,0.0789723075276709,0.77593984962406,0.35469223007063577,251.14,philadelphia smm food,2022-11-21,251.14,163.35714110120512 +0.46740220661985965,0.606,0.6912955465587048,0.46308387744851837,0.0998448333021283,0.18496240601503763,0.3486377396569122,235.56000000000003,rem us mountain smm food,2022-11-21,235.56000000000003,141.13722884563697 +0.8014042126379135,0.829,0.3911943319838064,0.7292817679558011,0.03329480159066039,0.5739348370927315,0.6175580221997982,36.6,sacramento/stockton/modesto smm food,2022-11-21,36.6,34.36763009678587 +0.5085255767301905,0.325,0.5293522267206481,0.7895529884480161,0.09164784075093203,0.40751879699248106,0.5761856710393541,106.16,rem us pacific smm food,2022-11-21,106.16,75.69303909428147 +0.24674022066198575,0.555,0.6594129554655873,0.6233048719236565,0.23632208424818477,0.47318295739348387,0.5423814328960646,393.66,rem us south atlantic smm food,2022-11-21,393.66,273.2295172514915 +0.31494483450351035,0.9400000000000001,0.2965587044534412,0.7307885484681066,0.39418407407447387,0.7273182957393481,0.5327951564076691,575.38,rem us south central smm food,2022-11-21,575.38,410.25698232839136 +0.815446339017051,0.11100000000000002,0.6012145748987857,0.20592667001506781,0.13751908860434203,0.31278195488721783,0.6770938446014128,157.97,rem us west north central smm food,2022-11-21,157.97,98.39075907852559 +0.6404212637913743,0.664,0.5227732793522268,0.28427925665494735,0.015744696425047246,0.7358395989974934,0.4036326942482341,63.74000000000001,richmond/petersburg smm food,2022-11-21,63.74000000000001,41.372105141631046 +0.7537612838515545,0.15000000000000002,0.12297570850202434,0.719236564540432,0.03009141196313343,0.6536340852130325,0.44853683148335016,73.28,salt lake city smm food,2022-11-21,73.28,39.6893510839071 +0.8786359077231692,0.5670000000000001,0.732287449392713,0.665494726268207,0.017710290475577425,0.6070175438596488,0.28254288597376387,40.01,san diego smm food,2022-11-21,40.01,30.386786059526052 +0.563189568706118,0.007000000000000001,0.3426113360323891,0.5022601707684581,0.03399094288831152,0.607017543859649,0.2583249243188698,51.23,san francisco/oakland/san jose smm food,2022-11-21,51.23,45.76021418901007 +0.21765295887662978,0.918,0.25910931174089125,0.5424409844299347,0.04177829158359125,0.7518796992481201,0.34460141271442984,100.64,seattle/tacoma smm food,2022-11-21,100.64,52.64146768720485 +0.5175526579739216,0.377,0.14878542510121484,0.7589151180311402,0.03551143704593697,0.3954887218045112,0.5338042381432896,72.47,st. louis smm food,2022-11-21,72.47,46.5993072330576 +0.2271815446339017,0.7719999999999999,0.39827935222672084,0.48166750376695133,0.04653509883166121,0.6691729323308268,0.39455095862764883,327.11,tampa/ft. myers smm food,2022-11-21,327.11,134.4722218352469 +0.28184553660982953,0.665,0.7727732793522271,0.11401305876443998,0.010928057114559788,0.3859649122807018,0.3360242179616549,33.38,tucson/sierra vista smm food,2022-11-21,33.38,12.980755667173206 +0.6404212637913742,0.9730000000000001,0.5840080971659921,0.6569563033651432,0.06537270134040629,0.9694235588972431,0.4091826437941473,169.57,washington dc/hagerstown smm food,2022-11-21,169.57,141.68669926544106 +0.4353059177532597,0.851,0.5597165991902838,0.4018081366147665,0.019547672963784405,0.5744360902255639,0.6649848637739657,12.33,new orleans smm food,2022-11-21,12.33,15.09895455313849 +0.6038114343029087,0.8320000000000001,0.47722672064777333,0.18031140130587647,0.03367468770124763,0.2847117794486215,0.4031281533804238,141.28,rem us new england smm food,2022-11-21,141.28,104.50716716564916 +0.7888665997993981,0.496,0.5581983805668019,0.857358111501758,0.03804591054707154,0.8456140350877188,0.44298688193743696,119.98,nashville smm food,2022-11-21,119.98,58.60556234759746 +0.7141424272818455,0.21000000000000002,0.32995951417004044,0.8945253641386239,0.008140959349884689,0.6230576441102759,0.33097880928355194,8.06,yakima/pasco/richland/kennewick smm food,2022-11-21,8.06,6.684697660198552 +0.2913741223671013,0.68,0.8076923076923083,0.6253139126067303,0.0405784846176532,0.3979949874686718,0.44853683148335016,62.85000000000001,minneapolis/st. paul smm food,2022-11-21,62.85000000000001,48.49807749628034 +0.7983951855566699,0.6960000000000001,0.023785425101214407,0.44198895027624313,0.01422388569566297,0.2200501253132832,0.8410696266397578,58.6,albany/schenectady/troy smm food,2022-11-21,58.6,38.37053291554581 +0.5225677031093279,0.043000000000000003,0.5359311740890693,0.2827724761426419,0.0214771778338088,0.7378446115288219,0.27245206861755805,37.2,albuquerque/santa fe smm food,2022-11-21,37.2,22.836744773901273 +0.45336008024072205,0.238,0.41497975708502044,0.5575087895529885,0.0687995906296621,0.4155388471177942,0.8849646821392533,292.88,atlanta smm food,2022-11-21,292.88,139.85471196139835 +0.5396188565697092,0.301,0.20293522267206487,0.3691612255148167,0.024837270481952986,0.7052631578947369,0.3627648839556004,78.2,baltimore smm food,2022-11-21,78.2,63.19970717766462 +0.4859578736208624,0.197,0.3036437246963564,0.821195379206429,0.010803327841583641,0.3418546365914786,0.8446014127144299,2.36,baton rouge smm food,2022-11-21,2.36,6.795976193156051 +0.5546639919759275,0.121,0.7489878542510124,0.9306880964339529,0.028163173380144332,0.9122807017543859,0.23763874873864782,26.61,birmingham/anniston/tuscaloosa smm food,2022-11-21,26.61,18.922624717250507 +0.754262788365095,0.489,0.5005060728744943,0.15871421396283275,0.04834272357453886,0.37694235588972436,0.8113017154389506,218.63,boston/manchester smm food,2022-11-21,218.63,147.51342492924078 +0.04012036108324993,0.703,0.04402834008097168,0.5856353591160222,0.018025912519123666,0.4616541353383458,0.4273461150353179,50.42,buffalo smm food,2022-11-21,50.42,20.409487810008798 +0.6524573721163489,0.549,0.5070850202429154,0.3319939728779508,0.04339660641469291,0.5774436090225564,0.46417759838546924,97.63,charlotte smm food,2022-11-21,97.63,86.60258968547393 +0.539618856569709,0.361,0.320344129554656,0.2898041185334003,0.07545836100473886,0.4461152882205513,0.5686175580221998,185.63,chicago smm food,2022-11-21,185.63,141.06358316310352 +0.58876629889669,0.5660000000000001,0.48279352226720695,0.6328478151682572,0.04425356616582597,0.44711779448621547,0.6503531786074672,170.31,cleveland/akron/canton smm food,2022-11-21,170.31,92.02643711223503 +0.5160481444332999,0.766,0.23582995951417007,0.36162732295328986,0.03253123050838003,0.8090225563909773,0.8900100908173562,136.91,columbus oh smm food,2022-11-21,136.91,65.06680842061513 +0.40070210631895725,0.8730000000000001,0.5526315789473688,0.4218985434455048,0.07548780217830939,0.35588972431077687,0.8234106962663976,128.76,dallas/ft. worth smm food,2022-11-21,128.76,75.1616376047715 +0.543630892678034,0.5519999999999999,0.17358299595141707,0.3867403314917127,0.013495454078611926,0.18796992481203012,0.5746720484359233,29.04,des moines/ames smm food,2022-11-21,29.04,18.696618718833676 +0.42226680040120357,0.056999999999999995,0.23886639676113375,0.4424912104470116,0.04735850197635907,0.4822055137844611,0.6377396569122099,250.52,detroit smm food,2022-11-21,250.52,120.52010735489985 +0.4779338014042127,0.9560000000000001,0.5566801619433202,0.9482672024108489,0.02169909463674351,0.5974937343358397,0.2563067608476287,31.410000000000004,mobile/pensacola smm food,2022-11-21,31.410000000000004,24.63736404083373 +0.7432296890672014,0.326,0.538461538461539,0.5961828227021597,0.024835054479641232,0.18095238095238075,0.7018163471241171,43.01,greensboro smm food,2022-11-21,43.01,42.176434329385906 +0.6489468405215646,0.634,0.4929149797570851,0.07483676544450026,0.023315510037292247,0.5669172932330824,0.09989909182643794,119.09,grand rapids smm food,2022-11-21,119.09,64.58858704470845 +0.32146439317953857,0.667,0.2869433198380568,0.6991461577096937,0.02280804550789945,0.6751879699248119,0.11755802219979819,58.67,milwaukee smm food,2022-11-21,58.67,25.833570470840364 +0.2793380140421266,0.662,0.592105263157895,0.7669512807634356,0.030063870220115856,0.644110275689223,0.4747729566094854,332.15,miami/west palm beach smm food,2022-11-21,332.15,143.78487033068095 +0.6925777331995986,0.6110000000000001,0.6670040485829963,0.4158714213962833,0.009472143595734167,0.5473684210526314,0.2512613521695257,12.26,madison wi smm food,2022-11-21,12.26,6.224642890638421 +0.7547642928786359,0.007000000000000001,0.1442307692307694,0.36263184329482673,0.02109855801025684,0.8511278195488722,0.37891019172552975,28.15,little rock/pine bluff smm food,2022-11-21,28.15,13.358473432559329 +0.11033099297893705,0.8640000000000001,0.4974696356275309,0.7729784028126571,0.016219554063281304,0.028571428571428564,0.4651866801210898,49.48,las vegas smm food,2022-11-21,49.48,30.180223708166544 +0.87913741223671,0.024000000000000004,0.3557692307692309,0.4264188849824209,0.10609680896711794,0.6476190476190474,0.6226034308779012,163.52,los angeles smm food,2022-11-21,163.52,131.8387257156032 +0.9067201604814441,0.3980000000000001,0.33603238866396784,0.7383224510296335,0.02822490487311476,0.4385964912280701,0.4929364278506559,49.21,kansas city smm food,2022-11-21,49.21,38.831451233657795 +0.2136409227683047,0.6950000000000001,0.522267206477733,0.49422400803616284,0.02271244083673499,0.6867167919799497,0.22300706357214933,76.97,jacksonville smm food,2022-11-21,76.97,38.858953216077715 +0.4132397191574722,0.793,0.40131578947368407,0.9467604218985436,0.03962940248470272,0.6325814536340849,0.33905146316851664,105.62,indianapolis smm food,2022-11-21,105.62,49.50205964752742 +0.445837512537613,0.927,0.7059716599190288,0.36865896534404824,0.06076183367315359,0.2992481203007517,0.656912209889001,188.88,houston smm food,2022-11-21,188.88,131.7436694172317 +0.561183550651956,0.899,0.5652834008097172,0.2983425414364641,0.0230318617413871,0.7253132832080198,0.8728557013118062,137.32,hartford/new haven smm food,2022-11-21,137.32,77.44720418148032 +0.14894684052156476,0.397,0.34969635627530393,0.23405323957810148,0.023727053323761762,0.8596491228070173,0.06912209889001009,73.84,harrisburg/lancaster smm food,2022-11-21,73.84,40.992938976717866 +0.29087261785356056,0.11599999999999999,0.3562753036437249,0.29432446007031643,0.02233287129790657,0.6571428571428568,0.6720484359233098,42.62,knoxville smm food,2022-11-21,42.62,26.714678806410213 +0.448345035105316,0.643,0.4428137651821864,0.6494224008036164,0.03541266665718429,0.3313283208020051,0.363773965691221,74.54,pittsburgh smm food,2022-11-28,74.54,60.48272822916463 +0.28786359077231677,0.613,0.6816801619433202,0.5479658463083878,0.2064136507616509,0.6320802005012531,0.5176589303733602,602.6,rem us east north central smm food,2022-11-28,602.6,295.0552215139646 +0.4132397191574723,0.24500000000000002,0.4797570850202434,0.3485685585133099,0.032850651413032124,0.3919799498746867,0.5524722502522704,157.83,raleigh/durham/fayetteville smm food,2022-11-28,157.83,81.00485822165858 +0.32948846539618853,0.47900000000000004,0.8248987854251015,0.26770467101958817,0.016029611007987683,0.7754385964912278,0.6770938446014128,89.48,providence ri/new bedford ma smm food,2022-11-28,89.48,41.31056064822567 +0.5982948846539622,0.30000000000000004,0.7388663967611339,0.5399296835760925,0.024074332543190264,0.6355889724310776,0.5711402623612513,121.18,portland or smm food,2022-11-28,121.18,46.16833040001544 +0.5752256770310932,0.8160000000000001,0.5425101214574901,0.5570065293822201,0.04532864385878789,0.4636591478696741,0.8234106962663976,179.25,phoenix/prescott smm food,2022-11-28,179.25,81.60913690195788 +0.6469408224674019,0.39199999999999996,0.5364372469635633,0.5027624309392266,0.11775741313159345,0.5528822055137845,0.4530776992936427,553.65,new york smm food,2022-11-28,553.65,267.25422673469143 +0.21664994984954827,0.31200000000000006,0.6882591093117413,0.317930688096434,0.018372242023275705,0.6230576441102755,0.5640766902119072,13.0,paducah ky/cape girardeau mo smm food,2022-11-28,13.0,7.8295493929941244 +0.6188565697091275,0.9970000000000001,0.7611336032388667,0.7322953289804119,0.043525451120533756,0.5122807017543859,0.40615539858728555,176.69,orlando/daytona beach/melborne smm food,2022-11-28,176.69,96.25798564189597 +0.4553660982948846,0.528,0.3471659919028343,0.5113008538422904,0.013050670757466026,0.0736842105263156,0.3340060544904137,33.58,omaha smm food,2022-11-28,33.58,12.925518391484914 +0.6940822467402209,0.809,0.5526315789473687,0.37418382722250126,0.0250563381390583,0.428070175438596,0.3304742684157417,7.700000000000001,oklahoma city smm food,2022-11-28,7.700000000000001,5.4572062904179575 +0.604312938816449,0.513,0.38461538461538475,0.07282772476142643,0.02122455357026828,0.6245614035087722,0.18314833501513622,101.7,norfolk/portsmouth/newport news smm food,2022-11-28,101.7,55.07739474056815 +0.38114343029087255,0.463,0.6310728744939269,0.20793571069814165,0.07212929238895929,0.5278195488721803,0.44147325933400605,176.55,rem us middle atlantic smm food,2022-11-28,176.55,91.56901469801278 +0.3094282848545638,0.986,0.05971659919028371,0.49824208940231046,0.07032609965070516,0.5052631578947367,0.8198789101917255,349.26,philadelphia smm food,2022-11-28,349.26,164.16642638001497 +0.7076228686058176,0.435,0.35222672064777344,0.5539929683576093,0.09892329291219543,0.40401002506265665,0.35317860746720486,284.64,rem us mountain smm food,2022-11-28,284.64,142.34689448861445 +0.6008024072216648,0.16200000000000003,0.38006072874494,0.8076343545956807,0.031615704981864765,0.46315789473684194,0.6659939455095862,60.959999999999994,sacramento/stockton/modesto smm food,2022-11-28,60.959999999999994,33.86804553434808 +0.3776328986960883,0.673,0.8350202429149802,0.3917629331993973,0.090030159063348,0.5187969924812028,0.843087790110999,143.84,rem us pacific smm food,2022-11-28,143.84,75.20818860159385 +0.5927783350050149,0.31200000000000006,0.4433198380566804,0.5715720743345053,0.23371954781890333,0.7914786967418547,0.3577194752774975,438.58,rem us south atlantic smm food,2022-11-28,438.58,272.8149477854446 +0.30040120361083233,0.259,0.23532388663967602,0.8307383224510297,0.3865711564183055,0.5443609022556388,0.5146316851664985,874.08,rem us south central smm food,2022-11-28,874.08,408.70964794652366 +0.8585757271815446,0.47100000000000003,0.8790485829959518,0.40833751883475644,0.1352644645380067,0.25814536340852107,0.7653884964682139,183.43,rem us west north central smm food,2022-11-28,183.43,99.9824658818664 +0.39267803410230717,0.39000000000000007,0.5754048582995952,0.5334003013561025,0.016504152074462916,0.7503759398496237,0.7795156407669022,81.57,richmond/petersburg smm food,2022-11-28,81.57,44.62065328012819 +0.5225677031093279,0.427,0.46811740890688286,0.5961828227021597,0.027493940681993134,0.9363408521303256,0.3985872855701312,64.74,salt lake city smm food,2022-11-28,64.74,39.158349132020774 +0.7111334002006016,0.205,0.6457489878542514,0.8252134605725767,0.018057886266764755,0.49724310776942326,0.18668012108980828,71.65,san diego smm food,2022-11-28,71.65,29.95551220605926 +0.9353059177532594,0.664,0.5268218623481786,0.647915620291311,0.03145678595893576,0.48320802005012525,0.5297679112008072,91.93,san francisco/oakland/san jose smm food,2022-11-28,91.93,48.463218318787185 +0.060180541624874524,0.801,0.2839068825910937,0.7056755399296837,0.03857965053244663,0.6205513784461151,0.47225025227043393,122.88999999999999,seattle/tacoma smm food,2022-11-28,122.88999999999999,53.15750170104617 +0.6644934804413237,0.45199999999999996,0.21002024291498006,0.5364138623807133,0.03332550905126618,0.6075187969924811,0.8915237134207871,72.02,st. louis smm food,2022-11-28,72.02,48.063798267186414 +0.0641925777331996,0.455,0.3284412955465589,0.779507785032647,0.0455841172681578,0.6786967418546362,0.5761856710393541,262.68,tampa/ft. myers smm food,2022-11-28,262.68,136.6646301747904 +0.35556670010030095,0.18899999999999997,0.35172064777327955,0.28126569563033654,0.010896083366918696,0.03157894736842118,0.31231079717457116,37.78,tucson/sierra vista smm food,2022-11-28,37.78,12.345317194223036 +0.6549648946840522,0.48200000000000004,0.37196356275303644,0.29532898041185335,0.061730226683392245,0.5859649122807017,0.29364278506559033,290.65,washington dc/hagerstown smm food,2022-11-28,290.65,136.91513424875922 +0.1584754262788365,0.28900000000000003,0.3522267206477736,0.1858362631843295,0.019673351952037024,0.4115288220551378,0.5832492431886983,28.43,new orleans smm food,2022-11-28,28.43,12.054590445707767 +0.4528585757271816,0.539,0.6138663967611337,0.15570065293822202,0.034147645908928756,0.3804511278195488,0.5045408678102926,195.44,rem us new england smm food,2022-11-28,195.44,105.01304612730725 +0.40170511534603814,0.008,0.2160931174089068,0.6981416373681568,0.008045671250479055,0.5443609022556393,0.5045408678102926,8.95,yakima/pasco/richland/kennewick smm food,2022-11-28,8.95,5.625557658462085 +0.5170511534603811,0.718,0.10425101214574904,0.857358111501758,0.03658809759769299,0.7964912280701749,0.4434914228052472,115.91000000000001,nashville smm food,2022-11-28,115.91000000000001,57.62427866789589 +0.7066198595787361,0.926,0.5131578947368425,0.28076343545956806,0.038487211578870396,0.5323308270676693,0.47023208879919276,92.04,minneapolis/st. paul smm food,2022-11-28,92.04,47.398964292511614 +0.8505516549648946,0.007000000000000001,0.655364372469636,0.8704168759417379,0.020368860106170505,0.6997493734335842,0.6427850655903128,36.34,mobile/pensacola smm food,2022-11-28,36.34,26.8024556656363 +0.6760280842527582,0.6190000000000001,0.08704453441295534,0.30587644399799097,0.013431823155088563,0.4932330827067668,0.8269424823410696,70.54,albany/schenectady/troy smm food,2022-11-28,70.54,38.04269386512797 +0.4949849548645936,0.11399999999999999,0.31427125506072906,0.6007031642390759,0.020875058348528014,0.768922305764411,0.16902119071644803,47.39,albuquerque/santa fe smm food,2022-11-28,47.39,23.920814063138025 +0.2522567703109328,0.66,0.3461538461538463,0.3922651933701658,0.06699386531733738,0.6330827067669169,0.8975782038345106,253.29,atlanta smm food,2022-11-28,253.29,139.21922969772316 +0.8866599799398195,0.8810000000000001,0.2252024291497977,0.32446007031642393,0.023221488224921896,0.8260651629072682,0.6917255297679112,126.2,baltimore smm food,2022-11-28,126.2,65.85655073664103 +0.7708124373119356,0.27799999999999997,0.5212550607287453,0.3621295831240583,0.011087925852765254,0.42857142857142844,0.8133198789101918,5.34,baton rouge smm food,2022-11-28,5.34,4.939869136810302 +0.4583751253761281,0.48300000000000004,0.6280364372469639,0.586639879457559,0.027782020982521794,0.4486215538847119,0.28355196770938446,22.81,birmingham/anniston/tuscaloosa smm food,2022-11-28,22.81,15.663274433084474 +0.6529588766298894,0.37000000000000005,0.6664979757085024,0.07584128578603717,0.044414068047549084,0.5764411027568922,0.4591321897073663,320.47,boston/manchester smm food,2022-11-28,320.47,144.94048327952797 +0.47893681043129377,0.29,0.7246963562753042,0.5188347564038173,0.04089410666119943,0.3323308270676692,0.44046417759838546,159.74,charlotte smm food,2022-11-28,159.74,86.1475986642634 +0.449348044132397,0.38,0.40182186234817835,0.288297338021095,0.07032578307894634,0.4962406015037593,0.43693239152371344,284.42,chicago smm food,2022-11-28,284.42,139.63284106302018 +0.7898696088264794,0.9830000000000001,0.11184210526315813,0.3294826720241085,0.04187737854410275,0.694736842105263,0.5807265388496469,175.56,cleveland/akron/canton smm food,2022-11-28,175.56,90.6202403613854 +0.6093279839518556,0.023,0.37550607287449406,0.5750878955298845,0.03173853482428797,0.5709273182957392,0.9924318869828456,138.91,columbus oh smm food,2022-11-28,138.91,65.93061311003243 +0.4618856569709131,0.771,0.7869433198380572,0.4595680562531392,0.07494709761424019,0.45814536340852124,0.5766902119071645,161.84,dallas/ft. worth smm food,2022-11-28,161.84,74.38581748079672 +0.49699097291875605,0.6440000000000001,0.35526315789473706,0.7307885484681066,0.012861360845690048,0.5032581453634085,0.7341069626639758,32.81,des moines/ames smm food,2022-11-28,32.81,22.552454102098523 +0.24874623871614843,0.34500000000000003,0.2383603238866398,0.5148166750376696,0.04704034735874225,0.5082706766917292,0.49848637739656915,243.09,detroit smm food,2022-11-28,243.09,120.0069838562354 +0.2226680040120363,0.168,0.5202429149797573,0.9532898041185335,0.01872173724501597,0.7799498746867166,0.18718466195761857,48.3,buffalo smm food,2022-11-28,48.3,22.55305014871793 +0.646940822467402,0.545,0.364878542510122,0.9171270718232045,0.0221115876384895,0.17142857142857124,0.39253279515640765,70.09,greensboro smm food,2022-11-28,70.09,41.644056674521515 +0.5330992978936809,0.401,0.6032388663967613,0.2797589151180312,0.023251562542010062,0.4030075187969922,0.03128153380423814,138.7,grand rapids smm food,2022-11-28,138.7,64.61421250213046 +0.37913741223671027,0.042,0.29251012145749006,0.4424912104470116,0.028480694854243507,0.6215538847117793,0.8107971745711403,215.8,miami/west palm beach smm food,2022-11-28,215.8,143.27859261258885 +0.6033099297893679,0.7120000000000001,0.5475708502024295,0.13611250627825214,0.009566798551622156,0.6491228070175437,0.6402623612512613,12.9,madison wi smm food,2022-11-28,12.9,7.030448669743734 +0.7146439317953861,0.462,0.3421052631578948,0.3827222501255651,0.1023584130671806,0.2395989974937342,0.6871846619576186,288.96,los angeles smm food,2022-11-28,288.96,130.09371829075707 +0.3981945837512537,0.686,0.25455465587044557,0.24761426418884985,0.020559436304981776,0.9012531328320802,0.34460141271442984,28.36,little rock/pine bluff smm food,2022-11-28,28.36,12.367661353012842 +0.2873620862587765,0.046,0.46609311740890735,0.7855349070818685,0.01526983878681319,0.4556390977443608,0.6796165489404642,62.1,las vegas smm food,2022-11-28,62.1,32.58046516231327 +0.4498495486459376,0.41300000000000003,0.7236842105263162,0.4470115519839277,0.02046414820557614,0.8240601503759396,0.6165489404641776,61.98,knoxville smm food,2022-11-28,61.98,28.147219361222177 +0.7211634904714141,0.22200000000000003,0.43522267206477755,0.7905575087895531,0.021509151581449892,0.9719298245614033,0.2588294651866801,62.7,milwaukee smm food,2022-11-28,62.7,28.46185960620965 +0.3094282848545634,0.022000000000000006,0.8825910931174092,0.3771973882471121,0.021318891954397443,0.49323308270676675,0.3158425832492432,79.95,jacksonville smm food,2022-11-28,79.95,37.99979036121507 +0.5441323971915745,0.311,0.40334008097165974,0.539427423405324,0.03874078555768738,0.6100250626566414,0.2921291624621594,101.35,indianapolis smm food,2022-11-28,101.35,46.69973358823965 +0.37111334002006036,0.10900000000000001,0.4832995951417007,0.3882471120040181,0.055726126705560826,0.21503759398496228,0.7790110998990918,291.25,houston smm food,2022-11-28,291.25,130.95529250892395 +0.18956870611835525,0.477,0.7889676113360331,0.35057759919638376,0.02246076628847094,0.664160401002506,0.7759838546922301,172.91,hartford/new haven smm food,2022-11-28,172.91,76.23721093745282 +0.366098294884654,0.787,0.530364372469636,0.6875941737820191,0.02277638833201718,0.6280701754385964,0.363773965691221,102.6,harrisburg/lancaster smm food,2022-11-28,102.6,45.098405130738556 +0.5867602808425275,0.877,0.6042510121457494,0.7523857358111502,0.026608806044324848,0.6305764411027568,0.6629667003027245,59.1,kansas city smm food,2022-11-28,59.1,40.115918245393566 +0.5837512537612838,0.639,0.8496963562753037,0.45856353591160226,0.06994811297067086,0.350375939849624,0.11553985872855702,107.13,rem us middle atlantic smm food,2022-12-05,107.13,90.81136244286697 +0.6238716148445334,0.323,0.7358299595141704,0.9688598694123557,0.19531306203853274,0.2877192982456141,0.5837537840565086,291.86,rem us east north central smm food,2022-12-05,291.86,295.67834113632483 +0.692076228686058,0.916,0.6923076923076928,0.3033651431441487,0.03155492320417079,0.29022556390977444,0.8143289606458123,103.36,raleigh/durham/fayetteville smm food,2022-12-05,103.36,82.67053415223235 +0.24373119358074216,0.32200000000000006,0.7682186234817816,0.5911602209944752,0.014225785126215909,0.4355889724310777,0.4954591321897074,47.63,providence ri/new bedford ma smm food,2022-12-05,47.63,40.55392673431691 +0.5300902708124376,0.34900000000000003,0.6644736842105267,0.5504771471622301,0.026038976878443976,0.4511278195488721,0.7800201816347124,53.72,portland or smm food,2022-12-05,53.72,47.008122787101506 +0.18355065195586767,0.7860000000000001,0.3122469635627531,0.26318432948267206,0.03275473017010885,0.32681704260651634,0.4328960645812311,58.18,pittsburgh smm food,2022-12-05,58.18,57.829324769874155 +0.4608826479438313,0.9279999999999999,0.271761133603239,0.5791059768960322,0.04485821822517734,0.9087719298245612,0.8607467204843593,100.97,phoenix/prescott smm food,2022-12-05,100.97,82.95992134201222 +0.6664994984954865,0.42800000000000005,0.801113360323887,0.4816675037669514,0.04273655429754757,0.35639097744360904,0.6952573158425832,64.63,orlando/daytona beach/melborne smm food,2022-12-05,64.63,95.74523002376267 +0.35305917753259747,0.8050000000000002,0.47520242914979793,0.31089904570567556,0.01675835919679755,0.6776942355889722,0.2194752774974773,8.54,paducah ky/cape girardeau mo smm food,2022-12-05,8.54,6.060077689386418 +0.30792377131394183,0.771,0.20647773279352255,0.14816675037669513,0.011689728766287216,0.24260651629072658,0.198284561049445,13.3,omaha smm food,2022-12-05,13.3,10.172534874939714 +0.7693079237713141,0.29500000000000004,0.8638663967611341,0.1451531893520844,0.02489963511844106,0.6812030075187966,0.21846619576185672,6.62,oklahoma city smm food,2022-12-05,6.62,4.335915036218992 +0.15697091273821426,0.29300000000000004,0.3911943319838058,0.2898041185334003,0.020212790229070913,0.9062656641604011,0.4853683148335015,65.28,norfolk/portsmouth/newport news smm food,2022-12-05,65.28,57.95719877622891 +0.29739217652958855,0.219,0.6118421052631585,0.42290306378704173,0.11345805207502228,0.3273182957393483,0.8461150353178608,268.75,new york smm food,2022-12-05,268.75,267.1545211132228 +0.38966900702106333,0.354,0.18522267206477772,0.22802611752887997,0.06751177671477132,0.15989974937343365,0.5978809283551968,197.82,philadelphia smm food,2022-12-05,197.82,159.78585585092966 +0.5165496489468405,0.368,0.2403846153846155,0.744349573078855,0.09611245226560862,0.4075187969924812,0.7971745711402624,156.12,rem us mountain smm food,2022-12-05,156.12,145.20699811665264 +0.2512537612838515,0.048999999999999995,0.11791497975708522,0.4640883977900553,0.020339735504358816,0.2646616541353384,0.4783047426841574,10.18,new orleans smm food,2022-12-05,10.18,12.579393443591393 +0.594282848545637,0.207,0.8081983805668022,0.21396283274736316,0.09146232970026193,0.6842105263157893,0.4011099899091827,89.97,rem us pacific smm food,2022-12-05,89.97,72.47212532805005 +0.5892678034102304,0.20600000000000002,0.28340080971659937,0.3817177297840282,0.23199201573100786,0.8325814536340852,0.4525731584258325,260.76,rem us south atlantic smm food,2022-12-05,260.76,272.00939243307806 +0.11534603811434288,0.19200000000000003,0.17864372469635617,0.5429432446007032,0.377886959930281,0.6726817042606512,0.4046417759838547,479.76,rem us south central smm food,2022-12-05,479.76,405.22591995195233 +0.6113340020060181,0.706,0.49089068825910964,0.5228528377699649,0.13061687454673054,0.7112781954887215,0.536326942482341,94.68,rem us west north central smm food,2022-12-05,94.68,99.51960834458549 +0.5386158475426281,0.16200000000000003,0.8653846153846155,0.48468106479156214,0.015523729337388995,0.41152882205513763,0.6543895055499496,48.55,richmond/petersburg smm food,2022-12-05,48.55,42.74429840076191 +0.6233701103309928,0.7000000000000001,0.6877530364372478,0.814665996986439,0.032125385513569325,0.7097744360902253,0.33148335015136227,41.26,sacramento/stockton/modesto smm food,2022-12-05,41.26,33.27927647505569 +0.4292878635907723,0.63,0.8537449392712554,0.3812154696132597,0.02591266474667372,0.8431077694235587,0.4248234106962664,38.17,salt lake city smm food,2022-12-05,38.17,37.74207007351771 +0.7803410230692074,0.15800000000000003,0.45192307692307715,0.8262179809141136,0.019326389304367336,0.7248120300751877,0.4328960645812311,45.33,san diego smm food,2022-12-05,45.33,32.246302223029524 +0.9408224674022064,0.669,0.704959514170041,0.8186840783525867,0.03244132412887437,0.5924812030075187,0.5857719475277497,68.38,san francisco/oakland/san jose smm food,2022-12-05,68.38,50.362286036484576 +0.29187562688064184,0.168,0.27580971659919085,0.8327473631341036,0.03978452264652584,0.4541353383458645,0.4001009081735621,55.15,seattle/tacoma smm food,2022-12-05,55.15,53.209694467735815 +0.4653961885656969,0.6240000000000001,0.3036437246963566,0.14314414866901057,0.03145900196124751,0.4461152882205513,0.9197780020181635,43.84,st. louis smm food,2022-12-05,43.84,45.018591757718326 +0.10481444332998995,0.24100000000000002,0.4210526315789476,0.48719236564540436,0.046315081459279435,0.6651629072681701,0.2558022199798184,92.19,tampa/ft. myers smm food,2022-12-05,92.19,133.2209119140289 +0.5672016048144434,0.014000000000000002,0.2990890688259111,0.24861878453038677,0.011403547896311492,0.16090225563909785,0.5156407669021191,20.82,tucson/sierra vista smm food,2022-12-05,20.82,14.047927024113584 +0.25777331995987984,0.7250000000000001,0.6513157894736843,0.21647413360120543,0.05799689593159609,0.22406015037593985,0.35368314833501513,149.76,washington dc/hagerstown smm food,2022-12-05,149.76,134.78668311789534 +0.6765295887662989,0.033,0.7494939271255062,0.26820693119035666,0.03332614219478383,0.726315789473684,0.5297679112008072,107.27,rem us new england smm food,2022-12-05,107.27,106.97972424292938 +0.2552657973921765,0.41,0.34868421052631593,0.5308890005022602,0.03526007906943174,0.7944862155388466,0.5701311806256307,58.56,nashville smm food,2022-12-05,58.56,55.86624949220381 +0.24022066198595793,0.6160000000000001,0.34767206477732787,0.4555499748869915,0.007888018514585348,0.5709273182957394,0.6543895055499496,6.18,yakima/pasco/richland/kennewick smm food,2022-12-05,6.18,5.257376514681681 +0.8520561685055166,0.225,0.22469635627530388,0.2792566549472627,0.037665707864725485,0.48571428571428577,0.6876892028254289,43.7,minneapolis/st. paul smm food,2022-12-05,43.7,48.13266311457529 +0.32296890672016043,0.8140000000000001,0.49139676113360325,0.19337016574585636,0.014192545091539523,0.5794486215538848,0.8814328960645812,41.3,albany/schenectady/troy smm food,2022-12-05,41.3,37.8366518757706 +0.8059177532597792,0.9369999999999999,0.6244939271255066,0.5253641386238072,0.019578696996149034,0.7288220551378446,0.2956609485368315,25.98,albuquerque/santa fe smm food,2022-12-05,25.98,25.004594440224963 +0.514543630892678,0.5860000000000001,0.15637651821862356,0.30587644399799097,0.06525588636140073,0.8080200501253129,0.6387487386478304,130.81,atlanta smm food,2022-12-05,130.81,137.80905171277666 +0.645937813440321,0.34600000000000003,0.5860323886639679,0.34555499748869917,0.02347601191901535,0.7047619047619049,0.3683148335015136,68.37,baltimore smm food,2022-12-05,68.37,63.33510965016224 +0.9117352056168504,0.681,0.6659919028340083,0.08186840783525867,0.011816990613333944,0.34135338345864646,0.5918264379414733,2.17,baton rouge smm food,2022-12-05,2.17,2.3940736783637107 +0.4483450351053156,0.7150000000000002,0.6867408906882594,0.30487192365645405,0.029303148283664898,0.17894736842105277,0.5353178607467205,12.22,birmingham/anniston/tuscaloosa smm food,2022-12-05,12.22,15.014569894118345 +0.7552657973921763,0.7330000000000001,0.6361336032388668,0.10396785534907083,0.04295942081575876,0.4210526315789474,0.4843592330978809,170.38,boston/manchester smm food,2022-12-05,170.38,144.88180022869076 +0.6800401203610833,0.671,0.6082995951417007,0.6283274736313411,0.02043344074497034,0.5218045112781954,0.5923309788092835,26.88,buffalo smm food,2022-12-05,26.88,23.530369250783508 +0.4077231695085255,0.576,0.6477732793522272,0.6544450025113009,0.040421781597035945,0.512781954887218,0.6629667003027245,107.49,charlotte smm food,2022-12-05,107.49,88.67205284150103 +0.47241725175526567,0.746,0.4504048582995954,0.46810647915620296,0.07188110013004229,0.5859649122807017,0.5015136226034309,179.55,chicago smm food,2022-12-05,179.55,141.77042127202373 +0.5516549648946838,0.35700000000000004,0.2120445344129558,0.2802611752887996,0.04045533820347116,0.6055137844611528,0.5050454086781029,75.18,cleveland/akron/canton smm food,2022-12-05,75.18,88.79820061717497 +0.6158475426278837,0.977,0.424595141700405,0.7649422400803617,0.030220256668974273,0.43809523809523804,0.9571140262361252,67.88,columbus oh smm food,2022-12-05,67.88,66.67006095335005 +0.8410230692076233,0.9390000000000001,0.48836032388664,0.10698141637368158,0.07438201702474165,0.6390977443609022,0.5489404641775983,73.79,dallas/ft. worth smm food,2022-12-05,73.79,73.21458250136148 +0.5205616850551654,0.043000000000000003,0.453441295546559,0.7644399799095932,0.013685080562146727,0.38646616541353385,0.8632694248234107,19.05,des moines/ames smm food,2022-12-05,19.05,23.06901520712202 +0.6213640922768304,0.538,0.3026315789473686,0.48769462581617284,0.045650597337510576,0.7659147869674183,0.6639757820383451,114.67,detroit smm food,2022-12-05,114.67,122.16193623908804 +0.8716148445336008,0.305,0.5253036437246966,0.4711200401808137,0.020306812041441257,0.8385964912280703,0.7754793138244198,17.55,mobile/pensacola smm food,2022-12-05,17.55,25.80008652849257 +0.6940822467402206,0.7570000000000001,0.5991902834008103,0.5424409844299347,0.022208458596689244,0.5854636591478694,0.21493440968718466,50.44,greensboro smm food,2022-12-05,50.44,40.08474541938005 +0.8254764292878636,0.652,0.4711538461538464,0.8920140632847816,0.020624333515540428,0.6977443609022554,0.4601412714429869,26.14,milwaukee smm food,2022-12-05,26.14,29.630439142863374 +0.38816449348044146,0.845,0.27884615384615397,0.38925163234555504,0.030319027057726957,0.632581453634085,0.5272452068617558,108.95,miami/west palm beach smm food,2022-12-05,108.95,142.00182545550757 +0.494483450351053,0.674,0.4746963562753038,0.23957810145655453,0.008744028550441945,0.4566416040100248,0.8188698284561049,7.61,madison wi smm food,2022-12-05,7.61,7.702681544711865 +0.6705115346038113,0.759,0.32236842105263164,0.2169763937719739,0.10588470588870673,0.37694235588972413,0.5923309788092835,162.76,los angeles smm food,2022-12-05,162.76,129.5684603326078 +0.3610832497492477,0.34700000000000003,0.7236842105263163,0.26217980914113515,0.020718671899669597,0.5218045112781956,0.24167507568113017,11.77,little rock/pine bluff smm food,2022-12-05,11.77,10.769785038301642 +0.22718154463390197,0.068,0.357287449392713,0.737820190858865,0.01603151043854062,0.7403508771929823,0.5227043390514632,36.86,las vegas smm food,2022-12-05,36.86,32.23025124303398 +0.30992978936810434,0.984,0.3324898785425101,0.2591662481165244,0.025089261601975863,0.5598997493734332,0.2265388496468214,64.51,grand rapids smm food,2022-12-05,64.51,66.10471658577117 +0.566198595787362,0.667,0.4473684210526319,0.6835760924158715,0.024489041547248014,0.3363408521303258,0.6422805247225025,35.89,kansas city smm food,2022-12-05,35.89,38.16592422939471 +0.5125376128385153,0.46799999999999997,0.45850202429149794,0.3063787041687595,0.020718671899669597,0.46416040100250605,0.2119071644803229,26.76,jacksonville smm food,2022-12-05,26.76,37.10387927115679 +0.5987963891675022,0.10700000000000001,0.22773279352226697,0.1150175791059769,0.03427870661708135,0.4195488721804509,0.23057517658930374,50.77,indianapolis smm food,2022-12-05,50.77,42.58542136088762 +0.5917753259779339,0.11100000000000002,0.3410931174089071,0.45153189352084383,0.054145483913759056,0.5238095238095236,0.9031281533804238,161.84,houston smm food,2022-12-05,161.84,133.05208960906012 +0.5656970912738216,0.9460000000000002,0.6123481781376525,0.4600703164239076,0.024140179469025393,0.8320802005012526,0.6367305751765893,82.69,hartford/new haven smm food,2022-12-05,82.69,77.54938065537648 +0.4528585757271816,0.54,0.3643724696356278,0.6504269211451532,0.02233413758494186,0.5854636591478696,0.36781029263370335,62.92,harrisburg/lancaster smm food,2022-12-05,62.92,44.64401314230152 +0.5551654964894682,0.11599999999999999,0.5597165991902837,0.7855349070818685,0.01986392815084829,0.47869674185463634,0.5554994954591322,27.55,knoxville smm food,2022-12-05,27.55,28.516090671927863 +0.7552657973921764,0.726,0.8785425101214576,0.7262682069311904,0.06536130475708866,0.362907268170426,0.31634712411705346,117.3,rem us middle atlantic smm food,2022-12-12,117.3,93.24438563399194 +0.8881644934804409,0.16000000000000003,0.6983805668016196,0.9507785032646912,0.18839185367539193,0.10476190476190482,0.6029263370332997,337.13,rem us east north central smm food,2022-12-12,337.13,294.4876862026592 +0.9824473420260781,0.213,0.4645748987854255,0.13561024610748368,0.031114255315889582,0.38596491228070173,0.7164480322906156,74.84,raleigh/durham/fayetteville smm food,2022-12-12,74.84,81.39722919554362 +0.599297893681043,0.952,0.42155870445344124,0.7227523857358112,0.013656589103852684,0.24461152882205509,0.6099899091826438,52.39,providence ri/new bedford ma smm food,2022-12-12,52.39,41.972159659439775 +0.40922768304914775,0.307,0.7358299595141703,0.6494224008036164,0.026674019826642324,0.19699248120300747,0.9101917255297679,52.24,portland or smm food,2022-12-12,52.24,47.45414796764141 +0.4809428284854564,0.399,0.41194331983805677,0.25113008538422904,0.02898879252715395,0.6090225563909775,0.6458123107971746,54.73,pittsburgh smm food,2022-12-12,54.73,59.714941974723764 +0.40170511534603803,0.286,0.33502024291498006,0.0803616273229533,0.010265788995102687,0.5413533834586464,0.3410696266397578,17.79,omaha smm food,2022-12-12,17.79,11.346399922181021 +0.30090270812437275,0.257,0.6533400809716604,0.4163736815670518,0.015840934239729352,0.6982456140350874,0.15893037336024218,9.5,paducah ky/cape girardeau mo smm food,2022-12-12,9.5,6.015832028260689 +0.778335005015045,0.121,0.35576923076923084,0.2973380210949272,0.04109291372574009,0.39548872180451133,0.7129162462159435,76.87,orlando/daytona beach/melborne smm food,2022-12-12,76.87,94.45486306508033 +0.39618856569709143,0.638,0.6371457489878546,0.36012054244098446,0.023919528953125966,0.5814536340852127,0.4298688193743693,7.27,oklahoma city smm food,2022-12-12,7.27,5.743478191293164 +0.2412236710130387,0.15500000000000003,0.47570850202429166,0.6911099949773983,0.019074398184344463,0.8681704260651631,0.6972754793138244,54.95,norfolk/portsmouth/newport news smm food,2022-12-12,54.95,61.332435847693716 +0.2938816449348042,0.29,0.4655870445344134,0.6911099949773983,0.11156653581605663,0.5518796992481201,0.644803229061554,295.31,new york smm food,2022-12-12,295.31,267.8903639239982 +0.48846539618856577,0.073,0.2145748987854252,0.9412355600200905,0.09016628491964175,0.40250626566416037,0.9833501513622603,157.98,rem us mountain smm food,2022-12-12,157.98,146.36158849916364 +0.38615847542627874,0.219,0.2970647773279354,0.4259166248116525,0.04527292722923509,0.6020050125313282,0.7996972754793138,107.08,phoenix/prescott smm food,2022-12-12,107.08,80.40087509108895 +0.6233701103309931,0.592,0.368421052631579,0.5288799598191863,0.029623518903593472,0.6942355889724309,0.3582240161453078,119.22,rem us new england smm food,2022-12-12,119.22,106.79540193574975 +0.4844533600802407,0.513,0.7140688259109316,0.5655449522852838,0.02524944691194015,0.43909774436090215,0.5368314833501514,46.22,salt lake city smm food,2022-12-12,46.22,38.05499330068088 +0.38064192577733175,0.264,0.18471659919028352,0.4866901054746359,0.21959601537078718,0.8290726817042604,0.624117053481332,231.3,rem us south atlantic smm food,2022-12-12,231.3,271.46796987545287 +0.5065195586760279,0.934,0.08957489878542492,0.3922651933701658,0.3589793950628361,0.7077694235588968,0.4979818365287588,387.7,rem us south central smm food,2022-12-12,387.7,403.29257948502357 +0.3099297893681043,0.43200000000000005,0.1649797570850204,0.4881968859869413,0.11985976618193504,0.8877192982456136,0.5474268415741675,99.61,rem us west north central smm food,2022-12-12,99.61,97.5902048653176 +0.5416248746238718,0.49900000000000005,0.9311740890688264,0.2727272727272728,0.014131763313845561,0.5423558897243105,0.3355196770938446,43.95,richmond/petersburg smm food,2022-12-12,43.95,40.09337786003413 +0.6188565697091272,0.19200000000000003,0.6432186234817823,0.6077348066298344,0.032191549011163265,0.8526315789473682,0.27093844601412714,30.68,sacramento/stockton/modesto smm food,2022-12-12,30.68,31.925704456426054 +0.4302908726178536,0.22599999999999998,0.36993927125506104,0.6072325464590659,0.02056260202257,0.31528822055137845,0.2840565085771948,10.71,new orleans smm food,2022-12-12,10.71,12.995306740437279 +0.8886659979939818,0.119,0.6209514170040489,0.4640883977900553,0.019518231790213895,0.9162907268170423,0.5131180625630676,33.89,san diego smm food,2022-12-12,33.89,31.523198903786586 +0.5100300902708123,0.792,0.9873481781376526,0.7594173782019087,0.034216975124110934,0.6621553884711777,0.479313824419778,52.73,san francisco/oakland/san jose smm food,2022-12-12,52.73,49.38292001016326 +0.5205616850551654,0.22400000000000003,0.2727732793522272,0.6634856855851332,0.04260422730235969,0.34586466165413526,0.3355196770938446,59.43,seattle/tacoma smm food,2022-12-12,59.43,52.33325190721513 +0.636409227683049,0.954,0.4048582995951421,0.08739326971371171,0.030320609916521066,0.106265664160401,0.9172552976791121,61.98,st. louis smm food,2022-12-12,61.98,43.971838837543544 +0.5095285857572718,0.9140000000000001,0.2661943319838058,0.5092918131592166,0.04587473014275705,0.6215538847117792,0.248234106962664,118.58999999999999,tampa/ft. myers smm food,2022-12-12,118.58999999999999,133.997882393384 +0.645937813440321,0.253,0.327429149797571,0.2566549472626821,0.009979608125126964,0.2646616541353383,0.6437941473259334,20.69,tucson/sierra vista smm food,2022-12-12,20.69,15.216310139627062 +0.3986960882647945,0.8039999999999999,0.8340080971659922,0.383726770467102,0.055847057117431084,0.2967418546365914,0.3890010090817356,155.48,washington dc/hagerstown smm food,2022-12-12,155.48,136.2540189693578 +0.4663991975927783,0.588,0.25354251012145745,0.2903063787041688,0.007635394251044829,0.6641604010025063,0.48234106962663975,4.39,yakima/pasco/richland/kennewick smm food,2022-12-12,4.39,3.8741045585321245 +0.8119358074222668,0.7120000000000001,0.7828947368421058,0.587644399799096,0.08969680900130768,0.8972431077694233,0.5176589303733602,80.86,rem us pacific smm food,2022-12-12,80.86,76.27859501672575 +0.4563691073219659,0.313,0.6169028340080974,0.36514314414866905,0.03260277572587395,0.5393483709273178,0.43541876892028253,59.61,nashville smm food,2022-12-12,59.61,53.4267719367241 +0.6404212637913742,0.6190000000000001,0.17813765182186272,0.5143144148669011,0.06786380451058216,0.4506265664160401,0.3244197780020182,215.8,philadelphia smm food,2022-12-12,215.8,161.32598755018572 +0.44332998996990974,0.24500000000000002,0.19686234817813786,0.7106981416373682,0.034058372672940755,0.34736842105263166,0.5030272452068617,50.09,minneapolis/st. paul smm food,2022-12-12,50.09,47.90796101916151 +0.7828485456369108,0.8,0.34159919028340097,0.27021597187343044,0.020244763976712005,0.6355889724310779,0.4727547931382442,16.09,mobile/pensacola smm food,2022-12-12,16.09,22.227758249977214 +0.6023069207622868,0.068,0.6315789473684215,0.5072827724761427,0.018313676247893502,0.3588972431077694,0.40514631685166497,25.76,albuquerque/santa fe smm food,2022-12-12,25.76,23.475359907954385 +0.44734202607823464,0.7000000000000001,0.5764170040485832,0.3671521848317429,0.06538568078251804,0.9102756892230573,0.31231079717457116,138.78,atlanta smm food,2022-12-12,138.78,136.80003608679598 +0.3691073219658978,0.24,0.6163967611336035,0.5389251632345555,0.023287651722515845,0.5979949874686719,0.12563067608476286,71.8,baltimore smm food,2022-12-12,71.8,62.18716132732956 +0.4368104312938815,0.34800000000000003,0.4084008097165993,0.07533902561526871,0.011690995053322507,0.5027568922305763,0.594853683148335,2.41,baton rouge smm food,2022-12-12,2.41,1.7537169875121918 +0.6033099297893677,0.084,0.8309716599190287,0.6936212958312407,0.028070417854809283,0.3829573934837094,0.5938446014127144,11.72,birmingham/anniston/tuscaloosa smm food,2022-12-12,11.72,18.09161014241024 +0.6830491474423268,0.31200000000000006,0.3810728744939274,0.34605725765946765,0.04077697511043502,0.6185463659147871,0.7033299697275479,184.6,boston/manchester smm food,2022-12-12,184.6,147.37019349485223 +0.837011033099298,0.9560000000000001,0.1923076923076924,0.5680562531391261,0.018281385928493588,0.19749373433583955,0.5867810292633704,29.260000000000005,buffalo smm food,2022-12-12,29.260000000000005,21.986142398503674 +0.3625877632898695,0.15200000000000002,0.5060728744939276,0.46107483676544453,0.03827194278287095,0.4491228070175439,0.7563067608476287,75.86,charlotte smm food,2022-12-12,75.86,87.2485193531866 +0.3309929789368103,0.9430000000000001,0.2616396761133605,0.6549472626820694,0.06909938408526717,0.6195488721804511,0.8587285570131181,139.14,chicago smm food,2022-12-12,139.14,144.36272223000307 +0.5045135406218654,0.40599999999999997,0.6740890688259115,0.642390758412858,0.03773535365166648,0.49724310776942343,0.5443995963673057,89.72,cleveland/akron/canton smm food,2022-12-12,89.72,90.60722453596648 +0.6038114343029088,0.073,0.41244939271255077,0.7322953289804119,0.028638980733654857,0.46967418546365913,0.9076690211907165,75.8,columbus oh smm food,2022-12-12,75.8,65.62629503557595 +0.8741223671013042,0.236,0.39068825910931204,0.20592667001506781,0.0714739888481963,0.8080200501253132,0.8471241170534813,73.9,dallas/ft. worth smm food,2022-12-12,73.9,75.29289442396923 +0.5707121364092276,0.363,0.6391700404858304,0.7237569060773481,0.012641026901549444,0.3634085213032582,0.5509586276488395,22.0,des moines/ames smm food,2022-12-12,22.0,21.153011897800866 +0.6313941825476429,0.336,0.21305668016194343,0.6624811652435962,0.0453371912962761,0.9428571428571426,0.4883955600403633,131.29,detroit smm food,2022-12-12,131.29,122.51756438086001 +0.3149448345035105,0.576,0.7494939271255062,0.17327975891511804,0.013496720365647216,0.3869674185463659,0.49041372351160445,45.82,albany/schenectady/troy smm food,2022-12-12,45.82,34.79610331149014 +0.383149448345035,0.30200000000000005,0.5597165991902839,0.06629834254143648,0.021766840993131573,0.9438596491228067,0.36881937436932394,35.9,greensboro smm food,2022-12-12,35.9,38.545166912613745 +0.6429287863590771,0.678,0.5409919028340082,0.4846810647915621,0.023507352523138805,0.41453634085213,0.3693239152371342,78.79,grand rapids smm food,2022-12-12,78.79,68.09093836396156 +0.5090270812437314,0.767,0.32692307692307704,0.5379206428930187,0.03171447537061744,0.6701754385964911,0.3375378405650858,125.46999999999998,miami/west palm beach smm food,2022-12-12,125.46999999999998,142.26114236680684 +0.5446339017051152,0.071,0.38360323886639697,0.6207935710698143,0.007794629845732651,0.2636591478696739,0.582744702320888,9.38,madison wi smm food,2022-12-12,9.38,7.535088076761625 +0.5391173520561684,0.10900000000000001,0.45495951417004066,0.4003013561024611,0.11083335562262325,0.39498746867167905,0.4798183652875883,136.19,los angeles smm food,2022-12-12,136.19,130.2795985184507 +0.6624874623871615,0.315,0.5172064777327939,0.32044198895027626,0.01977022291023677,0.16942355889724325,0.3082744702320888,13.89,little rock/pine bluff smm food,2022-12-12,13.89,10.626464404632536 +0.14292878635907746,0.284,0.30617408906882637,0.4510296333500754,0.016855863298514948,0.38897243107769414,0.16750756811301715,35.63,las vegas smm food,2022-12-12,35.63,27.4869324459388 +0.7913741223671013,0.617,0.44078947368421073,0.5052737317930689,0.020055454064936026,0.5513784461152881,0.6160443995963674,33.37,milwaukee smm food,2022-12-12,33.37,27.69500958494492 +0.8771313941825476,0.209,0.4792510121457493,0.6323455549974888,0.023540909129574013,0.4496240601503758,0.3980827447023209,31.1,kansas city smm food,2022-12-12,31.1,37.0006717962632 +0.641424272818455,0.993,0.4665991902834008,0.5354093420391763,0.020529995131411263,0.5288220551378444,0.5181634712411706,29.439999999999998,jacksonville smm food,2022-12-12,29.439999999999998,40.825728354545895 +0.7958876629889666,0.96,0.34767206477732776,0.5580110497237569,0.031937975032346265,0.38546365914786945,0.46266397578203833,52.59,indianapolis smm food,2022-12-12,52.59,46.82745564705078 +0.48345035105315964,0.734,0.5070850202429152,0.7096936212958314,0.05513160494249177,0.6045112781954884,0.9318869828456106,136.36,houston smm food,2022-12-12,136.36,135.29413823071735 +0.7713139418254765,0.233,0.4382591093117415,0.41336012054244103,0.02379321682135571,0.7117794486215535,0.7401614530776993,97.18,hartford/new haven smm food,2022-12-12,97.18,77.36673720035213 +0.4022066198595787,0.869,0.3547570850202431,0.7719738824711201,0.019611937030825418,0.2150375939849622,0.2785065590312815,23.74,knoxville smm food,2022-12-12,23.74,25.95031225522269 +0.4443329989969911,0.502,0.2591093117408909,0.57659467604219,0.02081554285786934,0.5443609022556389,0.289606458123108,68.12,harrisburg/lancaster smm food,2022-12-12,68.12,43.331293262311675 +0.3946840521564692,0.11699999999999999,0.5086032388663972,0.7820190858864893,0.20202121760798586,0.4476190476190475,0.32189707366296666,323.62,new york smm food,2022-12-19,323.62,279.0610894359018 +0.36409227683049145,0.9140000000000001,0.6654858299595141,0.6433952787543948,0.08515843626682537,0.45714285714285713,0.5751765893037336,141.31,rem us middle atlantic smm food,2022-12-19,141.31,96.65269816583223 +0.692076228686058,0.298,0.7160931174089071,0.5047714716223004,0.24323569488911387,0.49072681704260657,0.40514631685166497,400.11,rem us east north central smm food,2022-12-19,400.11,299.449291663306 +0.9172517552657973,0.8380000000000001,0.4772267206477737,0.3249623304871924,0.044669541456919,0.744360902255639,0.8612512613521696,78.65,raleigh/durham/fayetteville smm food,2022-12-19,78.65,86.52556733785096 +0.6624874623871613,0.484,0.4974696356275304,0.6574585635359117,0.021423360634808937,0.2521303258145363,0.6745711402623612,52.34,providence ri/new bedford ma smm food,2022-12-19,52.34,43.023958645808825 +0.6815446339017054,0.11000000000000001,0.9175101214574901,0.8196885986941236,0.03463674927630983,0.31027568922305754,0.5373360242179617,60.41,portland or smm food,2022-12-19,60.41,48.21322270787331 +0.4142427281845537,0.169,0.21002024291497978,0.7468608739326972,0.057225410555345156,0.2907268170426066,0.7608476286579213,97.64,orlando/daytona beach/melborne smm food,2022-12-19,97.64,98.57878945356163 +0.5255767301905716,0.41900000000000004,0.40435222672064797,0.5610246107483677,0.06804646641542286,0.35939849624060144,0.4298688193743693,106.55,phoenix/prescott smm food,2022-12-19,106.55,81.87566956910253 +0.060180541624874316,0.783,0.41751012145749017,0.37920642893018586,0.018993672385844675,0.7022556390977441,0.5474268415741675,8.43,paducah ky/cape girardeau mo smm food,2022-12-19,8.43,8.208578796685046 +0.4699097291875626,0.934,0.6103238866396765,0.49171270718232046,0.015370508606118811,0.5954887218045111,0.4747729566094854,16.53,omaha smm food,2022-12-19,16.53,15.943253187104062 +0.3836509528585759,0.30200000000000005,0.43572874493927144,0.6594676042189855,0.03271009355211485,0.639598997493734,0.8239152371342079,5.38,oklahoma city smm food,2022-12-19,5.38,10.858425121911907 +0.43430290872617816,0.012000000000000002,0.32692307692307704,0.9593169261677549,0.02751325155928132,0.4390977443609027,0.5847628657921292,54.02,norfolk/portsmouth/newport news smm food,2022-12-19,54.02,62.24023725694077 +0.6444332998996991,0.23900000000000002,0.32135627530364386,0.6634856855851332,0.12265541138409834,0.3819548872180451,0.8940464177598385,172.46,rem us mountain smm food,2022-12-19,172.46,149.16443251371652 +0.9297893681043128,0.509,0.6816801619433202,0.5424409844299347,0.038578384245411344,0.8290726817042606,0.8849646821392533,74.43,pittsburgh smm food,2022-12-19,74.43,65.76237568107268 +0.29488465396188573,0.002,0.2069838056680161,0.5871421396283275,0.03853026533807029,0.7032581453634084,0.06357214934409687,137.84,rem us new england smm food,2022-12-19,137.84,105.7844032885068 +0.2617853560682046,0.455,0.5313765182186238,0.4500251130085385,0.03412421959877587,0.3809523809523809,0.9571140262361252,34.23,salt lake city smm food,2022-12-19,34.23,40.38856329904338 +0.571213640922768,0.9470000000000001,0.4089068825910933,0.22501255650426924,0.28286984595019893,0.8536340852130325,0.5141271442986882,256.59,rem us south atlantic smm food,2022-12-19,256.59,279.08336676928684 +0.9588766298896688,0.4650000000000001,0.4038461538461538,0.49673530889000506,0.46413788533680356,0.3493734335839596,0.5978809283551968,413.36,rem us south central smm food,2022-12-19,413.36,418.8875772776258 +0.383149448345035,0.45599999999999996,0.4271255060728748,0.7523857358111502,0.15516448186936077,0.8957393483709271,0.3728557013118063,109.84,rem us west north central smm food,2022-12-19,109.84,103.37741159197986 +0.38314944834503534,0.597,0.5227732793522268,0.5133098945253642,0.019410597392214173,0.8125313283208015,0.5272452068617558,46.87,richmond/petersburg smm food,2022-12-19,46.87,43.69316037187226 +0.49749247743229663,0.8400000000000001,0.6467611336032397,0.3561024610748368,0.05003543276896387,0.6661654135338342,0.37891019172552975,34.25,sacramento/stockton/modesto smm food,2022-12-19,34.25,33.14433612651755 +0.3981945837512536,0.19599999999999998,0.6958502024291502,0.4349573078854847,0.029261044239741473,0.6491228070175437,0.2532795156407669,39.4,san diego smm food,2022-12-19,39.4,29.658920506334034 +0.24623871614844514,0.16000000000000003,0.6305668016194338,0.6288297338021096,0.0587766121735764,0.4230576441102756,0.26892028254288597,55.28,san francisco/oakland/san jose smm food,2022-12-19,55.28,49.183022707455294 +0.613841524573721,0.10400000000000001,0.3815789473684217,0.6639879457559016,0.05730740264088023,0.4771929824561402,0.5373360242179617,72.58,seattle/tacoma smm food,2022-12-19,72.58,56.14749421228525 +0.43079237713139396,0.47100000000000003,0.4043522267206482,0.08488196885986941,0.03974431803315536,0.425062656641604,0.7815338042381433,60.34,st. louis smm food,2022-12-19,60.34,44.91782797210709 +0.9057171514543632,0.18700000000000006,0.2236842105263159,0.8056253139126068,0.06250962635361375,0.6105263157894735,0.3657921291624622,141.16,tampa/ft. myers smm food,2022-12-19,141.16,138.98045615643218 +0.8841524573721163,0.459,0.36437246963562775,0.6675037669512808,0.014034259212128173,0.287218045112782,0.33905146316851664,23.14,tucson/sierra vista smm food,2022-12-19,23.14,16.957866930229095 +0.42377131394182554,0.41100000000000003,0.48987854251012153,0.27724761426418887,0.08610245325163467,0.3914786967418546,0.49697275479313824,167.11,washington dc/hagerstown smm food,2022-12-19,167.11,140.4714233362033 +0.7191574724172517,0.458,0.16700404858299586,0.4098442993470618,0.011263306607153032,0.4215538847117796,0.437941473259334,6.44,yakima/pasco/richland/kennewick smm food,2022-12-19,6.44,4.369027185569735 +0.2728184553660983,0.8029999999999999,0.600202429149798,0.46308387744851837,0.025108889051022872,0.4917293233082707,0.46417759838546924,12.17,new orleans smm food,2022-12-19,12.17,14.54457114807527 +0.8199598796389167,0.7700000000000001,0.7656882591093123,0.9382219989954798,0.12757018793982086,0.6120300751879698,0.7083753784056509,80.38,rem us pacific smm food,2022-12-19,80.38,83.86745270565777 +0.41273821464393184,0.04000000000000001,0.37246963562753055,0.4409844299347062,0.044638517424554394,0.2937343358395986,0.322401614530777,67.27,nashville smm food,2022-12-19,67.27,53.79160880839053 +0.6705115346038115,0.144,0.47570850202429205,0.7614264188849825,0.10702309793343316,0.46466165413533833,0.648335015136226,221.62,philadelphia smm food,2022-12-19,221.62,170.18375058009656 +0.42276830491474426,0.49400000000000005,0.1826923076923079,0.7790055248618786,0.050964254309349685,0.3949874686716793,0.5312815338042381,58.47,minneapolis/st. paul smm food,2022-12-19,58.47,51.061603266861276 +0.3465396188565696,0.799,0.4645748987854254,0.7955801104972376,0.024903750551305757,0.5829573934837091,0.46165489404641774,27.86,albuquerque/santa fe smm food,2022-12-19,27.86,26.884433333682153 +0.4583751253761283,0.03,0.6002024291497978,0.48618784530386744,0.10340246672777789,0.7218045112781951,0.22250252270433904,152.08,atlanta smm food,2022-12-19,152.08,141.4508521131708 +0.5055165496489469,0.8410000000000001,0.42206477732793546,0.26318432948267206,0.03350152294917161,0.6927318295739349,0.565590312815338,73.88,baltimore smm food,2022-12-19,73.88,65.27526525506504 +0.12988966900702087,0.729,0.46609311740890697,0.2611752887995982,0.014564833479915025,0.8611528822055136,0.8365287588294652,2.88,baton rouge smm food,2022-12-19,2.88,5.431806342630182 +0.6008024072216647,0.20299999999999999,0.7803643724696361,0.9316926167754898,0.0337063448771299,0.3423558897243109,0.36629667003027244,13.76,birmingham/anniston/tuscaloosa smm food,2022-12-19,13.76,18.82358629616079 +0.3024072216649948,0.149,0.30971659919028366,0.7820190858864893,0.06487283453322525,0.6591478696741854,0.4525731584258325,197.58,boston/manchester smm food,2022-12-19,197.58,151.17670130768954 +0.5356068204613843,0.924,0.5328947368421056,0.6182822702159719,0.022135647092160024,0.1508771929824561,0.4283551967709385,36.04,buffalo smm food,2022-12-19,36.04,21.444427204804853 +0.5140421263791373,0.893,0.17914979757085042,0.3862380713209443,0.053861519046095076,0.38395989974937345,0.5660948536831484,74.6,charlotte smm food,2022-12-19,74.6,88.1060025706853 +0.09979939819458365,0.533,0.3294534412955467,0.5002511300853842,0.10738430631024987,0.5483709273182957,0.5822401614530777,155.11,chicago smm food,2022-12-19,155.11,146.50907846918656 +0.7958876629889667,0.133,0.6761133603238871,0.7614264188849825,0.051493878861860076,0.7463659147869673,0.2946518668012109,122.76,cleveland/akron/canton smm food,2022-12-19,122.76,92.90956367064997 +0.6003009027081244,0.13899999999999998,0.32894736842105277,0.7995981918633853,0.040245767699130526,0.52531328320802,0.5358224016145308,87.17,columbus oh smm food,2022-12-19,87.17,65.63651299377254 +0.6800401203610836,0.762,0.46356275303643757,0.2757408337518835,0.10891334790536353,0.8506265664160398,0.9334006054490414,77.83,dallas/ft. worth smm food,2022-12-19,77.83,81.5575872140778 +0.45135406218655955,0.24300000000000002,0.4377530364372472,0.46358613761928685,0.016192645463781376,0.7378446115288221,0.198284561049445,24.24,des moines/ames smm food,2022-12-19,24.24,18.901858701377662 +0.2607823470411233,0.145,0.18168016194331993,0.6454043194374687,0.06189990914612121,0.48170426065162897,0.6291624621594349,179.1,detroit smm food,2022-12-19,179.1,123.41371993142188 +0.8279839518555665,0.677,0.4817813765182187,0.6323455549974888,0.02820179513472071,0.6145363408521299,0.25075681130171545,95.93,grand rapids smm food,2022-12-19,95.93,69.80090834803494 +0.7352056168505516,0.13799999999999998,0.639676113360324,0.5293822199899548,0.017398150721378236,0.4270676691729323,0.26337033299697277,55.04,albany/schenectady/troy smm food,2022-12-19,55.04,36.62319937712657 +0.5215646940822468,0.496,0.24898785425101236,0.5123053741838273,0.026339086905807906,0.2992481203007518,0.4384460141271443,77.6,harrisburg/lancaster smm food,2022-12-19,77.6,43.96394155617065 +0.10832497492477423,0.164,0.19433198380566838,0.27523857358111503,0.027392321147411046,0.8095238095238093,0.7028254288597376,34.89,greensboro smm food,2022-12-19,34.89,41.307939791801594 +0.42326980942828496,0.6980000000000001,0.8618421052631582,0.5092918131592166,0.02855065721294332,0.7268170426065161,0.7532795156407669,38.23,milwaukee smm food,2022-12-19,38.23,29.932574444018563 +0.7457372116349048,0.7400000000000001,0.1887651821862349,0.30989452536413864,0.05420721540672947,0.7478696741854635,0.5721493440968719,146.96,miami/west palm beach smm food,2022-12-19,146.96,146.01876106472778 +0.6710130391173519,0.5990000000000001,0.21558704453441305,0.7348066298342543,0.011713155076440097,0.30626566416040074,0.5408678102926338,8.84,madison wi smm food,2022-12-19,8.84,8.98090813600193 +0.24072216649949846,0.9369999999999999,0.45799595141700417,0.37820190858864894,0.18162259975648604,0.2766917293233081,0.6715438950554995,148.2,los angeles smm food,2022-12-19,148.2,140.74765455660048 +0.384653961885657,0.685,0.14018218623481798,0.5022601707684581,0.0253225749882282,0.17192982456140365,0.34510595358224017,14.040000000000001,little rock/pine bluff smm food,2022-12-19,14.040000000000001,12.1482662081171 +0.6118355065195589,0.869,0.566295546558705,0.47212456052235063,0.027245431851317312,0.15238095238095237,0.28456104944500504,37.81,las vegas smm food,2022-12-19,37.81,30.2261711703483 +0.3891675025075227,0.718,0.578441295546559,0.5600200904068308,0.025006952944681964,0.56140350877193,0.5534813319878911,20.49,mobile/pensacola smm food,2022-12-19,20.49,24.2456076028583 +0.4227683049147441,0.903,0.5723684210526319,0.7046710195881467,0.02484740077823532,0.5137844611528819,0.23208879919273462,25.97,knoxville smm food,2022-12-19,25.97,27.14031102790282 +0.7818455366098294,0.023,0.8603238866396765,0.8347564038171774,0.034135616182093494,0.7558897243107767,0.5898082744702321,38.72,kansas city smm food,2022-12-19,38.72,41.69695601188872 +0.49197592778334986,0.142,0.9018218623481784,0.8292315419387244,0.02859719326149026,0.12731829573934825,0.6306760847628659,36.43,jacksonville smm food,2022-12-19,36.43,42.67482512506947 +0.8214643931795383,0.653,0.49190283400809703,0.6393771973882472,0.046086200077650616,0.6877192982456137,0.4535822401614531,66.73,indianapolis smm food,2022-12-19,66.73,50.155979463385776 +0.25476429287863606,0.8890000000000001,0.8001012145748992,0.7277749874434958,0.08522554947969578,0.4390977443609021,0.536326942482341,136.23,houston smm food,2022-12-19,136.23,136.69806321248444 +0.6494483450351054,0.9430000000000001,0.4311740890688265,0.22099447513812157,0.032167806129251554,0.35187969924812,0.5544904137235116,112.57,hartford/new haven smm food,2022-12-19,112.57,75.375094501022 +0.4884653961885655,0.489,0.632591093117409,0.39879457559015574,0.2964947778781693,0.5288220551378446,0.5418768920282543,515.64,rem us east north central smm food,2022-12-26,515.64,306.9461401805318 +0.510531594784353,0.062,0.4635627530364377,0.39477649422400807,0.05607118992267756,0.7393483709273182,0.8264379414732593,125.81,raleigh/durham/fayetteville smm food,2022-12-26,125.81,87.26760349542117 +0.6093279839518554,0.572,0.5728744939271255,0.5303867403314918,0.027603474510545793,0.6260651629072681,0.49848637739656915,80.01,providence ri/new bedford ma smm food,2022-12-26,80.01,43.30161043195326 +0.8691073219658979,0.9660000000000001,0.9164979757085023,0.5308890005022602,0.04203724728230821,0.32531328320802,0.31180625630676084,90.72,portland or smm food,2022-12-26,90.72,47.048984880685516 +0.6830491474423269,0.9060000000000001,0.4650809716599192,0.5404319437468609,0.04862383929637343,0.4220551378446117,0.693239152371342,102.87,pittsburgh smm food,2022-12-26,102.87,64.43414442959053 +0.8370110330992977,0.919,0.6735829959514174,0.5444500251130086,0.0896581872467313,0.601002506265664,0.3834510595358224,145.42,phoenix/prescott smm food,2022-12-26,145.42,86.21554723522398 +0.41624874623871577,0.633,0.3952429149797574,0.4796584630838775,0.021450902377826517,0.5032581453634084,0.7790110998990918,10.12,paducah ky/cape girardeau mo smm food,2022-12-26,10.12,10.365658613586788 +0.3420260782347041,0.484,0.38967611336032365,0.6976393771973883,0.10619146392300592,0.8867167919799498,0.3582240161453078,173.72,rem us middle atlantic smm food,2022-12-26,173.72,99.59221337423305 +0.343530591775326,0.895,0.27732793522267213,0.8151682571572075,0.0727567376149459,0.5388471177944862,0.656912209889001,250.09,orlando/daytona beach/melborne smm food,2022-12-26,250.09,101.58047261206477 +0.20361083249749243,0.8320000000000001,0.47672064777327977,0.8799598191863386,0.02015897303007105,0.6837092731829572,0.6579212916246217,26.39,omaha smm food,2022-12-26,26.39,19.60177262150529 +0.5255767301905719,0.9500000000000001,0.35880566801619446,0.9196383726770468,0.04041545016185949,0.7729323308270672,0.9328960645812311,7.530000000000001,oklahoma city smm food,2022-12-26,7.530000000000001,14.965816382301838 +0.5917753259779334,0.16000000000000003,0.4326923076923079,0.5484681064791562,0.033889006781970606,0.5268170426065166,0.4510595358224016,69.65,norfolk/portsmouth/newport news smm food,2022-12-26,69.65,60.67759233302803 +0.24623871614844514,0.439,0.5161943319838062,0.8387744851833251,0.2900813506161801,0.48972431077694223,0.14177598385469217,415.98,new york smm food,2022-12-26,415.98,290.77174829628797 +0.6434302908726178,0.6190000000000001,0.6928137651821868,0.5695630336514315,0.14018683881594096,0.21403508771929827,0.6417759838546923,288.62,philadelphia smm food,2022-12-26,288.62,173.24559155402017 +0.5300902708124373,0.708,0.6138663967611339,0.5268709191361125,0.1571414725032086,0.4180451127819549,0.8476286579212916,242.15999999999997,rem us mountain smm food,2022-12-26,242.15999999999997,153.28307559896075 +0.4393179538615845,0.377,0.6163967611336035,0.15971873430436967,0.34393273936599295,0.3949874686716792,0.198284561049445,381.97,rem us south atlantic smm food,2022-12-26,381.97,283.696237286167 +0.4658976930792376,0.585,0.49443319838056715,0.9060773480662985,0.16332475209653366,0.3157894736842104,0.384460141271443,103.79,rem us pacific smm food,2022-12-26,103.79,85.0804282805332 +0.7407221664994984,0.29300000000000004,0.4225708502024292,0.5042692114515319,0.013908896795634382,0.2370927318295742,0.5080726538849647,9.17,yakima/pasco/richland/kennewick smm food,2022-12-26,9.17,5.232658539901706 +0.949348044132397,0.084,0.688259109311741,0.33400301356102463,0.5613194004319565,0.5729323308270674,0.7699293642785066,619.84,rem us south central smm food,2022-12-26,619.84,433.30266253851624 +0.6584754262788364,0.987,0.5050607287449397,0.7714716223003517,0.19170319427267743,0.7824561403508768,0.3546922300706357,155.1,rem us west north central smm food,2022-12-26,155.1,108.92480022316948 +0.4618856569709129,0.07700000000000001,0.41093117408906893,0.857358111501758,0.02468974804234161,0.852631578947368,0.7159434914228052,61.58,richmond/petersburg smm food,2022-12-26,61.58,47.44575975706403 +0.234704112337011,0.516,0.28390688259109326,0.32094424912104474,0.04361155863893353,0.7839598997493733,0.8799192734611504,64.29,salt lake city smm food,2022-12-26,64.29,41.61727093046464 +0.20310932798395165,0.501,0.43269230769230793,0.36413862380713213,0.039511004646903033,0.314285714285714,0.5443995963673057,50.37,san diego smm food,2022-12-26,50.37,31.00181324935648 +0.5185556670010028,0.16000000000000003,0.4913967611336037,0.2546459065796083,0.0816315103017816,0.4576441102756891,0.5575176589303734,79.75,san francisco/oakland/san jose smm food,2022-12-26,79.75,52.40542092975544 +0.6063189568706115,0.37799999999999995,0.3689271255060735,0.6911099949773983,0.06972967845708318,0.4050125313283207,0.6710393541876892,107.41,seattle/tacoma smm food,2022-12-26,107.41,58.708715160764456 +0.03811434302908708,0.6280000000000001,0.23785425101214605,0.09994977398292317,0.05037543083793945,0.44661654135338336,0.579212916246216,79.31,st. louis smm food,2022-12-26,79.31,44.7114531239271 +0.6108324974924774,0.944,0.5561740890688263,0.6323455549974888,0.07851327847737796,0.6917293233082704,0.6503531786074672,364.13,tampa/ft. myers smm food,2022-12-26,364.13,142.20227746045109 +0.7858575727181545,0.752,0.6867408906882595,0.7463586137619288,0.016727018592674104,0.43759398496240604,0.39959636730575177,29.579999999999995,tucson/sierra vista smm food,2022-12-26,29.579999999999995,18.772832644599013 +0.5551654964894686,0.7400000000000001,0.38815789473684215,0.2481165243596183,0.11362171967433363,0.3804511278195488,0.805247225025227,233.52999999999997,washington dc/hagerstown smm food,2022-12-26,233.52999999999997,146.23864844188785 +0.3891675025075225,0.36400000000000005,0.7798582995951422,0.5017579105976897,0.03139537103772415,0.744360902255639,0.7078708375378405,17.41,new orleans smm food,2022-12-26,17.41,17.94508919660253 +0.3766298896690071,0.29900000000000004,0.20394736842105257,0.4590657960823707,0.04842756480590334,0.8561403508771928,0.06559031281533804,200.31,rem us new england smm food,2022-12-26,200.31,107.20073390237681 +0.7231695085255765,0.884,0.4023279352226728,0.7137117026619789,0.06679980682917906,0.37343358395989945,0.3284561049445005,49.03,sacramento/stockton/modesto smm food,2022-12-26,49.03,36.5997750618344 +0.06670010030090269,0.9880000000000001,0.5121457489878545,0.6117528879959819,0.05942843342499236,0.33082706766917247,0.13319878910191726,100.67,nashville smm food,2022-12-26,100.67,55.81622954667029 +0.4207622868605817,0.79,0.19129554655870468,0.3992968357609242,0.06851499261848047,0.6576441102756893,0.7330978809283552,90.55,minneapolis/st. paul smm food,2022-12-26,90.55,53.47899208186259 +0.4262788365095287,0.05500000000000001,0.42206477732793546,0.5148166750376696,0.029771041343204855,0.35538847117794514,0.8188698284561049,37.38,mobile/pensacola smm food,2022-12-26,37.38,25.217083620986045 +0.745235707121364,0.08700000000000001,0.46761133603238875,0.9924660974384732,0.021554421342961535,0.48070175438596496,0.44904137235116043,75.83,albany/schenectady/troy smm food,2022-12-26,75.83,40.989335526938035 +0.20060180541624864,0.5670000000000001,0.7120445344129559,0.5349070818684079,0.03263854833462092,0.5358395989974936,0.722502522704339,33.76,albuquerque/santa fe smm food,2022-12-26,33.76,27.64652354571939 +0.41624874623871605,0.28300000000000003,0.29200404858299606,0.1953792064289302,0.13469685137443763,0.7002506265664156,0.45055499495459134,268.56,atlanta smm food,2022-12-26,268.56,145.3036882575177 +0.530591775325978,0.8470000000000001,0.21508097165991918,0.09743847312908087,0.04352070254415141,0.4140350877192984,0.8400605449041373,108.99,baltimore smm food,2022-12-26,108.99,66.38235000892466 +0.34302908726178516,0.07700000000000001,0.3527327935222672,0.2481165243596183,0.01702649547652038,0.8481203007518795,0.7926337033299697,3.3,baton rouge smm food,2022-12-26,3.3,5.393281907829902 +0.3004012036108323,0.987,0.5657894736842108,0.8307383224510297,0.04098749533005212,0.20451127819548887,0.1715438950554995,29.639999999999997,birmingham/anniston/tuscaloosa smm food,2022-12-26,29.639999999999997,17.446416644005502 +0.04714142427281827,0.718,0.42307692307692346,0.9136112506278253,0.08919345990477957,0.3969924812030075,0.4384460141271443,297.44,boston/manchester smm food,2022-12-26,297.44,154.36627373086372 +0.5707121364092276,0.8320000000000001,0.060222672064777445,0.34957307885484684,0.06843964853988066,0.8310776942355889,0.5943491422805247,124.48999999999998,charlotte smm food,2022-12-26,124.48999999999998,91.48925166771802 +0.3375125376128384,0.618,0.4053643724696358,0.3038674033149172,0.14650909341138918,0.7614035087719297,0.22300706357214933,215.08,chicago smm food,2022-12-26,215.08,149.950596752011 +0.7818455366098294,0.19599999999999998,0.5460526315789478,0.5268709191361125,0.06517009541475975,0.43408521303258135,0.5479313824419778,171.16,cleveland/akron/canton smm food,2022-12-26,171.16,93.91870319219052 +0.4348044132397192,0.37900000000000006,0.23987854251012156,0.6368658965344048,0.050684404874550414,0.8726817042606515,0.5600403632694249,108.36,columbus oh smm food,2022-12-26,108.36,67.1705179351671 +0.4749247743229693,0.485,0.3426113360323889,0.10145655449522854,0.14689087895252936,0.6205513784461152,0.6352169525731585,115.82999999999998,dallas/ft. worth smm food,2022-12-26,115.82999999999998,82.92084518796881 +0.2833500501504512,0.337,0.10425101214574904,0.07785032646911101,0.020888354362398564,0.9142857142857143,0.1649848637739657,37.81,des moines/ames smm food,2022-12-26,37.81,17.2678483616954 +0.026579739217652956,0.191,0.4230769230769233,0.8196885986941236,0.07788488353611489,0.07067669172932321,0.9273461150353178,227.06,detroit smm food,2022-12-26,227.06,126.89458381530665 +0.21163490471414256,0.472,0.6007085020242918,0.23606228026117532,0.027856731917603957,0.5177944862155387,0.7583249243188699,40.74,buffalo smm food,2022-12-26,40.74,22.401547668505017 +0.39167502507522556,0.9039999999999999,0.39676113360323934,0.4294324460070317,0.0340298812146467,0.4305764411027567,0.8874873864783047,54.84,greensboro smm food,2022-12-26,54.84,43.95951479941355 +0.7246740220661985,0.22799999999999998,0.5187246963562754,0.599698643897539,0.033632267085565395,0.9177944862155384,0.541372351160444,126.76000000000002,grand rapids smm food,2022-12-26,126.76000000000002,72.64359891779162 +0.49297893681043153,0.8650000000000001,0.18066801619433207,0.4450025113008539,0.07295427839245126,0.4686716791979949,0.6039354187689203,344.38,miami/west palm beach smm food,2022-12-26,344.38,148.38212817540767 +0.6048144433299897,0.933,0.06072874493927129,0.26770467101958817,0.014085860408816273,0.5358395989974934,0.5560040363269425,10.57,madison wi smm food,2022-12-26,10.57,7.388838249197519 +0.41624874623871616,0.414,0.5450404858299598,0.29633350075339027,0.25232415351315496,0.4917293233082705,0.87941473259334,188.57,los angeles smm food,2022-12-26,188.57,152.2026658877641 +0.05917753259779338,0.87,0.2530364372469638,0.299347061778001,0.028911549018001206,0.6090225563909776,0.25630676084762866,19.36,little rock/pine bluff smm food,2022-12-26,19.36,11.942261519476638 +0.7537612838515548,0.609,0.8917004048583003,0.515318935208438,0.036975898002250804,0.09724310776942353,0.7325933400605449,43.36,las vegas smm food,2022-12-26,43.36,34.58273500245152 +0.2216649949849548,0.7960000000000002,0.8046558704453445,0.5826217980914115,0.029485810188505598,0.6832080200501249,0.1932391523713421,48.23,knoxville smm food,2022-12-26,48.23,27.150735969299454 +0.31795386158475436,0.24300000000000002,0.640182186234818,0.49321948769462587,0.037333624089720456,0.7468671679197992,0.7149344096871847,40.48,milwaukee smm food,2022-12-26,40.48,30.395422115221955 +0.1950852557673017,0.36500000000000005,0.5921052631578949,0.7764942240080362,0.03524171790742003,0.5528822055137842,0.14530776992936428,84.42,jacksonville smm food,2022-12-26,84.42,41.23271398855163 +0.5476429287863588,0.068,0.4529352226720646,0.34555499748869917,0.05846447241937721,0.5568922305764408,0.08879919273461151,90.21,indianapolis smm food,2022-12-26,90.21,46.9466415171712 +0.258776328986961,0.11000000000000001,0.4498987854251015,0.36062280261175295,0.11414754536573814,0.8165413533834585,0.32694248234106965,201.95,houston smm food,2022-12-26,201.95,138.05447760587276 +0.7938816449348045,0.184,0.5217611336032396,0.23053741838272226,0.04211860622432565,0.1162907268170424,0.487891019172553,130.04,hartford/new haven smm food,2022-12-26,130.04,75.65975931360624 +0.3635907723169509,0.303,0.5323886639676116,0.288297338021095,0.03360884077541251,0.3999999999999999,0.6513622603430878,91.98,harrisburg/lancaster smm food,2022-12-26,91.98,45.07040891901124 +0.8099297893681041,0.602,0.6751012145748994,0.7744851833249624,0.04318387019276406,0.5488721804511276,0.5524722502522704,56.97999999999999,kansas city smm food,2022-12-26,56.97999999999999,41.9697868038641 +0.6429287863590771,0.7210000000000001,0.37449392712550583,0.6690105474635862,0.09868364809076664,0.751378446115288,0.14631685166498487,88.93,rem us middle atlantic smm food,2023-01-02,88.93,97.3267087813413 +0.5305917753259777,0.394,0.7596153846153847,0.5730788548468106,0.28916709137670016,0.1578947368421053,0.856710393541877,304.83,rem us east north central smm food,2023-01-02,304.83,307.6923021049911 +0.1935807422266799,0.8039999999999999,0.5794534412955471,0.5675539929683576,0.05608670193885987,0.712781954887218,0.7608476286579213,114.9,raleigh/durham/fayetteville smm food,2023-01-02,114.9,87.68235353115976 +0.6604814443329989,0.269,0.5106275303643725,0.36614766449020597,0.026646478083624754,0.5959899749373433,0.3980827447023209,47.52,providence ri/new bedford ma smm food,2023-01-02,47.52,41.458952754234566 +0.972417251755266,0.917,0.6437246963562755,0.5544952285283777,0.04366347640738045,0.2902255639097744,0.2865792129162462,65.19,portland or smm food,2023-01-02,65.19,47.141403275080684 +0.23771313941825478,0.25,0.18876518218623484,0.3093922651933702,0.04690422150244848,0.5724310776942357,0.7199798183652876,48.66,pittsburgh smm food,2023-01-02,48.66,62.27595326622123 +0.43630892678034094,0.6030000000000001,0.801619433198381,0.4796584630838775,0.08912349754607977,0.46766917293233073,0.3410696266397578,90.27,phoenix/prescott smm food,2023-01-02,90.27,84.37523719023373 +0.4037111334002006,0.18899999999999997,0.35678137651821873,0.6644902059266701,0.07210649922232407,0.8300751879699247,0.5918264379414733,178.06,orlando/daytona beach/melborne smm food,2023-01-02,178.06,100.97292585947079 +0.8706118355065191,0.032,0.5526315789473688,0.5715720743345053,0.02087030977214567,0.5689223057644109,0.4581231079717457,7.140000000000001,paducah ky/cape girardeau mo smm food,2023-01-02,7.140000000000001,9.729226543203893 +0.21113340020060178,0.868,0.24291497975708531,0.8895027624309393,0.01936311162839077,0.47719298245614006,0.5368314833501514,13.49,omaha smm food,2023-01-02,13.49,18.09014142196183 +0.2693079237713142,0.8150000000000001,0.15688259109311753,0.6313410346559518,0.037465317941390706,0.49323308270676647,0.7119071644803229,2.82,oklahoma city smm food,2023-01-02,2.82,10.14128039054593 +0.34503510531594744,0.06899999999999999,0.5197368421052633,0.38774485183324964,0.03145900196124752,0.7784461152882208,0.6039354187689203,64.99,norfolk/portsmouth/newport news smm food,2023-01-02,64.99,60.68004586713802 +0.0822467402206618,0.47400000000000003,0.3800607287449396,0.67754897036665,0.2950581752366319,0.8005012531328318,0.4692230070635721,278.17,new york smm food,2023-01-02,278.17,293.0684140795884 +0.8114343029087262,0.063,0.38410931174089114,0.4851833249623305,0.14281375127065177,0.3488721804511278,0.48839556004036333,185.65,philadelphia smm food,2023-01-02,185.65,172.4954998518917 +0.47342026078234706,0.549,0.7368421052631582,0.7875439477649423,0.15117852685402408,0.6521303258145363,0.8768920282542886,154.74,rem us mountain smm food,2023-01-02,154.74,154.73744301799547 +0.5310932798395185,0.601,0.6538461538461543,0.395781014565545,0.03281994395242633,0.5639097744360901,0.3617558022199798,15.249999999999998,new orleans smm food,2023-01-02,15.249999999999998,15.244090080644916 +0.230692076228686,0.673,0.38815789473684237,0.7955801104972376,0.1600042309182423,0.18847117794486204,0.5252270433905146,106.14,rem us pacific smm food,2023-01-02,106.14,83.98601372989202 +0.34002006018054143,0.171,0.5824898785425104,0.4831742842792567,0.3298503612465237,0.3849624060150376,0.6115035317860746,329.84,rem us south atlantic smm food,2023-01-02,329.84,285.6479890511333 +0.5581745235707121,0.5950000000000001,0.8218623481781379,0.29080863887493724,0.5419338122086893,0.5684210526315786,0.5100908173562059,529.2,rem us south central smm food,2023-01-02,529.2,428.4736718695467 +0.6038114343029086,0.561,0.1973684210526318,0.6810647915620291,0.18522170408254138,0.5433583959899746,0.736125126135217,92.62,rem us west north central smm food,2023-01-02,92.62,108.4892992410562 +0.7166499498495488,0.391,0.3906882591093118,0.5685585133098946,0.024115803443596043,0.6225563909774433,0.5080726538849647,47.81,richmond/petersburg smm food,2023-01-02,47.81,44.35236253081542 +0.5847542627883648,0.389,0.29504048582996023,0.9236564540431944,0.06687768348184944,0.15839598997493715,0.11099899091826439,44.11,sacramento/stockton/modesto smm food,2023-01-02,44.11,35.3619911565195 +0.3535606820461384,0.431,0.19888663967611345,0.5133098945253642,0.04213981653216678,0.9438596491228067,0.5877901109989909,37.23,salt lake city smm food,2023-01-02,37.23,41.420695689861034 +0.42477432296890644,0.399,0.38663967611336053,0.3631341034655952,0.037425113328020225,0.37343358395989945,0.8148335015136227,46.47,san diego smm food,2023-01-02,46.47,32.7466697145336 +0.4949849548645936,0.908,0.7019230769230775,0.2692114515318935,0.08403587281004006,0.5383458646616539,0.8193743693239153,73.98,san francisco/oakland/san jose smm food,2023-01-02,73.98,55.029284019549834 +0.7622868605817449,0.134,0.6508097165991911,0.5092918131592166,0.07192573674803629,0.42857142857142844,0.6730575176589304,81.73,seattle/tacoma smm food,2023-01-02,81.73,58.380362097475526 +0.3691073219658975,0.97,0.4453441295546563,0.41536916122551487,0.05143499651471905,0.19799498746867164,0.6311806256306761,43.95,st. louis smm food,2023-01-02,43.95,47.03401463502284 +0.551654964894684,0.777,0.5693319838056683,0.2877950778503265,0.0769411831230644,0.3729323308270674,0.649848637739657,258.55,tampa/ft. myers smm food,2023-01-02,258.55,138.85085130455013 +0.3535606820461385,0.621,0.7717611336032393,0.7307885484681066,0.014246678862298207,0.40150375939849625,0.4394550958627649,16.79,tucson/sierra vista smm food,2023-01-02,16.79,17.72474399442499 +0.4689067201604816,0.45999999999999996,0.5875506072874496,0.5379206428930187,0.11176122744773258,0.5258145363408522,0.41422805247225025,182.95,washington dc/hagerstown smm food,2023-01-02,182.95,145.6686046331649 +0.41925777331996,0.213,0.05516194331983791,0.6022099447513812,0.04672979046333718,0.48771929824561394,0.2462159434914228,105.79,rem us new england smm food,2023-01-02,105.79,107.6279247093755 +0.4087261785356068,0.7150000000000002,0.44078947368421073,0.8734304369663487,0.06118983869108189,0.17443609022556353,0.5221997981836529,68.06,nashville smm food,2023-01-02,68.06,59.73217597273203 +0.4699097291875627,0.7440000000000001,0.46710526315789475,0.4600703164239076,0.012660337778837632,0.08120300751879723,0.6710393541876892,6.55,yakima/pasco/richland/kennewick smm food,2023-01-02,6.55,5.050074296990331 +0.5020060180541626,0.29300000000000004,0.21659919028340102,0.3822199899547966,0.06862231044472136,0.4776942355889725,0.3582240161453078,41.35,minneapolis/st. paul smm food,2023-01-02,41.35,50.58810658797076 +0.35205616850551646,0.454,0.5531376518218625,0.8282270215971874,0.020499604242564282,0.593984962406015,0.36528758829465185,35.92,albany/schenectady/troy smm food,2023-01-02,35.92,39.33274749929706 +0.39368104312938806,0.011000000000000003,0.7358299595141705,0.2099447513812155,0.03378485467331793,0.3353383458646616,0.6528758829465187,26.76,albuquerque/santa fe smm food,2023-01-02,26.76,25.002397223931112 +0.07673019057171514,0.21000000000000002,0.6578947368421056,0.3294826720241085,0.13397411804904538,0.959398496240601,0.8324924318869829,207.35,atlanta smm food,2023-01-02,207.35,148.60849276463878 +0.3686058174523572,0.9410000000000001,0.4635627530364375,0.3229532898041186,0.044047161379073566,0.2165413533834589,0.7124117053481333,84.6,baltimore smm food,2023-01-02,84.6,66.32154327966396 +0.5295887662988965,0.40599999999999997,0.09817813765182182,0.347564038171773,0.016409497118574926,0.5288220551378444,0.6478304742684158,2.62,baton rouge smm food,2023-01-02,2.62,4.356198949133443 +0.12537612838515522,0.422,0.35576923076923095,0.3912606730286289,0.04115274578815757,0.3062656641604011,0.08829465186680122,24.46,birmingham/anniston/tuscaloosa smm food,2023-01-02,24.46,14.10530081365949 +0.445336008024072,0.04800000000000001,0.23329959514170062,0.7724761426418886,0.08517806371587239,0.33383458646616543,0.5887991927346115,152.75,boston/manchester smm food,2023-01-02,152.75,153.90678073806785 +0.4714142427281846,0.071,0.22773279352226733,0.44399799095931697,0.025982943677132362,0.5769423558897242,0.9889001009081736,23.19,buffalo smm food,2023-01-02,23.19,24.867401711352002 +0.2316950852557673,0.9369999999999999,0.4205465587044538,0.22149673530889002,0.06920511905271397,0.6025062656641603,0.425832492431887,123.51,charlotte smm food,2023-01-02,123.51,88.88305596802485 +0.48996990972918747,0.48200000000000004,0.7434210526315793,0.4359618282270216,0.15199939742465138,0.6350877192982456,0.10242179616548941,182.15,chicago smm food,2023-01-02,182.15,150.78698986463763 +0.535606820461384,0.5990000000000001,0.7110323886639681,0.3726770467101959,0.06479274187824309,0.22205513784461148,0.5176589303733602,90.83,cleveland/akron/canton smm food,2023-01-02,90.83,92.02772435496506 +0.5987963891675026,0.507,0.5657894736842108,0.6112506278252136,0.05406602440229455,0.6155388471177944,0.934409687184662,63.56999999999999,columbus oh smm food,2023-01-02,63.56999999999999,69.40405292674708 +0.4117352056168509,0.625,0.40637651821862375,0.36162732295328986,0.14657968891360668,0.606516290726817,0.5787083753784057,74.24,dallas/ft. worth smm food,2023-01-02,74.24,83.9939839543661 +0.27632898696088254,0.426,0.4372469635627533,0.1642390758412858,0.020691763300169662,0.731829573934837,0.4283551967709385,19.51,des moines/ames smm food,2023-01-02,19.51,18.928408327229064 +0.40270812437311926,0.17500000000000002,0.6330971659919031,0.8292315419387244,0.0774457985066278,0.10927318295739338,0.8879919273461151,134.37,detroit smm food,2023-01-02,134.37,127.52626336796808 +0.7131394182547646,0.389,0.29908906882591113,0.44349573078854854,0.027805447292674673,0.5769423558897244,0.6432896064581232,37.15,mobile/pensacola smm food,2023-01-02,37.15,24.75819026101223 +0.5150451354062185,0.331,0.6897773279352234,0.5379206428930187,0.033821893569100196,0.2591478696741853,0.47780020181634714,55.83,greensboro smm food,2023-01-02,55.83,41.766018620706554 +0.3324974924774323,0.23700000000000002,0.4559716599190285,0.44851833249623313,0.03355945558103617,0.5423558897243104,0.5761856710393541,80.76,grand rapids smm food,2023-01-02,80.76,70.11974642038379 +0.35757271815446345,0.6930000000000001,0.6027327935222676,0.2837769964841788,0.03568206922394241,0.8265664160401002,0.781029263370333,24.61,milwaukee smm food,2023-01-02,24.61,29.844960942993886 +0.2838515546639922,0.8820000000000001,0.15232793522267216,0.7694625816172779,0.07414712077969522,0.5288220551378445,0.6765893037336024,252.97000000000003,miami/west palm beach smm food,2023-01-02,252.97000000000003,150.65680848033466 +0.702607823470411,0.284,0.30111336032388675,0.4761426418884983,0.013473927199011984,0.770927318295739,0.7134207870837538,7.580000000000001,madison wi smm food,2023-01-02,7.580000000000001,10.145182083662604 +0.06970912738214644,0.35600000000000004,0.47267206477732826,0.2742340532395781,0.02716945462919986,0.4947368421052632,0.46266397578203833,10.97,little rock/pine bluff smm food,2023-01-02,10.97,12.30889927225882 +0.6078234704112339,0.9630000000000001,0.4919028340080977,0.35308890005022603,0.038090230593306726,0.2581453634085213,0.7129162462159435,30.320000000000004,las vegas smm food,2023-01-02,30.320000000000004,33.87171958650499 +0.5672016048144431,0.968,0.7935222672064781,0.5655449522852838,0.25360373656231633,0.6791979949874686,0.5847628657921292,166.35,los angeles smm food,2023-01-02,166.35,153.45630288853914 +0.7086258776328986,0.319,0.7621457489878548,0.6946258161727775,0.04118725210986925,0.27117794486215524,0.17507568113017155,37.7,kansas city smm food,2023-01-02,37.7,37.938617993758946 +0.19759277833500483,0.16200000000000003,0.35323886639676116,0.8071320944249122,0.03332392619247208,0.5619047619047617,0.04187689202825429,64.86,jacksonville smm food,2023-01-02,64.86,40.33152522798135 +0.40070210631895664,0.666,0.2287449392712548,0.4068307383224511,0.05763727041357348,0.47568922305764383,0.07467204843592332,46.1,indianapolis smm food,2023-01-02,46.1,46.742875137745074 +0.1404212637913743,0.19900000000000004,0.07287449392712554,0.38071320944249126,0.11967013969840022,0.9182957393483707,0.7169525731584259,172.84,houston smm food,2023-01-02,172.84,141.13559335756625 +0.9002006018054163,0.002,0.7434210526315798,0.16875941737820194,0.041279374491686664,0.4260651629072679,0.6670030272452069,79.28,hartford/new haven smm food,2023-01-02,79.28,77.41284332174867 +0.4919759277833501,0.9470000000000001,0.8319838056680167,0.4359618282270216,0.03409636128399948,0.5829573934837091,0.798183652875883,58.56,harrisburg/lancaster smm food,2023-01-02,58.56,48.095914795573194 +0.1900702106318956,0.6910000000000001,0.6442307692307696,0.7483676544450025,0.028156208801450235,0.48471177944862126,0.30373360242179614,39.68,knoxville smm food,2023-01-02,39.68,27.739247749381157 +0.7166499498495489,0.58,0.15232793522267196,0.8915118031140131,0.029986943282721935,0.4887218045112781,0.28809283551967707,53.31,portland or smm food,2023-01-09,53.31,46.88771517398418 +0.8204613841524573,0.8580000000000001,0.22165991902833973,0.6579608237066801,0.05804279883662537,0.57593984962406,0.562058526740666,93.88,rem us middle atlantic smm food,2023-01-09,93.88,93.6758088741308 +0.6619859578736206,0.454,0.7054655870445344,0.6323455549974888,0.17733241928092072,0.4446115288220551,0.6367305751765893,333.71,rem us east north central smm food,2023-01-09,333.71,292.11959724502407 +0.5667001003009026,0.298,0.8259109311740896,0.5052737317930689,0.03851190417605856,0.581954887218045,0.649848637739657,78.09,raleigh/durham/fayetteville smm food,2023-01-09,78.09,84.3422674779616 +0.5215646940822467,0.282,0.6776315789473685,0.3581115017579106,0.017684015019595142,0.13684210526315788,0.670534813319879,48.85,providence ri/new bedford ma smm food,2023-01-09,48.85,40.185252471157334 +0.36609829488465395,0.41200000000000003,0.30921052631578955,0.5961828227021597,0.02829233465774399,0.6080200501253132,0.5887991927346115,54.67,pittsburgh smm food,2023-01-09,54.67,61.01091519113027 +0.44934804413239676,0.987,0.3567813765182187,0.4304369663485686,0.019717988570031028,0.4676691729323312,0.7643794147325933,54.66,norfolk/portsmouth/newport news smm food,2023-01-09,54.66,59.738796992449764 +0.993480441323972,0.301,0.5465587044534418,0.6323455549974888,0.10514994283647922,0.1964912280701755,0.4596367305751767,209.6,philadelphia smm food,2023-01-09,209.6,167.91162175097992 +0.5952858575727177,0.504,0.6614372469635632,0.4470115519839277,0.0121788321336683,0.5268170426065163,0.6468213925327951,5.7,paducah ky/cape girardeau mo smm food,2023-01-09,5.7,8.581823917578717 +0.14643931795386164,0.327,0.4929149797570852,0.5690607734806631,0.04984042456552909,0.5288220551378446,0.7487386478304743,91.24,orlando/daytona beach/melborne smm food,2023-01-09,91.24,96.98777283201849 +0.6023069207622868,0.5860000000000001,0.5587044534412959,0.8663987945755902,0.01202846054822751,0.0967418546365913,0.6014127144298689,13.64,omaha smm food,2023-01-09,13.64,16.835999512584053 +0.6053159478435308,0.49000000000000005,0.5045546558704457,0.5891511803114013,0.022507935480535524,0.6947368421052627,0.3708375378405651,7.09,oklahoma city smm food,2023-01-09,7.09,7.063856967626052 +0.7893681043129388,0.969,0.410931174089069,0.5213460572576595,0.09572338557401552,0.5839598997493735,0.7896064581231079,163.86,rem us mountain smm food,2023-01-09,163.86,145.21446170024169 +0.3024072216649949,0.854,0.9205465587044538,0.4997488699146158,0.05842141866017733,0.26766917293233083,0.4510595358224016,100.68,phoenix/prescott smm food,2023-01-09,100.68,80.1531416740602 +0.3169508525576731,0.08900000000000001,0.10829959514170029,0.8327473631341036,0.027748464376086593,0.10676691729323305,0.4011099899091827,124.0,rem us new england smm food,2023-01-09,124.0,105.7992189065293 +0.35506519558676025,0.895,0.33097165991902855,0.7895529884480161,0.025489724876886593,0.8436090225563907,0.38143289606458125,40.5,salt lake city smm food,2023-01-09,40.5,39.45061703796544 +0.6258776328986959,0.27999999999999997,0.5070850202429152,0.6695128076343546,0.20888512648277976,0.481704260651629,0.7547931382441978,251.73,rem us south atlantic smm food,2023-01-09,251.73,271.3016519222728 +0.6043129388164492,0.12,0.6715587044534415,0.47815168257157215,0.3383537952602604,0.46566416040100217,0.4243188698284561,398.21,rem us south central smm food,2023-01-09,398.21,399.8465439007097 +0.5972918756268806,0.8660000000000001,0.1280364372469637,0.6233048719236565,0.11175014743617383,0.3358395989974935,0.46871846619576185,90.18,rem us west north central smm food,2023-01-09,90.18,95.71499438257706 +0.6569709127382147,0.41100000000000003,0.4595141700404859,0.40582621798091423,0.015223302738266253,0.2927318295739346,0.6927346115035318,46.14,richmond/petersburg smm food,2023-01-09,46.14,42.16997129934848 +0.24674022066198575,0.442,0.4296558704453449,0.7091913611250629,0.04763233654774072,0.3669172932330825,0.1104944500504541,35.83,sacramento/stockton/modesto smm food,2023-01-09,35.83,31.611676764159448 +0.2708124373119356,0.30000000000000004,0.49240890688259137,0.39377197388247115,0.025140862798663968,0.5674185463659145,0.834510595358224,37.91,san diego smm food,2023-01-09,37.91,31.669946803869188 +0.6268806419257771,0.391,0.831477732793523,0.5344048216976395,0.05959241759606252,0.4300751879699247,0.7033299697275479,56.11999999999999,san francisco/oakland/san jose smm food,2023-01-09,56.11999999999999,52.15961970355802 +0.9252758274824471,0.061,0.6786437246963571,0.6941235560020091,0.04963623578108843,0.6215538847117793,0.8476286579212916,55.49,seattle/tacoma smm food,2023-01-09,55.49,58.16538155747509 +0.7101303911735203,0.5820000000000001,0.8886639676113366,0.48769462581617284,0.0328921223134379,0.24511278195488714,0.8375378405650857,45.73,st. louis smm food,2023-01-09,45.73,46.83908115704867 +0.5496489468405215,0.9970000000000001,0.42965587044534437,0.08488196885986941,0.05029470503943966,0.24411027568922283,0.541372351160444,135.3,tampa/ft. myers smm food,2023-01-09,135.3,132.92512778249136 +0.35205616850551663,0.492,0.5804655870445348,0.5770969362129583,0.008810825191553535,0.5533834586466165,0.29717457114026236,19.69,tucson/sierra vista smm food,2023-01-09,19.69,15.546848787917504 +0.49548645937813457,0.32200000000000006,0.8223684210526319,0.857358111501758,0.07494298218137549,0.6766917293233081,0.41977800201816345,194.06,washington dc/hagerstown smm food,2023-01-09,194.06,142.93871290822335 +0.3169508525576731,0.727,0.23684210526315783,0.544952285283777,0.007894349949761802,0.35087719298245634,0.4939455095862765,5.52,yakima/pasco/richland/kennewick smm food,2023-01-09,5.52,4.270889849832528 +0.35707121364092254,0.04400000000000001,0.39524291497975744,0.4771471622300352,0.21580886741999114,0.6952380952380951,0.8804238143289607,333.54,new york smm food,2023-01-09,333.54,283.0932646733718 +0.6785356068204613,0.338,0.4180161943319841,0.8377699648417881,0.10576282576156,0.49273182957393463,0.768920282542886,76.74,rem us pacific smm food,2023-01-09,76.74,79.5574677608754 +0.27281845536609833,0.9590000000000001,0.27024291497975733,0.3510798593671522,0.02208626189778368,0.6426065162907267,0.35317860746720486,15.049999999999999,new orleans smm food,2023-01-09,15.049999999999999,13.172900378481124 +0.12688064192577733,0.27599999999999997,0.6366396761133607,0.3309894525364139,0.04671586130594898,0.44060150375939844,0.34460141271442984,79.25,charlotte smm food,2023-01-09,79.25,85.0244202705515 +0.517552657973922,0.261,0.42510121457489913,0.6569563033651432,0.01692550908545594,0.8837092731829576,0.3420787083753784,22.46,mobile/pensacola smm food,2023-01-09,22.46,23.34517172230416 +0.7878635907723168,0.853,0.8157894736842112,0.43244600703164243,0.02264342819331164,0.38897243107769414,0.7008072653884965,28.61,albuquerque/santa fe smm food,2023-01-09,28.61,26.247053034365607 +0.4899699097291876,0.309,0.6538461538461542,0.6278252134605726,0.0916491070379673,0.821052631578947,0.7043390514631686,149.39,atlanta smm food,2023-01-09,149.39,143.92113272149396 +0.6344032096288867,0.248,0.7312753036437252,0.5685585133098946,0.029999606153074843,0.48721804511278205,0.5943491422805247,79.88,baltimore smm food,2023-01-09,79.88,66.19010631145049 +0.6875626880641924,0.962,0.36285425101214586,0.5213460572576595,0.010853346179477629,0.19799498746867153,0.6604439959636731,2.78,baton rouge smm food,2023-01-09,2.78,4.299881666016148 +0.4949849548645935,0.163,0.45242914979757115,0.28227021597187346,0.02522190516892258,0.7117794486215541,0.11755802219979819,13.32,birmingham/anniston/tuscaloosa smm food,2023-01-09,13.32,13.219268928028036 +0.4749247743229687,0.9359999999999999,0.08097165991902848,0.3485685585133099,0.05744891021707398,0.3894736842105263,0.6548940464177598,178.47,boston/manchester smm food,2023-01-09,178.47,148.499936846244 +0.874122367101304,0.321,0.5875506072874497,0.4751381215469614,0.01534898172651887,0.35789473684210515,0.6796165489404642,20.0,buffalo smm food,2023-01-09,20.0,22.08502962589526 +0.537111334002006,0.41300000000000003,0.38815789473684226,0.7051732797589152,0.03918873459642152,0.3794486215538843,0.875882946518668,60.66,nashville smm food,2023-01-09,60.66,58.39877181037142 +0.7196589769307921,0.10900000000000001,0.6285425101214578,0.6027122049221497,0.11200055569740257,0.20000000000000007,0.3299697275479314,151.82,chicago smm food,2023-01-09,151.82,146.22428319008085 +0.14694082246740212,0.28300000000000003,0.7965587044534418,0.38473129080863894,0.04212335480070799,0.6646616541353382,0.5211907164480323,96.73,cleveland/akron/canton smm food,2023-01-09,96.73,89.55538723728117 +0.45185556670010035,0.257,0.536437246963563,0.5735811150175791,0.03812916891964192,0.2481203007518796,0.6786074672048436,73.86,columbus oh smm food,2023-01-09,73.86,63.94763315149484 +0.2176529588766303,0.992,0.7930161943319843,0.3681567051732798,0.10131720855241273,0.7914786967418544,0.7235116044399597,76.86,dallas/ft. worth smm food,2023-01-09,76.86,79.15514170469801 +0.12086258776328976,0.127,0.7125506072874498,0.4485183324962331,0.012528960498926208,0.6711779448621554,0.5010090817356206,18.13,des moines/ames smm food,2023-01-09,18.13,19.410816124725315 +0.86308926780341,0.44100000000000006,0.7009109311740894,0.7227523857358112,0.05085187133496762,0.5413533834586465,0.5691220988900101,137.05,detroit smm food,2023-01-09,137.05,123.59557483848381 +0.11434302908726177,0.926,0.2226720647773279,0.3636363636363637,0.02114572720232143,0.4932330827067665,0.35872855701311807,83.68,grand rapids smm food,2023-01-09,83.68,66.28769342516966 +0.35957873620862585,0.244,0.8081983805668018,0.6032144650929182,0.01253054335772032,0.2716791979949875,0.3032290615539859,44.81,albany/schenectady/troy smm food,2023-01-09,44.81,35.63662088998838 +0.7176529588766299,0.7509999999999999,0.7722672064777333,0.3706680060271221,0.020924443542904354,0.531328320802005,0.6054490413723511,51.59,harrisburg/lancaster smm food,2023-01-09,51.59,44.84083344362533 +0.6013039117352055,0.529,0.7408906882591101,0.38071320944249126,0.02131477652153275,0.3253132832080199,0.22351160443995963,37.39,greensboro smm food,2023-01-09,37.39,38.103774001482186 +0.6203610832497493,0.806,0.10931174089068842,0.6755399296835761,0.04567687279349286,0.5253132832080202,0.18113017154389505,46.69,minneapolis/st. paul smm food,2023-01-09,46.69,48.528603450586054 +0.567703109327984,0.014000000000000002,0.5592105263157899,0.40833751883475644,0.022377824487659397,0.7438596491228069,0.5469223007063572,29.030000000000005,milwaukee smm food,2023-01-09,29.030000000000005,27.08280440593274 +0.3615847542627885,0.667,0.14777327935222678,0.7292817679558011,0.05578089361983715,0.5924812030075186,0.7911200807265388,135.79,miami/west palm beach smm food,2023-01-09,135.79,148.7300524944701 +0.5095285857572718,0.3600000000000001,0.8324898785425106,0.6343545956805626,0.17644728464325246,0.6416040100250626,0.42330978809283554,132.94,los angeles smm food,2023-01-09,132.94,141.58645254141112 +0.19107321965897694,0.809,0.6847165991902838,0.582119537920643,0.01727088887433151,0.3373433583959901,0.5242179616548941,12.96,little rock/pine bluff smm food,2023-01-09,12.96,13.088936427557321 +0.5947843530591772,0.37900000000000006,0.5865384615384618,0.6072325464590659,0.009747244454151097,0.8035087719298243,0.8960645812310797,7.44,madison wi smm food,2023-01-09,7.44,11.568604141140966 +0.4458375125376127,0.9400000000000001,0.1847165991902836,0.851833249623305,0.016671301963121308,0.2796992481203005,0.7633703329969728,24.68,knoxville smm food,2023-01-09,24.68,29.005107043910932 +0.749247743229689,0.722,0.5237854251012151,0.845303867403315,0.025753112580227076,0.5037593984962404,0.33905146316851664,32.67,kansas city smm food,2023-01-09,32.67,38.408057942930405 +0.21715145436308908,0.7530000000000001,0.2965587044534413,0.8136614766449022,0.021260642750774064,0.19598997493734324,0.4162462159434914,37.23,jacksonville smm food,2023-01-09,37.23,39.979032938025746 +0.6890672016048142,0.954,0.09261133603238836,0.43947764942240086,0.03681064754414535,0.6937343358395986,0.15943491422805248,60.43,indianapolis smm food,2023-01-09,60.43,45.69567323956683 +0.41875626880641936,0.86,0.23026315789473695,0.33149171270718236,0.08763276113378364,0.8065162907268167,0.6442986881937437,146.87,houston smm food,2023-01-09,146.87,136.44361011576424 +0.606318956870612,0.35600000000000004,0.6796558704453448,0.12054244098442994,0.028373060456243788,0.8571428571428567,0.7270433905146317,97.31,hartford/new haven smm food,2023-01-09,97.31,76.63799182443185 +0.35456369107321983,0.217,0.4645748987854257,0.4445002511300854,0.027191298080558625,0.6265664160401001,0.3572149344096872,35.17,las vegas smm food,2023-01-09,35.17,31.157006953199875 +0.3575727181544634,0.35100000000000003,0.36842105263157904,0.5836263184329483,0.005340248999580213,0.48471177944862165,0.4364278506559031,59.85000000000001,pittsburgh smm food,2023-01-16,59.85000000000001,56.43803384976781 +0.4087261785356065,0.41600000000000004,0.37955465587044535,0.47413360120542447,0.034530697737104224,0.8411027568922305,0.5403632694248234,337.07,rem us east north central smm food,2023-01-16,337.07,271.14789267550594 +0.6283851554663991,0.7210000000000001,0.843623481781377,0.24962330487192372,0.009318606292705147,0.4776942355889724,0.44147325933400605,99.86,raleigh/durham/fayetteville smm food,2023-01-16,99.86,77.54937704648813 +0.5015045135406218,0.7650000000000001,0.7307692307692308,0.6388749372174787,0.0042189518298301944,0.4496240601503758,0.6765893037336024,46.39,providence ri/new bedford ma smm food,2023-01-16,46.39,41.12337251694827 +0.3109327983951859,0.621,0.1462550607287448,0.6067302862882974,0.006268120824689562,0.707268170426065,0.4001009081735621,63.33,portland or smm food,2023-01-16,63.33,42.58410386590604 +0.45636910732196573,0.10900000000000001,0.6740890688259114,0.5042692114515319,0.014318857223309786,0.2656641604010025,0.8133198789101918,109.73,phoenix/prescott smm food,2023-01-16,109.73,75.82691232455504 +0.4999999999999998,0.082,0.2793522267206481,0.6574585635359117,0.06409501772179786,0.43458646616541347,0.5660948536831484,293.56,new york smm food,2023-01-16,293.56,260.3315444247203 +0.46489468405215606,0.48200000000000004,0.8598178137651827,0.5072827724761427,0.0017484258239778032,0.1388471177944862,0.7547931382441978,7.480000000000001,paducah ky/cape girardeau mo smm food,2023-01-16,7.480000000000001,6.777055038099093 +0.4929789368104313,0.633,0.7535425101214578,0.4947262682069312,0.012653373200143538,0.5218045112781955,0.6150353178607467,82.04,orlando/daytona beach/melborne smm food,2023-01-16,82.04,91.41025869762831 +0.43681043129388153,0.9960000000000001,0.5759109311740895,0.6639879457559016,0.0026810462254694915,0.28170426065162885,0.4263370332996973,13.6,omaha smm food,2023-01-16,13.6,13.84424487592348 +0.9388164493480443,0.799,0.954453441295547,0.9116022099447515,0.004627012826952661,0.9824561403508767,0.446518668012109,6.76,oklahoma city smm food,2023-01-16,6.76,8.695564892774243 +0.8324974924774319,0.388,0.5956477732793525,0.1115017579105977,0.004202173526612594,0.5398496240601507,0.8113017154389506,70.3,norfolk/portsmouth/newport news smm food,2023-01-16,70.3,56.73166842658313 +0.8535606820461383,0.361,0.3415991902834005,0.6599698643897539,0.01181762375685159,0.41303258145363403,0.512108980827447,98.72,rem us middle atlantic smm food,2023-01-16,98.72,86.28663703620576 +0.9443329989969912,0.976,0.7095141700404863,0.6901054746358615,0.02980713052371064,0.2822055137844611,0.372351160443996,196.3,philadelphia smm food,2023-01-16,196.3,157.72843114075948 +0.9327983951855566,0.09799999999999999,0.4994939271255064,0.32546459065796085,0.022747263730205504,0.5087719298245614,0.7820383451059536,176.78,rem us mountain smm food,2023-01-16,176.78,133.4365168023021 +0.22567703109327963,0.741,0.37854251012145823,0.528377699648418,0.013137727991142278,0.7022556390977441,0.47679112008072655,36.75,sacramento/stockton/modesto smm food,2023-01-16,36.75,28.954564393917074 +0.8335005015045133,0.985,0.2500000000000002,0.6735308890005023,0.02570689310343899,0.9027568922305762,0.4783047426841574,88.17,rem us pacific smm food,2023-01-16,88.17,67.39128719498021 +0.3821464393179536,0.736,0.3517206477732795,0.6202913108990458,0.04565439619861645,0.29573934837092736,0.34056508577194755,301.1,rem us south atlantic smm food,2023-01-16,301.1,244.78241833735075 +0.8686058174523568,0.37200000000000005,0.625506072874494,0.7222501255650428,0.0663531240774802,0.6761904761904758,0.6513622603430878,410.44,rem us south central smm food,2023-01-16,410.44,365.46105014001483 +0.7773319959879638,0.017,0.31781376518218646,0.700652938221999,0.02104094195015112,0.4451127819548869,0.34006054490413723,92.74,rem us west north central smm food,2023-01-16,92.74,83.00796926804966 +0.2562688064192579,0.9650000000000001,0.6108299595141702,0.49121044701155203,0.0031350101276212488,0.5749373433583956,0.6629667003027245,52.14,richmond/petersburg smm food,2023-01-16,52.14,41.339504617304534 +0.3104312938816449,0.342,0.23279352226720662,0.9171270718232045,0.00528643180058036,0.7162907268170424,0.470736629667003,43.35,salt lake city smm food,2023-01-16,43.35,37.07103454608922 +0.5005015045135404,0.40800000000000003,0.5495951417004051,0.1416373681567052,0.007216886385881212,0.8295739348370924,0.7285570131180625,37.09,san diego smm food,2023-01-16,37.09,28.36919711884891 +0.5401203610832495,0.944,0.7540485829959521,0.7036664992466098,0.01618251516749905,0.7283208020050125,0.39455095862764883,66.4,san francisco/oakland/san jose smm food,2023-01-16,66.4,46.21765039032732 +0.7522567703109325,0.31000000000000005,0.27024291497975755,0.7855349070818685,0.011986989647821735,0.42656641604010015,0.8007063572149344,64.2,seattle/tacoma smm food,2023-01-16,64.2,52.09268279059478 +0.4979939819458373,0.44900000000000007,0.46255060728744973,0.17930688096433955,0.007198841795628319,0.5112781954887217,0.8335015136226034,39.75,st. louis smm food,2023-01-16,39.75,41.58351789278865 +0.1840521564694082,0.81,0.6158906882591098,0.101958814665997,0.012038274272751014,0.3208020050125311,0.4843592330978809,125.02,tampa/ft. myers smm food,2023-01-16,125.02,126.96390130989651 +0.6424272818455367,0.337,0.1831983805668017,0.2887995981918634,0.002040304985612336,0.819047619047619,0.11553985872855702,22.08,tucson/sierra vista smm food,2023-01-16,22.08,12.8834977883673 +0.8866599799398195,0.8050000000000002,0.6639676113360325,0.845303867403315,0.019144043971285458,0.4786967418546365,0.8481331987891019,189.09,washington dc/hagerstown smm food,2023-01-16,189.09,137.66473914150095 +0.46238716148445336,0.43300000000000005,0.21204453441295565,0.5318935208437972,0.0053734890342566006,0.5137844611528821,0.6886982845610494,17.16,new orleans smm food,2023-01-16,17.16,13.438422039454075 +0.32948846539618865,0.592,0.4175101214574899,0.6072325464590659,0.004601687086246848,0.12982456140350873,0.5973763874873865,119.50999999999999,rem us new england smm food,2023-01-16,119.50999999999999,102.90129426584416 +0.40722166499498497,0.919,0.8107287449392716,0.6609743847312909,0.008787082309641831,0.45864661654135297,0.6059535822401615,62.57,nashville smm food,2023-01-16,62.57,52.82361799398675 +0.5917753259779338,0.895,0.35981781376518224,0.38523355097940737,0.0018076247428776473,0.3819548872180453,0.5378405650857719,5.99,yakima/pasco/richland/kennewick smm food,2023-01-16,5.99,3.4610731964931603 +0.5085255767301905,0.536,0.5435222672064781,0.6629834254143647,0.01110976930412402,0.7308270676691729,0.5782038345105953,41.92,minneapolis/st. paul smm food,2023-01-16,41.92,46.48240586986096 +0.3345035105315947,0.516,0.4924089068825912,0.371672526368659,0.0027130199731105827,0.47218045112781953,0.6180625630676084,47.96,albany/schenectady/troy smm food,2023-01-16,47.96,35.265818433304545 +0.8019057171514542,0.22599999999999998,0.7004048582995956,0.6338523355097941,0.005907229019631681,0.5734335839598997,0.8456104944500504,29.07,albuquerque/santa fe smm food,2023-01-16,29.07,26.117880741671243 +0.7973921765295887,0.09300000000000001,0.2742914979757086,0.6172777498744351,0.022924543915146204,0.6110275689223054,0.40766902119071646,151.12,atlanta smm food,2023-01-16,151.12,132.00089176309248 +0.8179538615847542,0.916,0.38613360323886675,0.6353591160220995,0.00724980984879877,0.3583959899749375,0.5302724520686176,82.72,baltimore smm food,2023-01-16,82.72,63.00529359948392 +0.5942828485456367,0.123,0.3248987854251013,0.6338523355097941,0.0023860013462467283,0.38095238095238076,0.8617558022199798,2.72,baton rouge smm food,2023-01-16,2.72,4.9185229683114216 +0.6068204613841522,0.7570000000000001,0.508603238866397,0.3691612255148167,0.004528875581717622,0.8947368421052633,0.5454086781029264,13.07,birmingham/anniston/tuscaloosa smm food,2023-01-16,13.07,14.345315085587679 +0.4012036108324973,0.91,0.27024291497975733,0.1546961325966851,0.015346449152448285,0.3503759398496241,0.4162462159434914,169.62,boston/manchester smm food,2023-01-16,169.62,139.94158733522124 +0.4578736208625879,0.373,0.9210526315789478,0.23103967855349072,0.0027538577299987153,0.4556390977443608,0.5403632694248234,25.79,buffalo smm food,2023-01-16,25.79,17.94451376768717 +0.39418254764292876,0.559,0.4853238866396765,0.3043696634856856,0.0103677251014436,0.6962406015037593,0.5595358224016146,102.08,charlotte smm food,2023-01-16,102.08,82.2775001356278 +0.8244734202607822,0.376,0.3168016194331985,0.24861878453038677,0.03178728687514666,0.16892230576441108,0.3435923309788093,155.97,chicago smm food,2023-01-16,155.97,132.9994102128087 +0.5085255767301905,0.19900000000000004,0.607287449392713,0.19638372677046712,0.009697859259774753,0.8541353383458644,0.9127144298688193,99.38,cleveland/akron/canton smm food,2023-01-16,99.38,87.21720192734664 +0.5125376128385157,0.059,0.655364372469636,0.5836263184329483,0.008977975080211923,0.15338345864661648,0.4318869828456105,68.1,columbus oh smm food,2023-01-16,68.1,58.261866477424434 +0.2357071213640927,0.507,0.8638663967611341,0.34354595680562533,0.02705422250898841,0.5764411027568921,0.549949545913219,82.3,dallas/ft. worth smm food,2023-01-16,82.3,66.74071242558027 +0.19608826479438302,0.238,0.578441295546559,0.7845303867403316,0.0024252562443407436,0.6416040100250626,0.30070635721493444,17.0,des moines/ames smm food,2023-01-16,17.0,18.755364108258817 +0.8385155466399196,0.068,0.35172064777327955,0.5349070818684079,0.012231066473874036,0.5398496240601502,0.20837537840565085,141.84,detroit smm food,2023-01-16,141.84,114.56377369703293 +0.6364092276830494,0.49400000000000005,0.32692307692307715,0.5072827724761427,0.0037361798976255664,0.8185463659147871,0.3577194752774975,18.58,mobile/pensacola smm food,2023-01-16,18.58,20.767019227739127 +0.8179538615847541,0.477,0.8157894736842114,0.5223505775991965,0.0043633085518533475,0.5157894736842102,0.5716448032290615,51.9,greensboro smm food,2023-01-16,51.9,39.51844824345935 +0.9503510531594784,0.844,0.5647773279352231,0.5605223505775992,0.005330751846815538,0.6576441102756891,0.5020181634712412,29.460000000000004,milwaukee smm food,2023-01-16,29.460000000000004,26.052837219327465 +0.2452357071213643,0.391,0.2530364372469637,0.8578603716725265,0.01609355850326987,0.5899749373433582,0.6952573158425832,135.56,miami/west palm beach smm food,2023-01-16,135.56,143.06032864210846 +0.4884653961885655,0.6930000000000001,0.4605263157894739,0.5444500251130086,0.00260601871862851,0.32531328320801983,0.7926337033299697,5.86,madison wi smm food,2023-01-16,5.86,8.015810202380948 +0.6634904714142426,0.613,0.7434210526315794,0.6012054244098444,0.04904899516847233,0.644110275689223,0.44147325933400605,156.29,los angeles smm food,2023-01-16,156.29,123.89999067969237 +0.22918756268806417,0.305,0.5814777327935224,0.8387744851833252,0.003945750401966202,0.5669172932330824,0.6922300706357215,82.29,grand rapids smm food,2023-01-16,82.29,68.87059583836916 +0.28134403209628905,0.663,0.5784412955465593,0.4404821697639378,0.007384985989816069,0.45463659147869667,0.40817356205852673,39.28,las vegas smm food,2023-01-16,39.28,28.263353368185655 +0.4297893681043129,0.787,0.4038461538461542,0.635861376192868,0.003320837750050181,0.555388471177945,0.1927346115035318,14.24,little rock/pine bluff smm food,2023-01-16,14.24,10.404099949794123 +0.8034102306920761,0.7150000000000002,0.13309716599190308,0.5298844801607233,0.0054621291267269575,0.6215538847117792,0.6316851664984864,32.7,kansas city smm food,2023-01-16,32.7,35.65578218787268 +0.06970912738214625,0.041,0.21255060728744934,0.43897538925163243,0.004528242438199976,0.20250626566416027,0.6599394550958628,35.98,jacksonville smm food,2023-01-16,35.98,36.28513802778124 +0.6108324974924771,0.40900000000000003,0.590587044534413,0.3962832747363135,0.007549919876162696,0.6110275689223056,0.18920282542885974,59.13,indianapolis smm food,2023-01-16,59.13,41.16804754513129 +0.7923771313941825,0.79,0.2677125506072876,0.1521848317428428,0.024414963755683503,0.6942355889724309,0.31029263370333,147.92,houston smm food,2023-01-16,147.92,124.85049972119765 +0.22367101303911752,0.6230000000000001,0.4286437246963568,0.4640883977900553,0.00784718075769722,0.8872180451127816,0.8133198789101918,82.24,hartford/new haven smm food,2023-01-16,82.24,75.642007221526 +0.40270812437311937,0.96,0.7803643724696361,0.2827724761426419,0.004425040044823775,0.6035087719298244,0.641271442986882,49.44,harrisburg/lancaster smm food,2023-01-16,49.44,42.02345771571558 +0.5290872617853559,0.44000000000000006,0.2241902834008099,0.6489201406328479,0.003163818157674117,0.5914786967418544,0.6649848637739657,28.170000000000005,knoxville smm food,2023-01-16,28.170000000000005,26.269123114667586 +0.18355065195586742,0.307,0.44736842105263164,0.45253641386238075,0.0,0.650125313283208,0.36881937436932394,330.73,rem us east north central smm food,2023-01-23,330.73,264.1952397614565 +0.2321965897693078,0.9510000000000001,0.44736842105263197,0.40883977900552493,0.0,0.71328320802005,0.26538849646821394,90.07,raleigh/durham/fayetteville smm food,2023-01-23,90.07,76.06314467359205 +0.34052156469408223,0.038000000000000006,0.6912955465587045,0.5575087895529885,0.0,0.6305764411027567,0.4450050454086781,45.44,providence ri/new bedford ma smm food,2023-01-23,45.44,38.65356313253053 +0.42427281845536635,0.45999999999999996,0.5455465587044536,0.34203917629332,0.0,0.4731829573934836,0.2522704339051463,52.8,portland or smm food,2023-01-23,52.8,38.96323234032432 +0.06970912738214653,0.447,0.38360323886639686,0.22350577599196386,0.0,0.4285714285714287,0.3884964682139253,50.61,pittsburgh smm food,2023-01-23,50.61,52.74728090510644 +0.8009027081243727,0.434,0.5764170040485831,0.1592164741336012,0.0,0.766917293233083,0.7850655903128153,64.14,norfolk/portsmouth/newport news smm food,2023-01-23,64.14,56.92126843463818 +0.7803410230692076,0.9119999999999999,0.371457489878543,0.3917629331993973,0.0,0.631578947368421,0.594853683148335,183.04,philadelphia smm food,2023-01-23,183.04,153.68743627988022 +0.4924774322968903,0.48,0.7090080971659923,0.6253139126067303,0.0,0.06716791979949874,0.39656912209889,5.16,paducah ky/cape girardeau mo smm food,2023-01-23,5.16,4.8623170672854314 +0.8174523570712136,0.45199999999999996,0.9114372469635631,0.6428930185836264,0.0,0.706766917293233,0.41321897073662966,83.55,orlando/daytona beach/melborne smm food,2023-01-23,83.55,90.43421543035473 +0.36810431293881646,0.44900000000000007,0.2505060728744942,0.5113008538422904,0.0,0.4486215538847115,0.24318869828456105,15.669999999999998,omaha smm food,2023-01-23,15.669999999999998,11.482471405505365 +0.5882647943831497,0.057999999999999996,0.801619433198381,0.809141135107986,0.0,0.922305764411027,0.5877901109989909,4.59,oklahoma city smm food,2023-01-23,4.59,7.070115607423588 +0.6524573721163489,0.017,0.560728744939271,0.42742340532395784,0.0,0.5929824561403508,0.15640766902119072,89.81,rem us middle atlantic smm food,2023-01-23,89.81,81.42763498202976 +0.18004012036108313,0.969,0.662449392712551,0.4389753892516324,0.0,0.400501253132832,0.7850655903128153,99.54,phoenix/prescott smm food,2023-01-23,99.54,73.62192025551096 +0.5270812437311936,0.431,0.7165991902834012,0.4269211451531894,0.0,0.4180451127819549,0.8032290615539859,163.61,rem us mountain smm food,2023-01-23,163.61,130.2683306771426 +0.6228686058174524,0.515,0.2419028340080973,0.9573078854846812,0.0,0.4496240601503758,0.48335015136226034,43.9,salt lake city smm food,2023-01-23,43.9,36.410872999218356 +0.6183550651955867,0.171,0.14220647773279366,0.3917629331993973,0.0,0.5884711779448619,0.35872855701311807,88.42,rem us pacific smm food,2023-01-23,88.42,59.69391730517781 +0.15747241725175506,0.010000000000000002,0.4028340080971662,0.5775991963837268,0.0,0.37844611528822053,0.256811301715439,286.81,rem us south atlantic smm food,2023-01-23,286.81,237.20471650900907 +0.7983951855566699,0.5700000000000001,0.5531376518218625,0.646911099949774,0.0,0.7704260651629068,0.6750756811301716,401.51,rem us south central smm food,2023-01-23,401.51,356.0513498197583 +0.525075225677031,0.167,0.3846153846153849,0.9075841285786038,0.0,0.5754385964912277,0.6548940464177598,94.44,rem us west north central smm food,2023-01-23,94.44,83.14892310859949 +0.25927783350050165,0.148,0.20141700404858293,0.5775991963837268,0.0,0.6115288220551375,0.44904137235116043,53.75,richmond/petersburg smm food,2023-01-23,53.75,39.64417981996048 +0.47191574724172497,0.251,0.22520242914979824,0.6579608237066801,0.0,0.7072681704260649,0.8239152371342079,42.15,sacramento/stockton/modesto smm food,2023-01-23,42.15,29.96454238660106 +0.8054162487462384,0.11299999999999999,0.6700404858299599,0.2651933701657459,0.0,0.6466165413533831,0.393037336024218,37.42,san diego smm food,2023-01-23,37.42,25.99553956194172 +0.41624874623871594,0.91,0.47621457489878594,0.8598694123556003,0.0,0.5298245614035086,0.4409687184661958,67.85,san francisco/oakland/san jose smm food,2023-01-23,67.85,44.09748706727892 +0.4684052156469406,0.048999999999999995,0.11842105263157938,0.3827222501255651,0.0,0.3769423558897242,0.5242179616548941,59.4,seattle/tacoma smm food,2023-01-23,59.4,45.657739411885345 +0.6143430290872616,0.678,0.29402834008097195,0.18884982420894025,0.0,0.44411027568922296,0.39606458123107974,44.97,st. louis smm food,2023-01-23,44.97,38.0795967686112 +0.08174523570712136,0.47800000000000004,0.7940283400809721,0.2732295328980412,0.0,0.2771929824561401,0.5388496468213926,129.66,tampa/ft. myers smm food,2023-01-23,129.66,126.21553820570836 +0.41073219658976934,0.526,0.20799595141700414,0.2375690607734807,0.0,0.6972431077694236,0.46165489404641774,19.9,tucson/sierra vista smm food,2023-01-23,19.9,13.647910176781672 +0.8365095285857573,0.10300000000000001,0.4903846153846154,0.8252134605725767,0.0,0.37042606516290716,0.9621594349142281,171.95,washington dc/hagerstown smm food,2023-01-23,171.95,134.6669858634209 +0.26379137412236686,0.659,0.5900809716599196,0.49673530889000506,0.0,0.319298245614035,0.4051463168516649,285.76,new york smm food,2023-01-23,285.76,249.16446128484637 +0.41875626880641936,0.8400000000000001,0.38917004048583,0.42893018583626324,0.0,0.3979949874686716,0.7961654894046418,121.16000000000001,rem us new england smm food,2023-01-23,121.16000000000001,103.46108113103934 +0.5260782347041124,0.609,0.5141700404858304,0.6614766449020594,0.0,0.06215538847117793,0.8123107971745711,13.54,new orleans smm food,2023-01-23,13.54,13.113918798791012 +0.5591775325977933,0.869,0.3643724696356276,0.47664490205926674,0.0,0.42606516290726826,0.6463168516649849,5.4,yakima/pasco/richland/kennewick smm food,2023-01-23,5.4,4.431523347901049 +0.5300902708124373,0.49800000000000005,0.5713562753036441,0.7754897036664993,0.0,0.5418546365914783,0.3980827447023209,62.1,nashville smm food,2023-01-23,62.1,51.15982871083643 +0.49899699097291866,0.4730000000000001,0.5202429149797573,0.4520341536916123,0.0,0.7573934837092732,0.6871846619576186,42.52,albany/schenectady/troy smm food,2023-01-23,42.52,36.8986856737983 +0.6283851554663991,0.219,0.6892712550607292,0.30487192365645405,0.0,0.8416040100250625,0.7219979818365287,27.41,albuquerque/santa fe smm food,2023-01-23,27.41,23.21790765838182 +0.5225677031093279,0.8029999999999999,0.5308704453441299,0.46710195881466604,0.0,0.6611528822055133,0.6342078708375378,151.76,atlanta smm food,2023-01-23,151.76,129.40957199954846 +0.3831494483450353,0.17500000000000002,0.1518218623481783,0.3706680060271221,0.0,0.2761904761904764,0.6266397578203835,79.5,baltimore smm food,2023-01-23,79.5,59.56345216366205 +0.22417251755265777,0.16200000000000003,0.31781376518218635,0.7152184831742844,0.0,0.7258145363408519,0.8617558022199798,2.82,baton rouge smm food,2023-01-23,2.82,5.513124244539924 +0.3841524573721161,0.8109999999999999,0.46811740890688286,0.4259166248116525,0.0,0.6927318295739351,0.8940464177598385,13.39,birmingham/anniston/tuscaloosa smm food,2023-01-23,13.39,15.056869855963491 +0.6910732196589766,0.585,0.35323886639676144,0.6494224008036164,0.0,0.35939849624060155,0.5660948536831484,164.79,boston/manchester smm food,2023-01-23,164.79,141.8936200574342 +0.2517552657973923,0.404,0.49240890688259126,0.48367654445002517,0.0,0.6491228070175438,0.7058526740665994,23.79,buffalo smm food,2023-01-23,23.79,19.97070612270194 +0.5631895687061184,0.8170000000000001,0.4934210526315793,0.46107483676544453,0.0,0.5538847117794486,0.4747729566094854,85.01,charlotte smm food,2023-01-23,85.01,81.18964243599842 +0.7818455366098293,0.609,0.47570850202429177,0.41888498242089406,0.0,0.5854636591478697,0.5110998990918265,149.49,chicago smm food,2023-01-23,149.49,131.89435055038678 +0.792878635907723,0.10700000000000001,0.5339068825910934,0.43345052737317935,0.0,0.7463659147869672,0.5877901109989909,91.78,cleveland/akron/canton smm food,2023-01-23,91.78,85.37986203934038 +0.5315947843530594,0.994,0.6103238866396764,0.748869914615771,0.0,0.52531328320802,0.4954591321897074,69.84,columbus oh smm food,2023-01-23,69.84,59.900881788429786 +0.545636910732197,0.21000000000000002,0.5526315789473687,0.7282772476142643,0.0,0.5528822055137844,0.4611503531786075,76.46,dallas/ft. worth smm food,2023-01-23,76.46,64.73779935378363 +0.3716148445336006,0.618,0.3997975708502027,0.8272225012556506,0.0,0.30576441102756896,0.2341069626639758,19.26,des moines/ames smm food,2023-01-23,19.26,17.59227957263063 +0.5451354062186557,0.718,0.42560728744939297,0.3309894525364139,0.0,0.3704260651629071,0.16246215943491424,143.99,detroit smm food,2023-01-23,143.99,110.74136848885837 +0.4418254764292881,0.736,0.4139676113360326,0.15268709191361127,0.0,0.5162907268170428,0.5161453077699294,19.05,mobile/pensacola smm food,2023-01-23,19.05,18.034193182947803 +0.8294884653961885,0.164,0.5794534412955472,0.7910597689603215,0.0,0.7699248120300749,0.5534813319878911,45.57,greensboro smm food,2023-01-23,45.57,40.85459450313913 +0.7763289869608826,0.333,0.5495951417004052,0.5303867403314918,0.0,0.7012531328320802,0.4934409687184662,40.66,minneapolis/st. paul smm food,2023-01-23,40.66,43.93317362133626 +0.7457372116349047,0.127,0.6295546558704458,0.6644902059266701,0.0,0.6125313283208018,0.43491422805247226,29.11,milwaukee smm food,2023-01-23,29.11,24.736275027628686 +0.17151454363089289,0.7010000000000001,0.37854251012145773,0.5660472124560523,0.0,0.4070175438596489,0.45408678102926336,131.74,miami/west palm beach smm food,2023-01-23,131.74,137.25812841615448 +0.31444332998996966,0.6360000000000001,0.20597165991902847,0.7227523857358112,0.0,0.4285714285714283,0.4409687184661958,6.32,madison wi smm food,2023-01-23,6.32,6.480359830566471 +0.3279839518555666,0.20299999999999999,0.6305668016194333,0.8201908588648922,0.0,0.3403508771929822,0.6079717457114027,84.77,grand rapids smm food,2023-01-23,84.77,67.16670772165679 +0.32748244734202603,0.549,0.16447368421052655,0.5454545454545455,0.0,0.5298245614035089,0.3839556004036327,12.85,little rock/pine bluff smm food,2023-01-23,12.85,10.021524775860009 +0.6649949849548648,0.6070000000000001,0.4585020242914985,0.42893018583626324,0.0,0.17794486215538843,0.45408678102926336,36.99,las vegas smm food,2023-01-23,36.99,27.107676975798363 +0.5631895687061182,0.769,0.49645748987854277,0.7297840281265696,0.0,0.8125313283208019,0.21039354187689202,146.35,los angeles smm food,2023-01-23,146.35,116.67028610256585 +0.689568706118355,0.79,0.5298582995951421,0.29080863887493724,0.0,0.48070175438596474,0.5701311806256307,36.63,kansas city smm food,2023-01-23,36.63,32.81256054868965 +0.2853560682046137,0.15700000000000003,0.18927125506072867,0.22802611752888005,0.0,0.4696741854636589,0.5872855701311807,38.04,jacksonville smm food,2023-01-23,38.04,35.24508659827732 +0.5621865596790369,0.08700000000000001,0.9367408906882592,0.4183827222501256,0.0,0.5363408521303257,0.41372351160444,57.33,indianapolis smm food,2023-01-23,57.33,41.282781309023946 +0.8545636910732197,0.455,0.5915991902834011,0.4500251130085385,0.0,0.3583959899749372,0.6347124117053481,149.72,houston smm food,2023-01-23,149.72,124.10588698066772 +0.5225677031093282,0.339,0.17712550607287494,0.6268206931190358,0.0,0.7814536340852126,0.4238143289606458,83.09,hartford/new haven smm food,2023-01-23,83.09,73.09839978599206 +0.23821464393179545,0.9570000000000001,0.6219635627530369,0.2134605725765947,0.0,0.5744360902255637,0.8128153380423815,48.05,harrisburg/lancaster smm food,2023-01-23,48.05,41.53581269759374 +0.6213640922768303,0.86,0.2788461538461541,0.6966348568558512,0.0,0.5127819548872178,0.2805247225025227,24.52,knoxville smm food,2023-01-23,24.52,24.00713893805068 +0.5837512537612837,0.267,0.6108299595141701,0.6388749372174787,0.0,0.2526315789473685,0.1791120080726539,332.54,rem us east north central smm food,2023-01-30,332.54,263.68033229850624 +0.16349047141424264,0.9510000000000001,0.08400809716599214,0.2471120040180814,0.0,0.7107769423558897,0.1432896064581231,80.64,raleigh/durham/fayetteville smm food,2023-01-30,80.64,74.0860445147301 +0.16950852557673016,0.9300000000000002,0.709514170040486,0.30185836263184335,0.0,0.6105263157894736,0.5065590312815338,41.46,providence ri/new bedford ma smm food,2023-01-30,41.46,37.62328173427763 +0.5526579739217655,0.45300000000000007,0.8299595141700409,0.22400803616273232,0.0,0.36340852130325807,0.28002018163471243,40.42,portland or smm food,2023-01-30,40.42,38.49254385150744 +0.4037111334002007,0.551,0.49038461538461553,0.26770467101958817,0.0,0.35889724310776955,0.49848637739656915,49.41,pittsburgh smm food,2023-01-30,49.41,54.091687851248786 +0.05416248746238707,0.25,0.5981781376518222,0.27724761426418887,0.0,0.6265664160401001,0.5428859737638749,98.11,phoenix/prescott smm food,2023-01-30,98.11,71.41112578523017 +0.5341023069207621,0.7789999999999999,0.7646761133603246,0.12405826217980916,0.0,0.3834586466165413,0.7194752774974773,287.81,new york smm food,2023-01-30,287.81,249.66315779447757 +0.5752256770310928,0.317,0.5809716599190287,0.8121546961325967,0.0,0.1107769423558897,0.45660948536831486,6.89,paducah ky/cape girardeau mo smm food,2023-01-30,6.89,6.399299369610901 +0.7788365095285857,0.37900000000000006,0.5091093117408909,0.7895529884480161,0.0,0.5904761904761904,0.1851664984863774,83.39,orlando/daytona beach/melborne smm food,2023-01-30,83.39,89.24909505437157 +0.8179538615847542,0.488,0.4579959514170045,0.5489703666499247,0.0,0.3112781954887216,0.6109989909182644,14.400000000000002,omaha smm food,2023-01-30,14.400000000000002,14.298241550761347 +0.6148445336008026,0.18000000000000005,0.8117408906882595,0.3977900552486188,0.0,0.5684210526315785,0.5554994954591322,5.36,oklahoma city smm food,2023-01-30,5.36,3.5394296886508414 +0.7286860581745231,0.9880000000000001,0.24746963562753038,0.5253641386238072,0.0,0.8511278195488726,0.43037336024217965,51.13,norfolk/portsmouth/newport news smm food,2023-01-30,51.13,57.158371564353885 +0.4603811434302908,0.671,0.4595141700404856,0.24610748367654448,0.0,0.7754385964912279,0.42785065590312815,86.09,rem us middle atlantic smm food,2023-01-30,86.09,82.44795157952758 +0.7367101303911737,0.7330000000000001,0.08603238866396792,0.36614766449020597,0.0,0.46867167919799496,0.5877901109989909,173.67,philadelphia smm food,2023-01-30,173.67,152.6660636260469 +0.18856569709127388,0.063,0.6123481781376521,0.5037669512807634,0.0,0.46265664160401004,0.6972754793138244,153.55,rem us mountain smm food,2023-01-30,153.55,129.43461484688555 +0.6534603811434303,0.303,0.23026315789473695,0.6388749372174787,0.0,0.40501253132832066,0.3002018163471241,39.41,salt lake city smm food,2023-01-30,39.41,33.334381265594374 +0.354062186559679,0.15700000000000003,0.12145748987854266,0.3586137619286791,0.0,0.23408521303258123,0.35923309788092833,79.33,rem us pacific smm food,2023-01-30,79.33,57.95048119504691 +0.11634904714142408,0.536,0.7914979757085024,0.34103465595178306,0.0,0.4220551378446115,0.5635721493440968,231.62,rem us south atlantic smm food,2023-01-30,231.62,238.17451539101825 +0.7637913741223669,0.23700000000000002,0.30313765182186236,0.4555499748869915,0.0,0.5523809523809519,0.718970736629667,395.73,rem us south central smm food,2023-01-30,395.73,354.17106928348727 +0.5606820461384152,0.767,0.6067813765182191,0.8201908588648921,0.0,0.38395989974937317,0.7850655903128153,90.36,rem us west north central smm food,2023-01-30,90.36,83.28237063495187 +0.6504513540621867,0.325,0.14574898785425092,0.6825715720743346,0.0,0.3208020050125311,0.33804238143289606,41.16,richmond/petersburg smm food,2023-01-30,41.16,39.401763732561285 +0.6955867602808422,0.29500000000000004,0.11892712550607348,0.5158211953792065,0.0,0.4601503759398494,0.8299697275479314,35.28,sacramento/stockton/modesto smm food,2023-01-30,35.28,28.74916205754139 +0.4222668004012034,0.8960000000000001,0.4696356275303647,0.34555499748869917,0.0,0.4691729323308267,0.27447023208879917,33.89,san diego smm food,2023-01-30,33.89,24.82084807417612 +0.543630892678034,0.40199999999999997,0.23431174089068865,0.5735811150175791,0.0,0.27268170426065147,0.6927346115035318,54.62,san francisco/oakland/san jose smm food,2023-01-30,54.62,42.95107287144235 +0.5005015045135404,0.397,0.3314777327935228,0.5524861878453039,0.0,0.22957393483709268,0.5893037336024218,53.55,seattle/tacoma smm food,2023-01-30,53.55,46.89487444001291 +0.9468405215646938,0.41500000000000004,0.4205465587044538,0.6418884982420895,0.0,0.30626566416040096,0.13773965691220988,43.82,st. louis smm food,2023-01-30,43.82,39.25926025302054 +0.19909729187562686,0.288,0.7317813765182191,0.575590155700653,0.0,0.5233082706766914,0.5262361251261353,126.8,tampa/ft. myers smm food,2023-01-30,126.8,128.7050672691759 +0.16900702106318966,0.15500000000000003,0.38410931174089086,0.17227523857358112,0.0,0.5418546365914788,0.4808274470232089,19.02,tucson/sierra vista smm food,2023-01-30,19.02,12.437128588466997 +0.45336008024072233,0.539,0.6098178137651824,0.6057257659467605,0.0,0.6867167919799497,0.7699293642785066,152.5,washington dc/hagerstown smm food,2023-01-30,152.5,132.91175652191265 +0.5090270812437311,0.527,0.6740890688259114,0.8126569563033652,0.0,0.5278195488721804,0.6579212916246217,12.89,new orleans smm food,2023-01-30,12.89,14.557544752223613 +0.6599799398194583,0.7160000000000001,0.13360323886639666,0.6012054244098444,0.0,0.8360902255639096,0.6029263370332997,107.49,rem us new england smm food,2023-01-30,107.49,104.87269326843726 +0.5150451354062187,0.211,0.6169028340080974,0.7152184831742844,0.0,0.6090225563909776,0.1841574167507568,4.12,yakima/pasco/richland/kennewick smm food,2023-01-30,4.12,3.4619461103105493 +0.1068204613841527,0.434,0.30313765182186253,0.2898041185334003,0.0,0.4095238095238096,0.6049445005045408,18.82,mobile/pensacola smm food,2023-01-30,18.82,18.237710668139343 +0.8961885656970913,0.8300000000000001,0.48886639676113397,0.7408337518834757,0.0,0.9448621553884711,0.09838546922300706,41.98,minneapolis/st. paul smm food,2023-01-30,41.98,43.995671515835944 +0.518555667001003,0.622,0.2591093117408908,0.7734806629834254,0.0,0.7418546365914782,0.26185671039354186,58.19,nashville smm food,2023-01-30,58.19,50.82592843442725 +0.794383149448345,0.919,0.8947368421052636,0.41788046207935714,0.0,0.3849624060150377,0.3849646821392533,39.64,albany/schenectady/troy smm food,2023-01-30,39.64,34.72591700717 +0.4894684052156468,0.797,0.9640688259109319,0.28578603716725265,0.0,0.5724310776942355,0.37235116044399597,26.62,albuquerque/santa fe smm food,2023-01-30,26.62,20.452840781522028 +0.2547642928786359,0.8250000000000001,0.9225708502024297,0.5238573581115018,0.0,0.5904761904761899,0.8355196770938446,149.52,atlanta smm food,2023-01-30,149.52,130.48484787910988 +0.1800401203610834,0.513,0.5126518218623486,0.19387242591662482,0.0,0.6350877192982457,0.805247225025227,65.02,baltimore smm food,2023-01-30,65.02,60.73506099146002 +0.39719157472417227,0.808,0.4048582995951418,0.5313912606730287,0.0,0.8781954887218042,0.7507568113017155,2.51,baton rouge smm food,2023-01-30,2.51,4.9294583901746165 +0.3370110330992977,0.65,0.33046558704453455,0.43847312908086394,0.0,0.6090225563909777,0.6770938446014128,12.58,birmingham/anniston/tuscaloosa smm food,2023-01-30,12.58,13.375624581806555 +0.46339017051153436,0.34500000000000003,0.2884615384615387,0.7880462079357108,0.0,0.6165413533834586,0.7674066599394551,151.96,boston/manchester smm food,2023-01-30,151.96,144.11980674577694 +0.6965897693079237,0.11499999999999999,0.40941295546558737,0.521848317428428,0.0,0.18746867167919803,0.40817356205852673,86.09,charlotte smm food,2023-01-30,86.09,79.86375909562328 +0.66148445336008,0.664,0.7621457489878546,0.437468608739327,0.0,0.749874686716792,0.6019172552976791,163.84,chicago smm food,2023-01-30,163.84,133.03540395490072 +0.49398194583751237,0.7280000000000001,0.7955465587044539,0.8558513309894527,0.0,0.8065162907268169,0.4273461150353179,83.99,cleveland/akron/canton smm food,2023-01-30,83.99,87.00332799849531 +0.3600802407221666,0.543,0.1310728744939272,0.665494726268207,0.0,0.657644110275689,0.3410696266397578,74.13,columbus oh smm food,2023-01-30,74.13,58.152096003396835 +0.4062186559679041,0.6040000000000001,0.5602226720647776,0.6438975389251633,0.0,0.65062656641604,0.5454086781029264,78.3,dallas/ft. worth smm food,2023-01-30,78.3,65.00006808935116 +0.3244734202607822,0.388,0.2712550607287451,0.8362631843294828,0.0,0.4842105263157896,0.3213925327951564,20.6,des moines/ames smm food,2023-01-30,20.6,18.43889686502237 +0.19658976930792366,0.685,0.8886639676113363,0.23957810145655453,0.0,0.6837092731829572,0.2669021190716448,143.96,detroit smm food,2023-01-30,143.96,111.47922622782036 +0.44332998996990985,0.651,0.47267206477732815,0.5123053741838273,0.0,0.6451127819548872,0.6513622603430878,21.38,buffalo smm food,2023-01-30,21.38,20.22790646445442 +0.8224674022066197,0.675,0.32591093117408965,0.5856353591160222,0.0,0.8035087719298243,0.393037336024218,35.65,greensboro smm food,2023-01-30,35.65,38.92296587040584 +0.2512537612838515,0.726,0.36487854251012153,0.6142641888498243,0.0,0.41102756892230546,0.2669021190716448,72.18,grand rapids smm food,2023-01-30,72.18,64.18244129301104 +0.24072216649949868,0.41600000000000004,0.4418016194331986,0.191863385233551,0.0,0.3022556390977442,0.32593340060544906,125.82,miami/west palm beach smm food,2023-01-30,125.82,134.07115021809938 +0.38164493480441297,0.613,0.49848178137651855,0.47262682069311907,0.0,0.8696741854636588,0.6034308779011099,8.44,madison wi smm food,2023-01-30,8.44,7.634892577264097 +0.179037111334002,0.262,0.5592105263157898,0.37418382722250126,0.0,0.6145363408521302,0.3481331987891019,123.65999999999998,los angeles smm food,2023-01-30,123.65999999999998,113.98327181556215 +0.14794383149448345,0.215,0.4468623481781381,0.5620291310899046,0.0,0.35989974937343366,0.5560040363269425,13.51,little rock/pine bluff smm food,2023-01-30,13.51,10.305750469556365 +0.5817452357071216,0.9039999999999999,0.5495951417004055,0.40431943746860877,0.0,0.5644110275689221,0.2749747729566095,34.76,las vegas smm food,2023-01-30,34.76,27.179523698043646 +0.7973921765295885,0.42300000000000004,0.35627530364372495,0.5323957810145655,0.0,0.3709273182957391,0.36781029263370335,25.4,knoxville smm food,2023-01-30,25.4,23.271883836487966 +0.594282848545637,0.07600000000000001,0.5258097165991906,0.377197388247112,0.0,0.4461152882205513,0.17709384460141273,27.42,milwaukee smm food,2023-01-30,27.42,20.743302904464834 +0.3560682046138413,0.649,0.3775303643724697,0.47965846308387755,0.0,0.7373433583959897,0.670534813319879,34.98,jacksonville smm food,2023-01-30,34.98,38.45680774617741 +0.8259779338014039,0.455,0.5485829959514168,0.749874434957308,0.0,0.5929824561403507,0.40615539858728555,57.46999999999999,indianapolis smm food,2023-01-30,57.46999999999999,43.685208647342066 +0.4598796389167504,0.043000000000000003,0.7914979757085024,0.7262682069311904,0.0,0.2325814536340851,0.5867810292633704,141.95,houston smm food,2023-01-30,141.95,124.29378821637559 +0.4934804413239721,0.38599999999999995,0.3502024291497981,0.5690607734806631,0.0,0.5022556390977441,0.09989909182643794,78.4,hartford/new haven smm food,2023-01-30,78.4,70.10538119285899 +0.3841524573721164,0.851,0.5050607287449397,0.09442491210447013,0.0,0.5849624060150375,0.46972754793138244,46.38,harrisburg/lancaster smm food,2023-01-30,46.38,39.02190004641412 +0.4237713139418254,0.382,0.6882591093117414,0.6981416373681568,0.0,0.25062656641604,0.33703329969727547,35.67,kansas city smm food,2023-01-30,35.67,32.546626014250016 +0.5596790371113339,0.53,0.5010121457489877,0.5344048216976395,0.0,0.5463659147869673,0.5161453077699294,92.24,rem us middle atlantic smm food,2023-02-06,92.24,84.0264523206323 +0.8771313941825473,0.167,0.3223684210526316,0.2877950778503265,0.0,0.24561403508771937,0.33097880928355194,285.76,rem us east north central smm food,2023-02-06,285.76,262.79539789740073 +0.38415245737211623,0.7200000000000002,0.3248987854251016,0.3932697137117027,0.0,0.7167919799498745,0.2694248234106963,68.98,raleigh/durham/fayetteville smm food,2023-02-06,68.98,76.07996108401967 +0.2683049147442326,0.828,0.5359311740890689,0.2546459065796083,0.0,0.7979949874686716,0.644803229061554,41.26,providence ri/new bedford ma smm food,2023-02-06,41.26,38.74597410626925 +0.46288866599799433,0.734,0.8016194331983808,0.5243596182822703,0.0,0.6902255639097743,0.23057517658930374,41.14,portland or smm food,2023-02-06,41.14,40.900379161636515 +0.42477432296890677,0.262,0.5288461538461541,0.5303867403314918,0.0,0.7263157894736842,0.47628657921291623,67.14,pittsburgh smm food,2023-02-06,67.14,56.52917905815169 +0.2713139418254763,0.07600000000000001,0.522773279352227,0.2757408337518835,0.0,0.7338345864661653,0.5938446014127144,102.84,phoenix/prescott smm food,2023-02-06,102.84,72.26522653271152 +0.5401203610832497,0.137,0.4853238866396763,0.5600200904068308,0.0,0.7137844611528822,0.3491422805247225,77.74,orlando/daytona beach/melborne smm food,2023-02-06,77.74,88.74263698799521 +0.6419257773319956,0.41300000000000003,0.718623481781377,0.7408337518834757,0.0,0.2937343358395989,0.8355196770938446,7.029999999999999,paducah ky/cape girardeau mo smm food,2023-02-06,7.029999999999999,8.99229543921463 +0.7622868605817451,0.9430000000000001,0.669028340080972,0.38071320944249126,0.0,0.5954887218045111,0.39959636730575177,15.93,omaha smm food,2023-02-06,15.93,13.236228886358035 +0.9368104312938819,0.166,0.5865384615384618,0.5012556504269212,0.0,0.3699248120300747,0.3829465186680121,7.6899999999999995,oklahoma city smm food,2023-02-06,7.6899999999999995,2.9102312287018464 +0.5270812437311931,0.11100000000000002,0.21457489878542513,0.6614766449020594,0.0,0.49223057644110313,0.15943491422805248,48.04,norfolk/portsmouth/newport news smm food,2023-02-06,48.04,54.495086680449816 +0.4543630892678032,0.781,0.5288461538461544,0.48116524359618285,0.0,0.5714285714285713,0.8698284561049445,246.25,new york smm food,2023-02-06,246.25,252.88493827319758 +0.7121364092276833,0.8800000000000001,0.21609311740890724,0.5836263184329483,0.0,0.149874686716792,0.3047426841574168,141.58,philadelphia smm food,2023-02-06,141.58,151.39053978587162 +0.24874623871614845,0.9369999999999999,0.6867408906882595,0.7639377197388247,0.0,0.5593984962406016,0.5983854692230071,152.09,rem us mountain smm food,2023-02-06,152.09,131.20046525017506 +0.613841524573721,0.868,0.3309716599190286,0.4831742842792567,0.0,0.7839598997493733,0.6750756811301716,9.43,new orleans smm food,2023-02-06,9.43,13.68679980060164 +0.18455366098294884,0.668,0.3248987854251015,0.41788046207935714,0.0,0.2250626566416038,0.18264379414732593,66.59,rem us pacific smm food,2023-02-06,66.59,57.31657769262359 +0.0867602808425274,0.492,0.44281376518218646,0.10095429432446008,0.0,0.5729323308270675,0.7699293642785066,220.41,rem us south atlantic smm food,2023-02-06,220.41,238.18058144771038 +0.5110330992978936,0.9960000000000001,0.39979757085020245,0.49121044701155203,0.0,0.5639097744360898,0.5580221997981837,459.3399999999999,rem us south central smm food,2023-02-06,459.3399999999999,353.46715911517333 +0.7923771313941825,0.037,0.5501012145748992,0.8312405826217981,0.0,0.601002506265664,0.5660948536831484,94.35,rem us west north central smm food,2023-02-06,94.35,82.76264234829975 +0.7427281845536611,0.08900000000000001,0.3284412955465587,0.3867403314917127,0.0,0.1288220551378444,0.29818365287588294,40.66,richmond/petersburg smm food,2023-02-06,40.66,37.03886121318644 +0.6344032096288863,0.935,0.5789473684210535,0.36464088397790057,0.0,0.1849624060150374,0.727547931382442,31.799999999999997,sacramento/stockton/modesto smm food,2023-02-06,31.799999999999997,26.9128219224963 +0.37412236710130375,0.15000000000000002,0.3441295546558706,0.1908588648920141,0.0,0.8125313283208019,0.5247225025227044,36.24,salt lake city smm food,2023-02-06,36.24,32.865128880882 +0.41875626880641903,0.43300000000000005,0.6224696356275308,0.2707182320441989,0.0,0.7423558897243104,0.6372351160443996,35.87,san diego smm food,2023-02-06,35.87,27.213178312161567 +0.3144433299899697,0.783,0.4352226720647778,0.5926670015067805,0.0,0.42305764411027547,0.7416750756811302,53.83,san francisco/oakland/san jose smm food,2023-02-06,53.83,43.72622032126651 +0.6233701103309928,0.9910000000000001,0.5536437246963569,0.6509291813159217,0.0,0.10025062656641602,0.8536831483350151,51.58,seattle/tacoma smm food,2023-02-06,51.58,49.204896643592036 +0.6303911735205614,0.6160000000000001,0.36538461538461575,0.9206428930185837,0.0,0.4857142857142857,0.3218970736629667,39.21,st. louis smm food,2023-02-06,39.21,42.009705711736316 +0.15045135406218654,0.121,0.5409919028340084,0.5128076343545958,0.0,0.7363408521303254,0.3168516649848638,116.54999999999998,tampa/ft. myers smm food,2023-02-06,116.54999999999998,127.51729540953934 +0.47041123370110327,0.07900000000000001,0.5136639676113364,0.56353591160221,0.0,0.5874686716791981,0.18314833501513622,18.58,tucson/sierra vista smm food,2023-02-06,18.58,13.639548420819956 +0.15997993981945854,0.651,0.6411943319838058,0.37016574585635365,0.0,0.9042606516290724,0.6377396569122099,123.95000000000002,washington dc/hagerstown smm food,2023-02-06,123.95000000000002,131.05275585465182 +0.831494483450351,0.505,0.33299595141700405,0.30537418382722253,0.0,0.7208020050125312,0.5928355196770938,107.4,rem us new england smm food,2023-02-06,107.4,103.07346293559777 +0.5391173520561685,0.7070000000000001,0.577935222672065,0.8814665996986439,0.0,0.5448621553884713,0.5060544904137235,3.42,yakima/pasco/richland/kennewick smm food,2023-02-06,3.42,6.325996255636923 +0.5040120361083249,0.49000000000000005,0.6077935222672068,0.8362631843294828,0.0,0.7779448621553879,0.3158425832492432,61.12,nashville smm food,2023-02-06,61.12,51.737152620721396 +0.6213640922768304,0.7000000000000001,0.5490890688259112,0.9191361125062784,0.0,0.5072681704260652,0.2341069626639758,37.03,minneapolis/st. paul smm food,2023-02-06,37.03,43.96683352357011 +0.5656970912738215,0.8109999999999999,0.654858299595142,0.2852837769964842,0.0,0.5634085213032581,0.3768920282542886,39.7,albany/schenectady/troy smm food,2023-02-06,39.7,33.89518729839614 +0.22868605817452348,0.806,0.6594129554655874,0.47061778001004523,0.0,0.5343358395989974,0.3420787083753784,25.84,albuquerque/santa fe smm food,2023-02-06,25.84,20.601557075766777 +0.3741223671013039,0.07700000000000001,0.7591093117408911,0.6142641888498243,0.0,0.4365914786967415,0.5595358224016146,141.13,atlanta smm food,2023-02-06,141.13,128.68021805454086 +0.34202607823470427,0.9210000000000002,0.6366396761133607,0.20592667001506781,0.0,0.844110275689223,0.5060544904137235,55.24,baltimore smm food,2023-02-06,55.24,60.2517786023993 +0.49749247743229663,0.576,0.3987854251012147,0.736815670517328,0.0,0.7814536340852127,0.8057517658930373,2.51,baton rouge smm food,2023-02-06,2.51,6.180802044122672 +0.5210631895687058,0.18899999999999997,0.4772267206477735,0.4505273731793069,0.0,0.7473684210526318,0.5887991927346115,11.57,birmingham/anniston/tuscaloosa smm food,2023-02-06,11.57,13.5442405749667 +0.4332998996990971,0.25,0.35728744939271284,0.7825213460572578,0.0,0.768922305764411,0.7669021190716448,150.82,boston/manchester smm food,2023-02-06,150.82,144.5048481093051 +0.5672016048144435,0.783,0.7717611336032393,0.6986438975389252,0.0,0.5724310776942355,0.6639757820383451,20.75,buffalo smm food,2023-02-06,20.75,21.592567634105706 +0.600802407221665,0.263,0.5536437246963566,0.7182320441988951,0.0,0.3789473684210527,0.5529767911200807,73.83,charlotte smm food,2023-02-06,73.83,82.41658296990602 +0.6935807422266798,0.442,0.6907894736842108,0.45856353591160226,0.0,0.4957393483709274,0.5918264379414733,160.66,chicago smm food,2023-02-06,160.66,132.21828901752437 +0.3159478435305917,0.008,0.9094129554655874,0.821195379206429,0.0,0.7954887218045111,0.34712411705348134,86.19,cleveland/akron/canton smm food,2023-02-06,86.19,85.74568942443764 +0.48946840521564705,0.909,0.3340080971659921,0.4063284781516826,0.0,0.4721804511278195,0.12815338042381433,69.96,columbus oh smm food,2023-02-06,69.96,55.369172504626945 +0.3921765295887667,0.9640000000000001,0.48532388663967635,0.43244600703164243,0.0,0.6556390977443609,0.43592330978809285,105.27,dallas/ft. worth smm food,2023-02-06,105.27,63.26810957441124 +0.3986960882647942,0.144,0.09261133603238872,0.7167252636865897,0.0,0.800501253132832,0.6125126135216953,18.65,des moines/ames smm food,2023-02-06,18.65,20.32239366735608 +0.5070210631895686,0.614,0.5824898785425103,0.49573078854846814,0.0,0.7468671679197992,0.446518668012109,120.18,detroit smm food,2023-02-06,120.18,114.4797348151975 +0.17753259779338038,0.30000000000000004,0.5323886639676116,0.3520843797086891,0.0,0.4902255639097745,0.3895055499495459,15.08,mobile/pensacola smm food,2023-02-06,15.08,17.791399399854484 +0.5180541624874623,0.7680000000000001,0.6821862348178145,0.39477649422400807,0.0,0.4611528822055136,0.3577194752774975,35.76,greensboro smm food,2023-02-06,35.76,36.318798627376076 +0.4789368104312939,0.8550000000000001,0.4858299595141702,0.36815670517327986,0.0,0.6100250626566414,0.6125126135216953,54.12,grand rapids smm food,2023-02-06,54.12,65.90483418015363 +0.7708124373119358,0.923,0.6052631578947372,0.2933199397287795,0.0,0.28120300751879695,0.3304742684157417,26.15,milwaukee smm food,2023-02-06,26.15,21.37566777763569 +0.5391173520561687,0.8180000000000001,0.45192307692307715,0.23606228026117532,0.0,0.31428571428571417,0.7401614530776993,116.62999999999998,miami/west palm beach smm food,2023-02-06,116.62999999999998,137.45087339621097 +0.7121364092276827,0.381,0.44230769230769257,0.6393771973882472,0.0,0.670175438596491,0.8239152371342079,9.08,madison wi smm food,2023-02-06,9.08,9.658635142222039 +0.5140421263791374,0.07900000000000001,0.6685222672064782,0.6544450025113009,0.0,0.5162907268170427,0.4273461150353179,15.29,little rock/pine bluff smm food,2023-02-06,15.29,11.255755935168516 +0.3219658976930795,0.334,0.7732793522267215,0.5710698141637369,0.0,0.48120300751879685,0.23662966700302726,35.39,las vegas smm food,2023-02-06,35.39,27.094237253137443 +0.5070210631895686,0.435,0.4053643724696358,0.11803114013058766,0.0,0.28972431077694233,0.6589303733602422,129.68,los angeles smm food,2023-02-06,129.68,113.84487569539024 +0.3184553660982949,0.932,0.6811740890688265,0.7800100452034154,0.0,0.5313283208020048,0.35267406659939454,35.14,kansas city smm food,2023-02-06,35.14,34.049486278348944 +0.4222668004012034,0.9460000000000002,0.8704453441295549,0.48317428427925674,0.0,0.45463659147869656,0.7891019172552977,30.11,jacksonville smm food,2023-02-06,30.11,38.836935085857824 +0.5576730190571714,0.854,0.4296558704453439,0.7503766951280764,0.0,0.4496240601503758,0.5408678102926338,47.34,indianapolis smm food,2023-02-06,47.34,43.68981120120971 +0.42126379137412245,0.18100000000000002,0.4205465587044537,0.4907081868407836,0.0,0.3233082706766916,0.2613521695257316,171.0,houston smm food,2023-02-06,171.0,121.11383165729009 +0.13891675025075234,0.593,0.7312753036437254,0.7905575087895531,0.0,0.42957393483709233,0.23007063572149344,69.32,hartford/new haven smm food,2023-02-06,69.32,71.63990938699382 +0.3866599799398195,0.8890000000000001,0.7090080971659923,0.16373681567051734,0.0,0.7779448621553883,0.5297679112008072,39.48,harrisburg/lancaster smm food,2023-02-06,39.48,40.51008216623973 +0.49398194583751237,0.6230000000000001,0.4316801619433201,0.5580110497237569,0.0,0.7498746867167917,0.748234106962664,23.77,knoxville smm food,2023-02-06,23.77,26.428755907513228 +0.4373119358074225,0.033,0.8036437246963565,0.5705675539929684,0.0,0.9684210526315787,0.496468213925328,40.7,portland or smm food,2023-02-13,40.7,43.20112423129901 +0.6985957873620862,0.706,0.3147773279352224,0.4545454545454546,0.0,0.6566416040100249,0.31634712411705346,94.17,rem us middle atlantic smm food,2023-02-13,94.17,82.95232845214571 +0.5110330992978934,0.041,0.5728744939271256,0.3535911602209945,0.0,0.40050125313283214,0.5272452068617558,294.22,rem us east north central smm food,2023-02-13,294.22,264.2731464420905 +0.31093279839518545,0.24100000000000002,0.4407894736842109,0.7523857358111502,0.0,0.4601503759398496,0.6442986881937437,73.34,raleigh/durham/fayetteville smm food,2023-02-13,73.34,79.24058427164066 +0.6048144433299899,0.031,0.13714574898785417,0.2134605725765947,0.0,0.4230576441102757,0.8198789101917255,39.1,providence ri/new bedford ma smm food,2023-02-13,39.1,38.31292598401034 +0.2993981945837513,0.53,0.4438259109311742,0.5770969362129583,0.0,0.5989974937343359,0.3299697275479314,69.8,pittsburgh smm food,2023-02-13,69.8,55.41788692039852 +0.6048144433299895,0.548,0.4144736842105265,0.38573581115017586,0.0,0.14436090225563952,0.22805247225025227,50.67,norfolk/portsmouth/newport news smm food,2023-02-13,50.67,52.69069162476494 +0.5210631895687062,0.23700000000000002,0.31578947368421095,0.6976393771973883,0.0,0.06666666666666671,0.48284561049445013,179.32,philadelphia smm food,2023-02-13,179.32,152.26261040815868 +0.5992978936810427,0.8220000000000001,0.7505060728744944,0.4108488196885987,0.0,0.6671679197994986,0.6357214934409687,6.96,paducah ky/cape girardeau mo smm food,2023-02-13,6.96,7.2390789971038885 +0.15797392176529587,0.418,0.8542510121457494,0.6258161727774988,0.0,0.5734335839598997,0.6044399596367306,209.62,orlando/daytona beach/melborne smm food,2023-02-13,209.62,89.88216730206085 +0.6454363089267803,0.476,0.461538461538462,0.5585133098945254,0.0,0.5343358395989972,0.5146316851664985,12.89,omaha smm food,2023-02-13,12.89,14.194153194926372 +0.9242728184553664,0.769,0.5794534412955469,0.6941235560020091,0.0,0.6365914786967413,0.15438950554994954,3.3,oklahoma city smm food,2023-02-13,3.3,3.7693016637557264 +0.3209628886659981,0.45599999999999996,0.6417004048582999,0.7483676544450025,0.0,0.5022556390977444,0.7941473259334006,161.51,rem us mountain smm food,2023-02-13,161.51,131.93911135533375 +0.4087261785356067,0.209,0.5414979757085022,0.3822199899547966,0.0,0.8807017543859648,0.9202825428859738,110.86,phoenix/prescott smm food,2023-02-13,110.86,75.52281191806756 +0.7808425275827483,0.743,0.7039473684210529,0.4907081868407836,0.0,0.46766917293233073,0.5766902119071645,110.06,rem us new england smm food,2023-02-13,110.06,103.50914664413618 +0.1790371113340019,0.9060000000000001,0.564777327935223,0.20542440984429935,0.0,0.8736842105263156,0.8698284561049445,43.25,salt lake city smm food,2023-02-13,43.25,35.29653648386805 +0.4894684052156468,0.917,0.35070850202429166,0.2446007031642391,0.0,0.5934837092731828,0.7315842583249244,307.67,rem us south atlantic smm food,2023-02-13,307.67,239.65587019217298 +0.2557673019057171,0.19200000000000003,0.2879554655870445,0.3787041687594174,0.0,0.8070175438596486,0.25025227043390513,489.8,rem us south central smm food,2023-02-13,489.8,350.92695403994406 +0.4037111334002006,0.642,0.23228744939271276,0.5660472124560523,0.0,0.8912280701754383,0.48486377396569125,84.77,rem us west north central smm food,2023-02-13,84.77,81.11063743913637 +0.7221664994984957,0.34500000000000003,0.6457489878542512,0.281767955801105,0.0,0.2877192982456138,0.4127144298688194,48.54,richmond/petersburg smm food,2023-02-13,48.54,37.87097845395305 +0.7457372116349044,0.09000000000000002,0.7231781376518228,0.6730286288297339,0.0,0.40802005012531306,0.5549949545913219,31.54,sacramento/stockton/modesto smm food,2023-02-13,31.54,28.251640690449484 +0.717151454363089,0.7040000000000002,0.6123481781376522,0.24409844299347064,0.0,0.8295739348370924,0.4591321897073663,33.09,san diego smm food,2023-02-13,33.09,26.915221076895797 +0.2833500501504511,0.9460000000000002,0.6270242914979762,0.8950276243093923,0.0,0.34636591478696727,0.7598385469223007,50.31,san francisco/oakland/san jose smm food,2023-02-13,50.31,45.46556115975804 +0.593781344032096,0.339,0.5915991902834015,0.6022099447513812,0.0,0.4185463659147869,0.4041372351160444,55.29,seattle/tacoma smm food,2023-02-13,55.29,46.978827101196956 +0.5406218655967902,0.9510000000000001,0.5116396761133607,0.4650929181315922,0.0,0.4827067669172931,0.33350151362260344,43.02,st. louis smm food,2023-02-13,43.02,39.554145059278795 +0.4834503510531595,0.07700000000000001,0.5096153846153849,0.5504771471622301,0.0,0.6010025062656638,0.39606458123107974,307.41,tampa/ft. myers smm food,2023-02-13,307.41,128.28837276547398 +0.6464393179538616,0.367,0.585526315789474,0.5263686589653441,0.0,0.4130325814536343,0.3476286579212916,24.91,tucson/sierra vista smm food,2023-02-13,24.91,14.310139417525953 +0.1494483450351055,0.24500000000000002,0.6604251012145751,0.3134103465595179,0.0,0.562907268170426,0.41422805247225025,142.28,washington dc/hagerstown smm food,2023-02-13,142.28,128.18243879847194 +0.6649949849548646,0.877,0.27074898785425106,0.7222501255650428,0.0,0.7263157894736844,0.8577194752774975,5.12,yakima/pasco/richland/kennewick smm food,2023-02-13,5.12,8.114937093917874 +0.3144433299899697,0.042,0.27985829959514197,0.7935710698141638,0.0,0.7619047619047619,0.6145307769929365,276.41,new york smm food,2023-02-13,276.41,253.0571115852437 +0.5366098294884653,0.414,0.2813765182186237,0.3510798593671522,0.0,0.3117794486215536,0.11604439959636731,67.07,rem us pacific smm food,2023-02-13,67.07,57.259330381345826 +0.673520561685055,0.319,0.2580971659919031,0.08839779005524863,0.0,0.6656641604010024,0.7699293642785066,10.0,new orleans smm food,2023-02-13,10.0,11.411200492681623 +0.6785356068204613,0.649,0.6467611336032393,0.4967353088900051,0.0,0.5619047619047614,0.39505549949545915,78.3,nashville smm food,2023-02-13,78.3,49.97166520414576 +0.17301905717151478,0.8460000000000001,0.7904858299595146,0.17076845806127575,0.0,0.6065162907268171,0.2053481331987891,35.1,mobile/pensacola smm food,2023-02-13,35.1,16.44868720476377 +0.21213640922768295,0.422,0.529858299595142,0.5504771471622301,0.0,0.4721804511278195,0.35267406659939454,26.78,albuquerque/santa fe smm food,2023-02-13,26.78,20.643561371036398 +0.6740220661985957,0.9300000000000002,0.2909919028340083,0.3977900552486188,0.0,0.6035087719298241,0.686175580221998,238.07,atlanta smm food,2023-02-13,238.07,129.30031176474859 +0.512036108324975,0.593,0.6457489878542514,0.26670015067805125,0.0,0.61203007518797,0.48234106962663975,58.15,baltimore smm food,2023-02-13,58.15,59.88099895747551 +0.27181544633901683,0.987,0.34261133603238875,0.49372174786539424,0.0,0.4380952380952379,0.6675075681130171,3.71,baton rouge smm food,2023-02-13,3.71,2.7049708486406274 +0.5842527582748241,0.484,0.41852226720647795,0.3430436966348569,0.0,0.5989974937343361,0.46165489404641774,26.17,birmingham/anniston/tuscaloosa smm food,2023-02-13,26.17,11.938854259083548 +0.4533600802407219,0.27599999999999997,0.5688259109311745,0.9914615770969363,0.0,0.5157894736842106,0.7880928355196771,156.22,boston/manchester smm food,2023-02-13,156.22,145.21460204746018 +0.6454363089267805,0.741,0.40637651821862375,0.8583626318432949,0.0,0.6706766917293231,0.4868819374369324,18.3,buffalo smm food,2023-02-13,18.3,21.67317375911108 +0.21865596790371108,0.677,0.7621457489878548,0.5464590657960824,0.0,0.613032581453634,0.7583249243188699,83.11,charlotte smm food,2023-02-13,83.11,83.02946874082586 +0.8184553660982946,0.007000000000000001,0.3102226720647774,0.8523355097940735,0.0,0.4360902255639098,0.8077699293642785,130.94,chicago smm food,2023-02-13,130.94,135.31406806523887 +0.4152457372116348,0.016,0.9428137651821866,0.7338021094927173,0.0,0.8436090225563907,0.17255297679112008,105.44,cleveland/akron/canton smm food,2023-02-13,105.44,84.5723585575905 +0.5717151454363091,0.5910000000000001,0.5399797570850207,0.1953792064289302,0.0,0.7223057644110275,0.1442986881937437,69.85,columbus oh smm food,2023-02-13,69.85,55.14487021239272 +0.6308926780341026,0.799,0.3547570850202431,0.4309392265193371,0.0,0.6105263157894737,0.37336024217961655,106.84,dallas/ft. worth smm food,2023-02-13,106.84,62.999196377137 +0.31293881644934796,0.5910000000000001,0.3026315789473686,0.6328478151682572,0.0,0.7684210526315789,0.7739656912209889,18.06,des moines/ames smm food,2023-02-13,18.06,20.870258089954234 +0.7828485456369106,0.32000000000000006,0.15435222672064774,0.6946258161727775,0.0,0.6561403508771928,0.7406659939455096,125.22,detroit smm food,2023-02-13,125.22,117.10452583041176 +0.5466399197592777,0.42900000000000005,0.5050607287449393,0.5203415369161226,0.0,0.7869674185463655,0.7906155398587286,59.239999999999995,grand rapids smm food,2023-02-13,59.239999999999995,68.28329911019918 +0.5531594784353059,0.49000000000000005,0.5273279352226722,0.623807132094425,0.0,0.6962406015037594,0.44803229061553984,41.36,albany/schenectady/troy smm food,2023-02-13,41.36,36.40951655479584 +0.5275827482447342,0.558,0.6255060728744944,0.4686087393269714,0.0,0.41604010025062654,0.6150353178607467,41.72,harrisburg/lancaster smm food,2023-02-13,41.72,41.66000766307445 +0.5737211634904713,0.7630000000000001,0.6907894736842113,0.1079859367152185,0.0,0.4947368421052629,0.5701311806256307,32.73,greensboro smm food,2023-02-13,32.73,36.107337947461524 +0.6328986960882647,0.66,0.1513157894736844,0.8227021597187344,0.0,0.3819548872180452,0.5933400605449042,40.34,minneapolis/st. paul smm food,2023-02-13,40.34,44.86651998725906 +0.922768304914744,0.8,0.7171052631578952,0.593169261677549,0.0,0.4260651629072681,0.513622603430878,27.83,milwaukee smm food,2023-02-13,27.83,24.86642965290772 +0.6584754262788367,0.7110000000000001,0.5607287449392715,0.3802109492717228,0.0,0.25864661654135324,0.5131180625630676,327.37,miami/west palm beach smm food,2023-02-13,327.37,137.0040785269099 +0.5641925777331995,0.5630000000000001,0.3638663967611338,0.07935710698141638,0.0,0.44711779448621536,0.8118062563067608,136.4,los angeles smm food,2023-02-13,136.4,115.12566803649861 +0.5591775325977933,0.236,0.795546558704454,0.4409844299347062,0.0,0.505764411027569,0.5388496468213926,12.58,little rock/pine bluff smm food,2023-02-13,12.58,10.872448685826463 +0.7432296890672013,0.6120000000000001,0.35526315789473706,0.8066298342541437,0.0,0.4320802005012529,0.6730575176589304,8.54,madison wi smm food,2023-02-13,8.54,9.11058898604702 +0.13189568706118343,0.844,0.6012145748987858,0.5951783023606229,0.0,0.839598997493734,0.6836528758829465,24.51,knoxville smm food,2023-02-13,24.51,26.14731107438758 +0.6173520561685055,0.267,0.7575910931174095,0.4399799095931693,0.0,0.6521303258145361,0.47780020181634714,34.84,kansas city smm food,2023-02-13,34.84,33.43884730568109 +0.6930792377131392,0.427,0.8755060728744941,0.27875439477649433,0.0,0.5473684210526314,0.6533804238143289,73.4,jacksonville smm food,2023-02-13,73.4,37.381601740579974 +0.6334002006018051,0.9390000000000001,0.6457489878542509,0.7167252636865897,0.0,0.6175438596491225,0.9611503531786075,49.81,indianapolis smm food,2023-02-13,49.81,46.749403748037906 +0.501504513540622,0.44400000000000006,0.6062753036437251,0.37016574585635365,0.0,0.1363408521303257,0.4117053481331988,160.62,houston smm food,2023-02-13,160.62,121.08469062572121 +0.1770310932798396,0.892,0.671052631578948,0.7122049221496736,0.0,0.7769423558897238,0.3350151362260343,72.79,hartford/new haven smm food,2023-02-13,72.79,73.03984113042729 +0.6028084252758277,0.902,0.8795546558704463,0.7714716223003517,0.0,0.375438596491228,0.5166498486377397,37.14,las vegas smm food,2023-02-13,37.14,30.33209009909077 +0.4849548645937816,0.019000000000000003,0.4362348178137652,0.19989954796584633,6.363092352336016e-05,0.5468671679197994,0.9021190716448032,40.38,portland or smm food,2023-02-20,40.38,41.98238157462534 +0.5581745235707121,0.9460000000000002,0.4185222672064775,0.03365143144148669,0.00025452369409345506,0.8005012531328318,0.4298688193743693,86.23,rem us middle atlantic smm food,2023-02-20,86.23,81.62191035805769 +0.09628886659979921,0.10700000000000001,0.6756072874493929,0.5956805625313913,0.0007632545105215425,0.6115288220551378,0.5893037336024218,302.38,rem us east north central smm food,2023-02-20,302.38,266.18141394845895 +0.21464393179538604,0.118,0.4321862348178142,0.5123053741838273,0.00019089277057008413,0.0526315789473685,0.5560040363269425,69.41,raleigh/durham/fayetteville smm food,2023-02-20,69.41,75.89727698519958 +0.8681043129388165,0.10600000000000001,0.24595141700404852,0.4103465595178303,9.528809940563429e-05,0.24210526315789468,0.6104944500504541,34.15,providence ri/new bedford ma smm food,2023-02-20,34.15,38.21987232052167 +0.3851554663991976,0.5940000000000001,0.4473684210526318,0.5208437970868911,6.394749528218288e-05,0.22706766917293245,0.49041372351160445,55.75,pittsburgh smm food,2023-02-20,55.75,55.0577739507411 +0.732698094282848,0.282,0.7236842105263162,0.25113008538422904,9.52880994056379e-05,0.20651629072681746,0.5398587285570131,47.3,norfolk/portsmouth/newport news smm food,2023-02-20,47.3,54.211117481333105 +0.30541624874623885,0.6110000000000001,0.553137651821863,0.5148166750376696,0.00012757841880555026,0.06817042606516294,0.5282542885973764,152.51,philadelphia smm food,2023-02-20,152.51,151.46000811678644 +0.8194583751253757,0.363,0.6659919028340087,0.18232044198895028,0.00012726184704672932,0.7177944862155388,0.32643794147325933,6.79,paducah ky/cape girardeau mo smm food,2023-02-20,6.79,4.416386650419696 +0.5150451354062187,0.45199999999999996,0.7621457489878545,0.5359116022099448,3.197374764110044e-05,0.6456140350877192,0.7537840565085772,80.03,orlando/daytona beach/melborne smm food,2023-02-20,80.03,91.01531575856868 +0.8064192577733198,0.26,0.47874493927125555,0.9105976896032145,3.165717588227053e-07,0.10025062656641584,0.5332996972754793,11.71,omaha smm food,2023-02-20,11.71,15.15308929724469 +0.5571715145436311,0.775,0.49848178137651844,0.6745354093420393,3.2290319399915944e-05,0.4215538847117789,0.4919273461150353,4.87,oklahoma city smm food,2023-02-20,4.87,4.293476948797874 +0.23169508525576737,0.875,0.4701417004048586,0.6228026117528881,0.0004124930017459994,0.6355889724310777,0.6175580221997982,150.34,rem us mountain smm food,2023-02-20,150.34,130.60834102239318 +0.5175526579739216,0.7320000000000001,0.4053643724696359,0.5806127574083376,6.394749528218647e-05,0.8295739348370926,0.6700302724520686,90.56,phoenix/prescott smm food,2023-02-20,90.56,75.39958411054421 +0.7567703109327985,0.217,0.5829959514170041,0.7262682069311904,9.56046711644606e-05,0.21604010025062656,0.2613521695257316,100.88,rem us new england smm food,2023-02-20,100.88,101.90795561873765 +0.4859578736208624,0.503,0.6346153846153849,0.5374183827222502,6.363092352336736e-05,0.388471177944862,0.44298688193743696,36.41,salt lake city smm food,2023-02-20,36.41,33.59850216613121 +0.8761283851554662,0.11499999999999999,0.7489878542510126,0.3078854846810648,0.0008287848645978425,0.43007518796992483,0.37790110998990917,217.89,rem us south atlantic smm food,2023-02-20,217.89,238.09579338231106 +0.3219658976930792,0.31200000000000006,0.41244939271255054,0.36012054244098446,0.002353711026846814,0.36992481203007477,0.5625630676084763,384.28,rem us south central smm food,2023-02-20,384.28,351.850003757105 +0.5,0.9670000000000001,0.22267206477732815,0.22199899547965848,0.0005410211358280178,0.6591478696741851,0.3753784056508577,85.66,rem us west north central smm food,2023-02-20,85.66,78.1692039677698 +0.8676028084252759,0.657,0.7859311740890691,0.39477649422400807,3.197374764109144e-05,0.38897243107769397,0.5746720484359233,40.82,richmond/petersburg smm food,2023-02-20,40.82,40.24641627048866 +0.8360080240722163,0.8039999999999999,0.43421052631579027,0.5444500251130086,6.394749528219368e-05,0.3844611528822053,0.2865792129162462,27.32,sacramento/stockton/modesto smm food,2023-02-20,27.32,26.200869590786517 +0.8234704112337008,0.145,0.6325910931174091,0.19236564540431947,6.363092352336377e-05,0.7037593984962403,0.31029263370333,31.07,san diego smm food,2023-02-20,31.07,25.307071446317714 +0.3731193580742224,0.7839999999999999,0.5511133603238871,0.5781014565544953,9.560467116445701e-05,0.1994987468671678,0.4611503531786075,43.64,san francisco/oakland/san jose smm food,2023-02-20,43.64,41.50769995414208 +0.7938816449348043,0.7330000000000001,0.7009109311740898,0.7388247112004018,9.528809940563429e-05,0.8090225563909773,0.16397578203834512,51.88,seattle/tacoma smm food,2023-02-20,51.88,48.17390499705073 +0.75827482447342,0.148,0.6012145748987858,0.11803114013058766,6.394749528218647e-05,0.5458646616541353,0.4011099899091827,38.3,st. louis smm food,2023-02-20,38.3,38.20934786842322 +0.5310932798395185,0.051000000000000004,0.32338056680161964,0.5002511300853842,0.00019057619881126858,0.8055137844611524,0.22855701311806256,111.82,tampa/ft. myers smm food,2023-02-20,111.82,127.64401291707169 +0.5416248746238715,0.561,0.5551619433198383,0.08437970868910097,3.165717588227053e-05,0.12280701754385981,0.4122098890010091,19.05,tucson/sierra vista smm food,2023-02-20,19.05,11.156543093436703 +0.2943831494483452,0.902,0.6452429149797573,0.4686087393269714,0.0001908927705700913,0.5824561403508771,0.29011099899091825,126.18,washington dc/hagerstown smm food,2023-02-20,126.18,128.97531061676438 +0.8816449348044132,0.21200000000000002,0.31325910931174095,0.45605223505775994,0.00012694527528790483,0.5032581453634086,0.5479313824419778,3.7799999999999994,yakima/pasco/richland/kennewick smm food,2023-02-20,3.7799999999999994,4.202689618227666 +0.46339017051153436,0.769,0.1634615384615387,0.6564540431943747,0.00031847118937564155,0.5729323308270675,0.2714429868819374,234.74,new york smm food,2023-02-20,234.74,250.25753753256174 +0.7281845536609829,0.6940000000000001,0.21153846153846173,0.5560020090406831,0.0004137592887813047,0.6977443609022553,0.08779011099899092,70.14,rem us pacific smm food,2023-02-20,70.14,59.92800114454575 +0.6344032096288866,0.015,0.30161943319838086,0.20441988950276246,0.00012726184704672753,0.6551378446115287,0.42179616548940463,9.21,new orleans smm food,2023-02-20,9.21,9.864340614551843 +0.6850551654964894,0.9910000000000001,0.37196356275303655,0.2169763937719739,6.394749528218647e-05,0.10025062656641566,0.2795156407669021,54.3,nashville smm food,2023-02-20,54.3,46.282005544749204 +0.19358074222668029,0.134,0.5637651821862352,0.1451531893520844,0.00012726184704672572,0.8646616541353384,0.6897073662966701,16.03,mobile/pensacola smm food,2023-02-20,16.03,19.492269979280024 +0.4704112337011031,0.675,0.7682186234817817,0.7217478653942743,6.394749528218647e-05,0.5343358395989973,0.5317860746720484,26.29,albuquerque/santa fe smm food,2023-02-20,26.29,23.555996937635243 +0.6489468405215645,0.8340000000000001,0.30668016194332,0.31491712707182323,0.0003175214740991734,0.7568922305764406,0.8183652875882946,139.75,atlanta smm food,2023-02-20,139.75,130.03468155011709 +0.71765295887663,0.9480000000000001,0.9559716599190289,0.7252636865896535,0.00015860245117017176,0.6832080200501255,0.893037336024218,61.55,baltimore smm food,2023-02-20,61.55,65.82450918663615 +0.32647943831494464,0.642,0.09514170040485825,0.089904570567554,3.197374764109144e-05,0.1543859649122806,0.31836528758829463,2.8,baton rouge smm food,2023-02-20,2.8,-2.722973554371862 +0.32296890672016026,0.503,0.33248987854251033,0.1401305876443998,0.00012757841880555026,0.33032581453634113,0.5625630676084763,9.84,birmingham/anniston/tuscaloosa smm food,2023-02-20,9.84,10.069058112218976 +0.6268806419257771,0.49400000000000005,0.4792510121457494,0.9452536413862381,0.00012726184704672753,0.5228070175438597,0.6231079717457114,138.18,boston/manchester smm food,2023-02-20,138.18,144.36911605907386 +0.32246740220662,0.7470000000000001,0.11437246963562758,0.44399799095931697,6.363092352336555e-05,0.444611528822055,0.38042381432896066,19.64,buffalo smm food,2023-02-20,19.64,17.279841420773593 +0.48846539618856555,0.531,0.7722672064777333,0.24359618282270218,0.00025389055057580966,0.5458646616541354,0.5469223007063572,67.39,charlotte smm food,2023-02-20,67.39,80.2867174999986 +0.7963891675025073,0.262,0.5207489878542512,0.6042189854344551,0.0002861808699757256,0.6511278195488721,0.40766902119071646,133.18,chicago smm food,2023-02-20,133.18,132.4908254232194 +0.4829488465396187,0.122,0.5111336032388667,0.7041687594173782,9.560467116445701e-05,0.8791979949874684,0.5721493440968719,87.89,cleveland/akron/canton smm food,2023-02-20,87.89,86.74035709560411 +0.6414242728184554,0.8800000000000001,0.2768218623481783,0.41938724259166255,3.1973747641093234e-05,0.6937343358395989,0.4944500504540868,64.5,columbus oh smm food,2023-02-20,64.5,58.46160987144248 +0.38264794383149486,0.266,0.27479757085020257,0.35007533902561533,0.00028618086997573997,0.2972431077694235,0.4273461150353179,84.59,dallas/ft. worth smm food,2023-02-20,84.59,61.21058054730149 +0.24774322968906712,0.49500000000000005,0.4377530364372472,0.7448518332496233,3.165717588209058e-07,0.7624060150375939,0.4732593340060545,17.07,des moines/ames smm food,2023-02-20,17.07,19.67988592155352 +0.7818455366098294,0.019000000000000003,0.389676113360324,0.7187343043696636,0.00025389055057580245,0.7072681704260649,0.8148335015136227,133.42,detroit smm food,2023-02-20,133.42,117.86884983095977 +0.15145436308926777,0.7960000000000002,0.7024291497975712,0.6800602712204923,9.52880994056379e-05,0.5979949874686714,0.5605449041372351,77.29,grand rapids smm food,2023-02-20,77.29,66.92458704216588 +0.3239719157472417,0.5830000000000001,0.3942307692307692,0.6609743847312909,0.00015860245117017355,0.46516290726817056,0.5237134207870837,34.61,albany/schenectady/troy smm food,2023-02-20,34.61,35.94776746206017 +0.8109327983951855,0.097,0.6174089068825915,0.6971371170266198,3.1973747641093234e-05,0.013533834586466164,0.37235116044399597,36.81,harrisburg/lancaster smm food,2023-02-20,36.81,40.57463970727376 +0.8234704112337011,0.678,0.4331983805668022,0.05675539929683577,6.394749528218647e-05,0.7072681704260649,0.8365287588294652,30.11,greensboro smm food,2023-02-20,30.11,38.24434407398535 +0.697592778335005,0.8330000000000001,0.44736842105263197,0.40381717729784034,6.331435176454106e-07,0.7413533834586467,0.8193743693239153,37.87,minneapolis/st. paul smm food,2023-02-20,37.87,45.25905712535451 +0.6945837512537613,0.7389999999999999,0.7358299595141705,0.7659467604218986,0.00012694527528790843,0.4872180451127819,0.5983854692230071,31.010000000000005,milwaukee smm food,2023-02-20,31.010000000000005,26.156848820674973 +0.4117352056168506,0.149,0.43218623481781393,0.6328478151682572,9.528809940563429e-05,0.40100250626566397,0.2658930373360242,108.14,miami/west palm beach smm food,2023-02-20,108.14,136.72259098657491 +0.12086258776328987,0.126,0.4827935222672068,0.4404821697639378,0.0003178380458580105,0.4330827067669171,0.6437941473259334,128.78,los angeles smm food,2023-02-20,128.78,115.35252377084103 +0.3821464393179538,0.96,0.7272267206477739,0.24108488196885988,3.229031939991774e-05,0.3373433583959901,0.8249243188698284,11.71,little rock/pine bluff smm food,2023-02-20,11.71,10.867002137686605 +0.8064192577733196,0.23500000000000001,0.7398785425101218,0.6695128076343546,3.1973747641093234e-05,0.5393483709273181,0.6034308779011099,7.64,madison wi smm food,2023-02-20,7.64,8.424115785278246 +0.26780341023069193,0.10300000000000001,0.7085020242914983,0.47815168257157215,0.00012726184704672753,0.620050125313283,0.6175580221997982,21.12,knoxville smm food,2023-02-20,21.12,24.38176482922784 +0.45336008024072216,0.042,0.48633603238866446,0.5057759919638373,0.00012694527528790483,0.451127819548872,0.7527749747729566,32.24,kansas city smm food,2023-02-20,32.24,34.26171678158892 +0.7477432296890669,0.766,0.5460526315789475,0.186338523355098,3.165717588227053e-07,0.5684210526315787,0.4545913218970737,29.27,jacksonville smm food,2023-02-20,29.27,35.81297336246653 +0.8570712136409225,0.514,0.41396761133603216,0.8221998995479659,9.56046711644534e-05,0.4967418546365912,0.8097880928355197,52.45,indianapolis smm food,2023-02-20,52.45,46.150554425014576 +0.445837512537613,0.9289999999999999,0.8643724696356279,0.5660472124560523,0.00025452369409345506,0.03659147869674176,0.6942482341069627,134.47,houston smm food,2023-02-20,134.47,123.8591455122467 +0.24473420260782358,0.775,0.6745951417004055,0.7513812154696133,0.00012694527528790483,0.6150375939849619,0.5665993945509586,66.75,hartford/new haven smm food,2023-02-20,66.75,74.18348622726366 +0.748244734202608,0.9,0.741396761133604,0.527373179306881,3.1973747641093234e-05,0.6827067669172932,0.855196770938446,35.36,las vegas smm food,2023-02-20,35.36,32.00912951869284 +0.7758274824473422,0.431,0.05617408906882577,0.3103967855349071,0.00044415017762825193,0.0807017543859649,0.5554994954591322,37.96,portland or smm food,2023-02-27,37.96,39.66063208266444 +0.4598796389167502,0.286,0.4296558704453439,0.07835258663987947,0.0020289084022947186,0.858145363408521,0.3819374369323915,90.48,rem us middle atlantic smm food,2023-02-27,90.48,81.56598028363422 +0.3866599799398192,0.466,0.5136639676113361,0.4786539427423406,0.006245011086295507,0.4451127819548872,0.6952573158425832,342.31,rem us east north central smm food,2023-02-27,342.31,266.9328267932979 +0.42076228686058165,0.6080000000000001,0.329453441295547,0.419889502762431,0.0013951317411316552,0.43959899749373443,0.4944500504540868,64.67,raleigh/durham/fayetteville smm food,2023-02-27,64.67,76.88641535638583 +0.5511534603811434,0.7240000000000001,0.7120445344129557,0.35911602209944754,0.00044415017762825556,0.31328320802005005,0.6856710393541877,39.06,providence ri/new bedford ma smm food,2023-02-27,39.06,38.67343696360508 +0.2552657973921766,0.36500000000000005,0.3441295546558706,0.39829231541938726,0.0009509815635034032,0.3288220551378447,0.35519677093844604,54.24,pittsburgh smm food,2023-02-27,54.24,53.62723542954797 +0.5707121364092272,0.133,0.9741902834008103,0.5052737317930689,0.0008240362882155056,0.27468671679198037,0.5,52.71,norfolk/portsmouth/newport news smm food,2023-02-27,52.71,55.56259286289017 +0.40772316950852566,0.014000000000000002,0.6553643724696363,0.3430436966348569,0.003042254602286198,0.3428571428571428,0.4571140262361252,184.36,philadelphia smm food,2023-02-27,184.36,151.28159799712108 +0.8350050150451349,0.6230000000000001,0.628542510121458,0.1330989452536414,0.0006340932329218806,0.45313283208020044,0.37436932391523714,6.2,paducah ky/cape girardeau mo smm food,2023-02-27,6.2,3.7876790851702538 +0.9648946840521565,0.288,0.44230769230769246,0.2983425414364641,0.001077610267032496,0.5077694235588971,0.7391523713420787,85.02,orlando/daytona beach/melborne smm food,2023-02-27,85.02,89.76966466921695 +0.4709127382146438,0.284,0.5394736842105268,0.8839779005524863,0.0002855477264580802,0.5042606516290724,0.21594349142280525,13.89,omaha smm food,2023-02-27,13.89,13.941748007582532 +0.4914744232698096,0.277,0.411437246963563,0.8754394776494225,0.0005394382770338898,0.2521303258145359,0.82744702320888,7.250000000000001,oklahoma city smm food,2023-02-27,7.250000000000001,6.541722411932469 +0.2306920762286861,0.9880000000000001,0.26973684210526333,0.5479658463083878,0.0031375427016918467,0.8365914786967419,0.2255297679112008,158.19,rem us mountain smm food,2023-02-27,158.19,128.84258572997192 +0.4899699097291874,0.022000000000000006,0.32692307692307715,0.863887493721748,0.0015531010487841923,0.4385964912280701,0.2815338042381433,94.93,phoenix/prescott smm food,2023-02-27,94.93,73.34736514714261 +0.6955867602808427,0.43,0.5399797570850202,0.7001506780512307,0.0005714120246749868,0.32330827067669166,0.2966700302724521,98.5,rem us new england smm food,2023-02-27,98.5,102.33244326023899 +0.8615847542627882,0.5860000000000001,0.4691295546558707,0.7147162230035159,0.0008556934640977761,0.21503759398496228,0.1311806256306761,41.1,salt lake city smm food,2023-02-27,41.1,32.944873181163345 +0.6604814443329986,0.907,0.7398785425101219,0.16323455549974888,0.007165918332710758,0.49273182957393485,0.12512613521695257,221.49,rem us south atlantic smm food,2023-02-27,221.49,236.89028263712868 +0.30591775325977927,0.9550000000000001,0.444331983805668,0.3611250627825214,0.015281235370130809,0.15288220551378406,0.9228052472250252,383.43,rem us south central smm food,2023-02-27,383.43,355.3805867090501 +0.8946840521564693,0.389,0.13410931174089086,0.437468608739327,0.004977774335728233,0.5669172932330824,0.12058526740665994,103.14,rem us west north central smm food,2023-02-27,103.14,78.60166299473377 +0.5356068204613843,0.933,0.6270242914979759,0.22350577599196386,0.0004441501776282537,0.12932330827067645,0.44298688193743696,41.23,richmond/petersburg smm food,2023-02-27,41.23,37.23468524525442 +0.8585757271815444,0.576,0.6244939271255069,0.497739829231542,0.0011095840146735894,0.08370927318295723,0.2805247225025227,32.19,sacramento/stockton/modesto smm food,2023-02-27,32.19,25.16264795645926 +0.8681043129388161,0.447,0.933198380566802,0.49573078854846814,0.000760721936450961,0.4155388471177942,0.6074672048435923,31.380000000000003,san diego smm food,2023-02-27,31.380000000000003,28.368891542764693 +0.5391173520561683,0.797,0.8132591093117415,0.5143144148669011,0.0010465862346678637,0.4541353383458645,0.18617558022199798,44.93,san francisco/oakland/san jose smm food,2023-02-27,44.93,40.91379535132005 +0.9137412236710128,0.634,0.7747975708502032,0.7066800602712205,0.000729381332327513,0.8751879699248118,0.34510595358224017,55.68,seattle/tacoma smm food,2023-02-27,55.68,49.532416518011985 +0.5526579739217651,0.845,0.7494939271255066,0.12757408337518836,0.0011412411905558529,0.6175438596491227,0.7421796165489405,42.09,st. louis smm food,2023-02-27,42.09,40.68385443358835 +0.10180541624874624,0.49000000000000005,0.3942307692307695,0.1235560020090407,0.0012995270699672052,0.8486215538847114,0.05751765893037336,118.70000000000002,tampa/ft. myers smm food,2023-02-27,118.70000000000002,124.31683130140092 +0.41524573721163494,0.8400000000000001,0.7059716599190287,0.34203917629332,0.00015860245117017537,0.09022556390977461,0.6180625630676084,17.86,tucson/sierra vista smm food,2023-02-27,17.86,13.751778276815735 +0.7412236710130393,0.202,0.5258097165991903,0.5223505775991965,0.0016803628958309198,0.8411027568922305,0.4853683148335015,137.49,washington dc/hagerstown smm food,2023-02-27,137.49,131.7726360008828 +0.5175526579739218,0.884,0.28744939271255066,0.4450025113008539,0.0005071479576339739,0.4862155388471178,0.606962663975782,3.62,yakima/pasco/richland/kennewick smm food,2023-02-27,3.62,4.170607911522183 +0.5767301905717149,0.892,0.21912955465587075,0.39276745354093423,0.005103136752222009,0.17042606516290723,0.49899091826437936,287.64,new york smm food,2023-02-27,287.64,249.77341356656734 +0.7086258776328986,0.41600000000000004,0.3952429149797574,0.7840281265695631,0.003645640374602303,0.7724310776942352,0.32441977800201816,67.4,rem us pacific smm food,2023-02-27,67.4,63.24136032833011 +0.6915747241725174,0.7370000000000001,0.2439271255060731,0.5770969362129583,0.0008876672117388657,0.40651629072681694,0.3501513622603431,12.04,new orleans smm food,2023-02-27,12.04,11.314196945373261 +0.4338014042126379,0.524,0.6639676113360327,0.1953792064289302,0.0009196409593799589,0.19949874686716754,0.6190716448032291,55.06,nashville smm food,2023-02-27,55.06,48.096800569025994 +0.20661985957873646,0.467,0.48836032388663986,0.5585133098945254,0.0006027526287984291,0.5203007518796994,0.9369323915237134,18.91,mobile/pensacola smm food,2023-02-27,18.91,22.42188740284989 +0.7893681043129386,0.995,0.39827935222672084,0.539427423405324,0.0005394382770338898,0.7167919799498745,0.7144298688193744,26.59,albuquerque/santa fe smm food,2023-02-27,26.59,24.656209936235328 +0.4388164493480441,0.307,0.7955465587044539,0.4600703164239076,0.001997251226412448,0.459147869674185,0.3748738647830474,139.58,atlanta smm food,2023-02-27,139.58,127.31479945148942 +0.6750250752256772,0.656,0.8314777327935229,0.4947262682069312,0.000982322167626851,0.8827067669172934,0.6422805247225025,61.470000000000006,baltimore smm food,2023-02-27,61.470000000000006,63.50327921433443 +0.4759277833500499,0.294,0.1831983805668016,0.3766951280763436,0.0006021194852807838,0.10175438596491218,0.35923309788092833,3.5899999999999994,baton rouge smm food,2023-02-27,3.5899999999999994,-0.7852550297578631 +0.38164493480441297,0.127,0.46305668016194357,0.34003013561024614,0.0009832718829033227,0.24561403508771962,0.4571140262361251,12.23,birmingham/anniston/tuscaloosa smm food,2023-02-27,12.23,10.464125435597929 +0.6048144433299898,0.167,0.09058704453441314,0.6162732295328981,0.0015217604446607442,0.6907268170426065,0.612008072653885,150.33,boston/manchester smm food,2023-02-27,150.33,142.71252116637152 +0.46840521564694093,0.488,0.30819838056680177,0.23606228026117532,0.0005074645293927985,0.3323308270676691,0.7391523713420787,20.01,buffalo smm food,2023-02-27,20.01,18.124371514168487 +0.8440320962888664,0.9710000000000001,0.8582995951417008,0.634856855851331,0.0016164154005487335,0.58796992481203,0.46871846619576185,65.28,charlotte smm food,2023-02-27,65.28,83.24409366635548 +0.7713139418254762,0.7730000000000001,0.4949392712550609,0.42340532395781016,0.0026946588110988677,0.6802005012531329,0.28607467204843595,139.27,chicago smm food,2023-02-27,139.27,131.35892000841477 +0.3024072216649949,0.001,0.5187246963562756,0.7031642390758414,0.0010462696629090413,0.7012531328320801,0.9525731584258325,91.9,cleveland/akron/canton smm food,2023-02-27,91.9,88.169599094494 +0.6705115346038114,0.074,0.3304655870445346,0.4660974384731292,0.0006657504088041493,0.6952380952380951,0.565590312815338,72.74,columbus oh smm food,2023-02-27,72.74,58.94343764833782 +0.5847542627883655,0.127,0.4210526315789476,0.5901557006529383,0.002504715755805259,0.35037593984962395,0.32088799192734613,87.43,dallas/ft. worth smm food,2023-02-27,87.43,62.80653663749226 +0.5260782347041122,0.455,0.3309716599190285,0.5168257157207434,0.00044383360586943105,0.820050125313283,0.41574167507568116,19.77,des moines/ames smm food,2023-02-27,19.77,18.662242079417226 +0.7347041123370108,0.09100000000000001,0.424595141700405,0.6860873932697138,0.0021865611381884182,0.7724310776942352,0.4934409687184662,157.96,detroit smm food,2023-02-27,157.96,116.26948843185447 +0.36208625877632894,0.867,0.9210526315789478,0.6574585635359117,0.0007607219364509645,0.39498746867167894,0.31281533804238143,93.04,grand rapids smm food,2023-02-27,93.04,65.34210637701571 +0.4047141424272818,0.843,0.4154858299595143,0.3425414364640884,0.0004754907817517016,0.31629072681704273,0.6548940464177598,32.78,albany/schenectady/troy smm food,2023-02-27,32.78,34.73633057124874 +0.765295887662989,0.9990000000000001,0.5612348178137656,0.3611250627825214,0.000412493001745985,0.2616541353383458,0.5454086781029264,45.12,harrisburg/lancaster smm food,2023-02-27,45.12,40.78226995375135 +0.7662988966900701,0.132,0.5349190283400816,0.24359618282270218,0.000729381332327513,0.32230576441102743,0.5353178607467205,30.63,greensboro smm food,2023-02-27,30.63,36.18486693887066 +0.6148445336008024,0.9060000000000001,0.7904858299595148,0.20190858864892017,0.0010146124870267707,0.49674185463659154,0.6866801210898082,50.44,minneapolis/st. paul smm food,2023-02-27,50.44,42.824792403689976 +0.5837512537612838,0.63,0.41599190283400844,0.7473631341034657,0.0008240362882155056,0.1744360902255639,0.6135216952573158,30.550000000000004,milwaukee smm food,2023-02-27,30.550000000000004,24.837922696008313 +0.3134403209628888,0.687,0.40232793522267224,0.581115017579106,0.0009826387393856773,0.23358395989974925,0.7285570131180625,123.62,miami/west palm beach smm food,2023-02-27,123.62,138.78063671397354 +0.09127382146439317,0.994,0.473684210526316,0.760924158714214,0.003550668846955477,0.3674185463659147,0.7018163471241171,124.80000000000001,los angeles smm food,2023-02-27,124.80000000000001,118.12154613020776 +0.41775325977933786,0.516,0.5870445344129559,0.3787041687594174,0.0008560100358565969,0.4927318295739349,0.7008072653884965,12.28,little rock/pine bluff smm food,2023-02-27,12.28,11.301176902912395 +0.589769307923771,0.15600000000000003,0.45748987854251033,0.35007533902561533,0.0002855477264580802,0.507268170426065,0.641271442986882,7.1,madison wi smm food,2023-02-27,7.1,6.181281299963828 +0.6870611835506518,0.07600000000000001,0.42459514170040513,0.5072827724761427,0.00044446674938707824,0.3002506265664158,0.7386478304742684,22.88,knoxville smm food,2023-02-27,22.88,24.81786992926535 +0.18756268806419257,0.67,0.6204453441295552,0.815670517327976,0.0011092674429147595,0.30325814536340834,0.5005045408678103,40.56,kansas city smm food,2023-02-27,40.56,34.18396342634605 +0.42026078234704095,0.9740000000000001,0.4493927125506073,0.3455549974886992,0.000475807353510526,0.37694235588972413,0.6902119071644803,34.45,jacksonville smm food,2023-02-27,34.45,37.05546267012647 +0.885656970912738,0.6980000000000001,0.2155870445344126,0.7348066298342543,0.001362841421731743,0.5468671679197992,0.4944500504540868,60.44,indianapolis smm food,2023-02-27,60.44,44.168424367264265 +0.44533600802407236,0.976,0.577935222672065,0.748869914615771,0.0025043991840464214,0.3052631578947367,0.8834510595358224,141.99,houston smm food,2023-02-27,141.99,126.99670901367824 +0.18455366098294895,0.271,0.8279352226720655,0.7413360120542442,0.0006974075846864199,0.3939849624060146,0.5802219979818365,74.62,hartford/new haven smm food,2023-02-27,74.62,73.36096602951754 +0.7086258776328989,0.466,0.7575910931174097,0.2586639879457559,0.00047580735351052605,0.782456140350877,0.6503531786074672,33.79,las vegas smm food,2023-02-27,33.79,29.39824253739001 +0.41675025075225686,0.418,0.04301619433198378,0.40833751883475644,0.0008870340682212166,0.499749373433584,0.594853683148335,57.20000000000001,pittsburgh smm food,2023-03-06,57.20000000000001,55.70353276518161 +0.4839518555666999,0.931,0.4888663967611337,0.34555499748869917,0.005481756575773965,0.18947368421052638,0.44601412714429867,337.4,rem us east north central smm food,2023-03-06,337.4,264.1899784884678 +0.3630892678034101,0.284,0.1427125506072878,0.646911099949774,0.001204238970561564,0.869674185463659,0.6962663975782039,86.67,raleigh/durham/fayetteville smm food,2023-03-06,86.67,80.3001656994244 +0.17201604814443328,0.53,0.7596153846153848,0.17327975891511804,0.0003488620782226212,0.3959899749373433,0.5065590312815338,43.04,providence ri/new bedford ma smm food,2023-03-06,43.04,36.12184385226673 +0.7903711133400203,0.7650000000000001,0.3324898785425101,0.2481165243596183,0.0003805192541048882,0.19097744360902255,0.5645812310797175,42.36,portland or smm food,2023-03-06,42.36,40.036285748939555 +0.4032096288866599,0.057999999999999996,0.37297570850202455,0.707182320441989,0.0014891535535020057,0.38696741854636585,0.5338042381432896,99.15,phoenix/prescott smm food,2023-03-06,99.15,73.64326008344918 +0.7166499498495486,0.399,0.4554655870445348,0.3139126067302863,0.004784665562846368,0.16942355889724306,0.5433905146316852,266.05,new york smm food,2023-03-06,266.05,249.68050236749468 +0.7086258776328982,0.977,0.7393724696356281,0.3224510296333501,0.000506831385875153,0.3528822055137844,0.44601412714429867,5.97,paducah ky/cape girardeau mo smm food,2023-03-06,5.97,4.979295480443554 +0.7547642928786358,0.9460000000000002,0.24089068825910934,0.3385233550979408,0.001045636519391403,0.18997493734335835,0.2976791120080727,75.43,orlando/daytona beach/melborne smm food,2023-03-06,75.43,86.28485967201925 +0.31494483450351035,0.414,0.3967611336032392,0.8342541436464089,0.00028523115469925747,0.795488721804511,0.6160443995963674,14.01,omaha smm food,2023-03-06,14.01,16.590070961103834 +0.5707121364092278,0.10700000000000001,0.8112348178137657,0.6986438975389252,0.0005071479576339739,0.28571428571428525,0.8178607467204844,5.41,oklahoma city smm food,2023-03-06,5.41,5.870571513984615 +0.6469408224674018,0.341,0.5182186234817816,0.839779005524862,0.0007287481888098713,0.3313283208020054,0.541372351160444,51.49,norfolk/portsmouth/newport news smm food,2023-03-06,51.49,57.824545428056766 +0.6118355065195585,0.932,0.4210526315789472,0.09090909090909091,0.0017743847082012632,0.820050125313283,0.09485368314833502,95.61,rem us middle atlantic smm food,2023-03-06,95.61,80.36746543061587 +0.7958876629889671,0.8260000000000001,0.4519230769230775,0.35660472124560527,0.0029146761834806475,0.6275689223057642,0.6019172552976791,197.01,philadelphia smm food,2023-03-06,197.01,153.9600372593555 +0.633901705115346,0.211,0.23532388663967627,0.3576092415871422,0.002725049699945862,0.47819548872180456,0.15287588294651866,151.71,rem us mountain smm food,2023-03-06,151.71,126.45582122840806 +0.8605817452357069,0.5790000000000001,0.9154858299595152,0.6544450025113009,0.001045636519391403,0.17794486215538832,0.26286579212916245,31.32,sacramento/stockton/modesto smm food,2023-03-06,31.32,26.422302828742836 +0.9478435305917752,0.04400000000000001,0.4640688259109315,0.6891009542943245,0.0032318810858210276,0.43308270676691707,0.3577194752774975,67.98,rem us pacific smm food,2023-03-06,67.98,62.05062328991284 +0.34754262788365065,0.136,0.6462550607287453,0.5454545454545455,0.006337133468112916,0.3879699248120301,0.44803229061553984,234.94999999999996,rem us south atlantic smm food,2023-03-06,234.94999999999996,239.57336415373337 +0.5631895687061184,0.18200000000000002,0.5511133603238867,0.3676544450025113,0.012927524343283994,0.5182957393483705,0.8092835519677094,381.6,rem us south central smm food,2023-03-06,381.6,355.6964108304847 +0.8625877632898695,0.8420000000000001,0.4478744939271258,0.7639377197388247,0.00443675319990023,0.6451127819548869,0.33198789101917253,95.56,rem us west north central smm food,2023-03-06,95.56,82.20883804767894 +0.14192577733199616,0.20600000000000002,0.3709514170040486,0.4063284781516826,0.0004121764299871605,0.1503759398496238,0.25731584258324924,39.28,richmond/petersburg smm food,2023-03-06,39.28,36.11783172682062 +0.5195586760280841,0.197,0.550607287449393,0.6815670517327976,0.0007920625405744123,0.6606516290726815,0.2815338042381433,43.79,salt lake city smm food,2023-03-06,43.79,34.29659501746414 +0.7497492477432294,0.15800000000000003,0.7494939271255064,0.743345052737318,0.0006970910129275971,0.30776942355889697,0.4177598385469223,34.83,san diego smm food,2023-03-06,34.83,27.90182759205154 +0.5170511534603809,0.46399999999999997,0.4924089068825915,0.377197388247112,0.0009509815635034066,0.7644110275689221,0.5403632694248234,47.16,san francisco/oakland/san jose smm food,2023-03-06,47.16,42.74169763755218 +0.4914744232698092,0.434,0.6300607287449399,0.473631341034656,0.0006340932329218788,0.932832080200501,0.5020181634712412,57.42999999999999,seattle/tacoma smm food,2023-03-06,57.42999999999999,48.3880569444252 +0.38014042126379116,0.902,0.5556680161943325,0.4168759417378202,0.0010772936952736663,0.4365914786967418,0.4954591321897074,44.56,st. louis smm food,2023-03-06,44.56,39.96212735698147 +0.1409227683049147,0.251,0.7828947368421058,0.13259668508287295,0.0011089508711559367,0.6045112781954883,0.2512613521695257,112.89,tampa/ft. myers smm food,2023-03-06,112.89,124.9002389338181 +0.2617853560682047,0.44100000000000006,0.8319838056680166,0.5725765946760423,0.00012694527528790483,0.14486215538847136,0.6997981836528759,19.3,tucson/sierra vista smm food,2023-03-06,19.3,15.346419232365314 +0.5431293881644936,0.7910000000000001,0.23329959514170032,0.4751381215469614,0.0014894701252608285,0.44060150375939855,0.7507568113017155,154.64,washington dc/hagerstown smm food,2023-03-06,154.64,131.53740186090107 +0.48395185556670006,0.9220000000000002,0.3572874493927128,0.9422400803616274,0.0007604053646921382,0.5017543859649122,0.3985872855701312,9.62,new orleans smm food,2023-03-06,9.62,13.770896674063586 +0.5682046138415247,0.261,0.8987854251012147,0.46107483676544453,0.00047580735351052973,0.3223057644110275,0.43037336024217965,108.4,rem us new england smm food,2023-03-06,108.4,101.65018306779822 +0.23570712136409225,0.367,0.5581983805668018,0.05575087895529885,0.0008556934640977725,0.31729323308270635,0.698284561049445,54.48,nashville smm food,2023-03-06,54.48,47.6448718825936 +0.4468405215646942,0.783,0.4853238866396763,0.39377197388247115,0.0003802026823460691,0.7849624060150376,0.5151362260343088,3.8500000000000005,yakima/pasco/richland/kennewick smm food,2023-03-06,3.8500000000000005,4.208287733690398 +0.8926780341023067,0.20400000000000001,0.7879554655870451,0.4058262179809142,0.0010139793435091251,0.5192982456140351,0.4737638748738648,38.53,minneapolis/st. paul smm food,2023-03-06,38.53,42.96499881985587 +0.5601805416248745,0.279,0.5167004048582997,0.35459568056253143,0.0003168883305815262,0.40100250626566425,0.425832492431887,39.44,albany/schenectady/troy smm food,2023-03-06,39.44,33.777925493382554 +0.6203610832497489,0.932,0.37297570850202444,0.10045203415369162,0.0004754907817517033,0.49874686716791966,0.5681130171543896,24.14,albuquerque/santa fe smm food,2023-03-06,24.14,20.285124290594524 +0.3159478435305917,0.639,0.5065789473684214,0.7835258663987946,0.0016797297523132744,0.4325814536340848,0.06559031281533804,138.27,atlanta smm food,2023-03-06,138.27,127.02027041513847 +0.26479438314944853,0.17,0.5627530364372474,0.045705675539929685,0.0008237197164566757,0.7984962406015039,0.6094853683148335,61.78999999999999,baltimore smm food,2023-03-06,61.78999999999999,59.387433343442154 +0.3911735205616848,0.9500000000000001,0.22419028340080974,0.6855851330989453,0.0005701457376396905,0.21604010025062645,0.2875882946518668,2.74,baton rouge smm food,2023-03-06,2.74,1.1044815860651909 +0.4538615847542625,0.659,0.487854251012146,0.37970868910095434,0.0008556934640977725,0.4576441102756895,0.1311806256306761,10.24,birmingham/anniston/tuscaloosa smm food,2023-03-06,10.24,9.822709508280816 +0.5210631895687058,0.945,0.42004048582995984,0.29683576092415875,0.0013944985976140167,0.6962406015037593,0.5519677093844602,160.18,boston/manchester smm food,2023-03-06,160.18,140.95615683997318 +0.6584754262788366,0.653,0.6912955465587048,0.18181818181818182,0.0004438336058694346,0.6917293233082705,0.7240161453077699,20.75,buffalo smm food,2023-03-06,20.75,19.456319044417754 +0.937311935807422,0.477,0.676619433198381,0.5670517327975892,0.0013625248499729236,0.7112781954887217,0.7179616548940464,89.98,charlotte smm food,2023-03-06,89.98,84.46224975173519 +0.40371113340020043,0.9800000000000001,0.15384615384615383,0.6408839779005525,0.002408477941123142,0.5017543859649124,0.6004036326942482,144.08,chicago smm food,2023-03-06,144.08,133.1078383537339 +0.09829488465396183,0.313,0.47570850202429177,0.7825213460572578,0.0009506649917445841,0.5177944862155387,0.9455095862764884,98.45,cleveland/akron/canton smm food,2023-03-06,98.45,87.77957820502999 +0.6554663991975928,0.71,0.7069838056680166,0.3530889000502261,0.000633776661163056,0.5388471177944861,0.3773965691220989,70.82,columbus oh smm food,2023-03-06,70.82,57.216035921479545 +0.7963891675025079,0.585,0.5915991902834011,0.6695128076343546,0.0022185348858295333,0.6932330827067668,0.45761856710393545,87.98,dallas/ft. worth smm food,2023-03-06,87.98,65.74264926384579 +0.3901705115346037,0.879,0.5683198380566805,0.44801607232546464,0.0004435170341106083,0.5192982456140351,0.7169525731584259,21.11,des moines/ames smm food,2023-03-06,21.11,19.196843992249967 +0.6399197592778333,0.021,0.5541497975708505,0.4665996986438976,0.0019326705876126086,0.6300751879699246,0.29818365287588294,154.16,detroit smm food,2023-03-06,154.16,113.293814462507 +0.10531594784353085,0.05600000000000001,0.285931174089069,0.7358111501757911,0.00047549078175170153,0.3293233082706768,0.6912209889001009,14.310000000000002,mobile/pensacola smm food,2023-03-06,14.310000000000002,20.921797323155218 +0.43129388164493465,0.376,0.7894736842105271,0.6690105474635862,0.0006654338370453266,0.17192982456140338,0.26084762865792127,39.66,greensboro smm food,2023-03-06,39.66,36.26531716995469 +0.6720160481444333,0.335,0.5728744939271257,0.6891009542943245,0.0006654338370453302,0.6330827067669169,0.4510595358224016,88.4,grand rapids smm food,2023-03-06,88.4,67.10604727992747 +0.545135406218656,0.568,0.20040485829959534,0.7137117026619789,0.0006970910129276007,0.32932330827067663,0.4944500504540868,28.570000000000004,milwaukee smm food,2023-03-06,28.570000000000004,24.19251342984368 +0.44834503510531615,0.523,0.7277327935222675,0.2084379708689101,0.000887350639980043,0.22055137844611516,0.7901109989909183,117.02,miami/west palm beach smm food,2023-03-06,117.02,137.29727974796265 +0.3520561685055163,0.221,0.23785425101214588,0.13159216474133603,0.00025357397881698693,0.3253132832080199,0.768920282542886,8.77,madison wi smm food,2023-03-06,8.77,4.602386979516751 +0.34854563691073215,0.829,0.5875506072874499,0.23606228026117532,0.000823719716456681,0.5919799498746867,0.7325933400605449,12.3,little rock/pine bluff smm food,2023-03-06,12.3,11.001183652935346 +0.8209628886659981,0.45300000000000007,0.4423076923076929,0.2501255650426921,0.00044383360586943283,0.932832080200501,0.4328960645812311,35.86,las vegas smm food,2023-03-06,35.86,28.539368678012387 +0.3179538615847542,0.806,0.6776315789473688,0.8352586639879458,0.0032328308010974812,0.7528822055137843,0.7406659939455096,136.61,los angeles smm food,2023-03-06,136.61,120.33583866195092 +0.13039117352056168,0.42800000000000005,0.8274291497975715,0.7749874434957309,0.0009823221676268546,0.17593984962406,0.4798183652875883,35.06,kansas city smm food,2023-03-06,35.06,33.33817313921018 +0.490471414242728,0.7140000000000001,0.4534412955465588,0.41486690105474644,0.0004754907817517033,0.407518796992481,0.941473259334006,29.53,jacksonville smm food,2023-03-06,29.53,39.00193617836289 +0.7392176529588763,0.434,0.45091093117408876,0.3817177297840282,0.0012672367505672858,0.45864661654135314,0.26387487386478303,50.15,indianapolis smm food,2023-03-06,50.15,40.30178085424069 +0.2678034102306922,0.518,0.6047570850202432,0.5775991963837268,0.0022498754899529664,0.6681704260651626,0.8718466195761857,141.07,houston smm food,2023-03-06,141.07,126.54524930809984 +0.3169508525576731,0.9130000000000001,0.5511133603238872,0.5429432446007032,0.0005704623093985149,0.383959899749373,0.22401614530776992,79.44,hartford/new haven smm food,2023-03-06,79.44,70.46116918126324 +0.7642928786359078,0.985,0.20242914979757104,0.2325464590657961,0.00038051925410489176,0.5448621553884712,0.6094853683148335,58.29999999999999,harrisburg/lancaster smm food,2023-03-06,58.29999999999999,41.06277253843561 +0.7507522567703109,0.024000000000000004,0.27378542510121484,0.2842792566549473,0.00031720490234035073,0.18596491228070153,0.7426841574167508,23.93,knoxville smm food,2023-03-06,23.93,23.183014111496853 +0.74172517552658,0.6970000000000001,0.38461538461538464,0.09040683073832247,0.0,0.6115288220551378,0.9434914228052472,39.1,portland or smm food,2023-03-13,39.1,42.49646964880228 +0.44232698094282846,0.388,0.4190283400809714,0.3907584128578604,0.0,0.732330827067669,0.1917255297679112,94.36,rem us middle atlantic smm food,2023-03-13,94.36,81.58881448155827 +0.3986960882647942,0.819,0.3876518218623482,0.5916624811652437,0.0,0.16441102756892237,0.38042381432896066,289.49,rem us east north central smm food,2023-03-13,289.49,264.114283999142 +0.40571715145436293,0.7960000000000002,0.2702429149797575,0.5193370165745856,0.0,0.4776942355889724,0.7159434914228052,85.47,raleigh/durham/fayetteville smm food,2023-03-13,85.47,78.68650356029845 +0.17151454363089266,0.062,0.5470647773279353,0.5429432446007032,0.0,0.5047619047619046,0.25731584258324924,38.54,providence ri/new bedford ma smm food,2023-03-13,38.54,36.73474853602347 +0.4177532597793381,0.29100000000000004,0.4564777327935224,0.6278252134605726,0.0,0.3989974937343359,0.6453077699293643,51.06,pittsburgh smm food,2023-03-13,51.06,57.01068255246873 +0.5687061183550649,0.137,0.16548582995951416,0.5675539929683576,0.0,0.20902255639097783,0.9505549949545913,54.2,norfolk/portsmouth/newport news smm food,2023-03-13,54.2,57.71601758313447 +0.6023069207622871,0.05600000000000001,0.7277327935222679,0.6127574083375189,0.0,0.45614035087719296,0.6357214934409687,181.66,philadelphia smm food,2023-03-13,181.66,154.17091228902774 +0.5085255767301902,0.5750000000000001,0.9256072874493934,0.6710195881466601,0.0,0.49874686716791966,0.6886982845610494,6.07,paducah ky/cape girardeau mo smm food,2023-03-13,6.07,8.35537074537659 +0.6534603811434301,0.08100000000000002,0.43117408906882604,0.4148669010547464,0.0,0.538345864661654,0.5343087790110999,72.55,orlando/daytona beach/melborne smm food,2023-03-13,72.55,88.5713789098495 +0.6915747241725173,0.513,0.7100202429149803,0.7458563535911603,0.0,0.6065162907268167,0.6200807265388496,11.85,omaha smm food,2023-03-13,11.85,16.34659356426026 +0.5130391173520564,0.3520000000000001,0.44129554655870473,0.5203415369161226,0.0,0.42606516290726776,0.7976791120080726,4.23,oklahoma city smm food,2023-03-13,4.23,4.8876693622547265 +0.8289869608826479,0.15500000000000003,0.17257085020242924,0.22752385735811154,0.0,0.35989974937343355,0.43037336024217965,139.58,rem us mountain smm food,2023-03-13,139.58,126.83017211672252 +0.4182547642928784,0.09799999999999999,0.5283400809716603,0.41888498242089406,0.0,0.38746867167919796,0.9308779011099899,79.69,phoenix/prescott smm food,2023-03-13,79.69,74.22374375284176 +0.7061183550651956,0.8130000000000002,0.5263157894736842,0.4018081366147665,0.0,0.03408521303258145,0.20988900100908173,117.51,rem us new england smm food,2023-03-13,117.51,99.33223607974664 +0.22768304914744222,0.9560000000000001,0.649291497975709,0.48267202410848825,0.0,0.5744360902255636,0.5015136226034309,38.41,salt lake city smm food,2023-03-13,38.41,33.97902749587918 +0.20962888665997964,0.7150000000000002,0.5420040485829963,0.4876946258161728,0.0,0.4837092731829574,0.5100908173562059,217.56,rem us south atlantic smm food,2023-03-13,217.56,238.9812561765636 +0.9684052156469406,0.503,0.709514170040486,0.45153189352084383,0.0,0.5704260651629068,0.43592330978809285,368.83,rem us south central smm food,2023-03-13,368.83,353.2756182651516 +0.4769307923771313,0.34900000000000003,0.5718623481781381,0.508789552988448,0.0,0.47869674185463634,0.7058526740665994,84.54,rem us west north central smm food,2023-03-13,84.54,80.9797227462742 +0.12888665997993998,0.18000000000000005,0.3577935222672065,0.8247112004018082,0.0,0.5478696741854634,0.33804238143289606,43.86,richmond/petersburg smm food,2023-03-13,43.86,40.11152775975902 +0.5521564694082244,0.9560000000000001,0.6675101214574908,0.7739829231541939,0.0,0.34135338345864646,0.450050454086781,32.27,sacramento/stockton/modesto smm food,2023-03-13,32.27,28.059207691299754 +0.3560682046138412,0.7559999999999999,0.376518218623482,0.8011049723756907,0.0,0.4987468671679195,0.3203834510595358,37.42,san diego smm food,2023-03-13,37.42,27.55460960280397 +0.5827482447342024,0.52,0.18421052631578977,0.1115017579105977,0.0,0.6170426065162905,0.7951564076690212,46.6,san francisco/oakland/san jose smm food,2023-03-13,46.6,42.054375559569394 +0.17101303911735186,0.489,0.4772267206477739,0.31692616775489707,0.0,0.8781954887218043,0.6079717457114027,52.45,seattle/tacoma smm food,2023-03-13,52.45,47.244741352146136 +0.39267803410230673,0.6110000000000001,0.41447368421052677,0.515318935208438,0.0,0.2145363408521303,0.14026236125126135,46.64,st. louis smm food,2023-03-13,46.64,37.428843837297876 +0.22768304914744225,0.18600000000000003,0.8552631578947372,0.3345052737317931,0.0,0.30576441102756863,0.4571140262361251,106.85,tampa/ft. myers smm food,2023-03-13,106.85,126.32664621078392 +0.18555667001003018,0.9,0.8836032388663972,0.45153189352084383,0.0,0.4676691729323309,0.4808274470232089,17.22,tucson/sierra vista smm food,2023-03-13,17.22,14.482870813414628 +0.4097291875626881,0.399,0.06730769230769217,0.5770969362129583,0.0,0.22756892230576445,0.677598385469223,140.15,washington dc/hagerstown smm food,2023-03-13,140.15,130.32333676463543 +0.7061183550651956,0.13999999999999999,0.5065789473684212,0.4947262682069312,0.0,0.7433583959899749,0.36730575176589303,4.77,yakima/pasco/richland/kennewick smm food,2023-03-13,4.77,3.8949838063472555 +0.3365095285857571,0.085,0.7226720647773286,0.2887995981918634,0.0,0.31528822055137845,0.5635721493440968,257.17,new york smm food,2023-03-13,257.17,248.81607393314744 +0.600802407221665,0.862,0.4114372469635631,0.749874434957308,0.0,0.3333333333333331,0.24520686175580222,68.59,rem us pacific smm food,2023-03-13,68.59,60.750998256887264 +0.44734202607823476,0.637,0.6093117408906886,0.970366649924661,0.0,0.5809523809523809,0.5565085771947528,9.24,new orleans smm food,2023-03-13,9.24,14.945908752503918 +0.5556670010030089,0.952,0.16396761133603238,0.06579608237066802,0.0,0.32932330827067624,0.4843592330978809,50.17,nashville smm food,2023-03-13,50.17,46.94309620313435 +0.3495486459378137,0.267,0.1442307692307693,0.47262682069311907,0.0,0.6461152882205514,0.5832492431886983,15.679999999999998,mobile/pensacola smm food,2023-03-13,15.679999999999998,20.121417568539897 +0.5782347041123367,0.731,0.6052631578947372,0.35911602209944754,0.0,0.23258145363408506,0.5812310797174571,21.52,albuquerque/santa fe smm food,2023-03-13,21.52,20.929539474211253 +0.625877632898696,0.38599999999999995,0.4023279352226723,0.9482672024108489,0.0,0.446616541353383,0.04944500504540868,125.16,atlanta smm food,2023-03-13,125.16,128.01279050931873 +0.33099297893681057,0.577,0.47621457489878577,0.27122049221496736,0.0,0.5759398496240604,0.48486377396569125,57.150000000000006,baltimore smm food,2023-03-13,57.150000000000006,59.397344609054755 +0.25827482447342,0.462,0.222165991902834,0.5263686589653441,0.0,0.4546365914786965,0.26387487386478303,3.4,baton rouge smm food,2023-03-13,3.4,0.265543070878806 +0.3540621865596788,0.926,0.6508097165991907,0.33651431441486696,0.0,0.5739348370927321,0.30474268415741673,10.03,birmingham/anniston/tuscaloosa smm food,2023-03-13,10.03,10.877181303127749 +0.4473420260782345,0.86,0.621457489878543,0.5695630336514315,0.0,0.8771929824561404,0.3905146316851665,160.19,boston/manchester smm food,2023-03-13,160.19,141.90656636183672 +0.24022066198595804,0.238,0.7667004048583,0.2948267202410849,0.0,0.7463659147869673,0.644803229061554,20.26,buffalo smm food,2023-03-13,20.26,18.908054104492848 +0.642928786359077,0.254,0.264676113360324,0.5580110497237569,0.0,0.5598997493734336,0.636226034308779,86.19,charlotte smm food,2023-03-13,86.19,82.43172823492205 +0.4022066198595785,0.654,0.2049595141700405,0.8247112004018082,0.0,0.3764411027568923,0.6210898082744702,140.75,chicago smm food,2023-03-13,140.75,133.43109230967983 +0.2662988966900701,0.837,0.2641700404858301,0.5354093420391763,0.0,0.35839598997493727,0.5156407669021191,81.16,cleveland/akron/canton smm food,2023-03-13,81.16,83.64026718105436 +0.6128385155466399,0.041,0.717611336032389,0.3088900050226017,0.0,0.37042606516290716,0.24924318869828457,63.47,columbus oh smm food,2023-03-13,63.47,55.23589912452884 +0.7296890672016052,0.07500000000000001,0.6923076923076926,0.5072827724761427,0.0,0.7498746867167919,0.33905146316851664,76.58,dallas/ft. worth smm food,2023-03-13,76.58,63.704368151987254 +0.08575727181544623,0.061,0.8092105263157899,0.34957307885484684,0.0,0.5273182957393484,0.44904137235116043,17.33,des moines/ames smm food,2023-03-13,17.33,16.304586647241024 +0.6765295887662987,0.8160000000000001,0.905364372469636,0.5846308387744852,0.0,0.651127819548872,0.16145307769929365,131.92,detroit smm food,2023-03-13,131.92,113.61330354465936 +0.4092276830491474,0.35800000000000004,0.382591093117409,0.6037167252636867,0.0,0.8035087719298243,0.6180625630676084,69.1,grand rapids smm food,2023-03-13,69.1,67.47555148395955 +0.3610832497492477,0.639,0.3375506072874494,0.43294826720241086,0.0,0.4145363408521304,0.4026236125126135,39.89,albany/schenectady/troy smm food,2023-03-13,39.89,33.81485575074774 +0.9122367101303913,0.886,0.21002024291497998,0.383726770467102,0.0,0.32932330827067663,0.3582240161453078,51.6,harrisburg/lancaster smm food,2023-03-13,51.6,39.95699754146028 +0.33099297893681034,0.22000000000000003,0.915485829959515,0.7297840281265696,0.0,0.5799498746867167,0.5923309788092835,36.54,greensboro smm food,2023-03-13,36.54,39.54088610315656 +0.9648946840521565,0.24,0.5035425101214579,0.49121044701155203,0.0,0.8751879699248118,0.24571140262361252,46.13,minneapolis/st. paul smm food,2023-03-13,46.13,43.05506819247342 +0.3365095285857574,0.19900000000000004,0.33502024291498,0.5479658463083878,0.0,0.49874686716791966,0.5358224016145308,29.000000000000004,milwaukee smm food,2023-03-13,29.000000000000004,23.473462829096754 +0.3234704112337013,0.606,0.8856275303643729,0.4947262682069312,0.0,0.4701754385964911,0.38698284561049445,120.79,miami/west palm beach smm food,2023-03-13,120.79,137.1749097796277 +0.4724172517552657,0.907,0.5612348178137655,0.5936715218483175,0.0,0.4716791979949873,0.6881937436932392,138.24,los angeles smm food,2023-03-13,138.24,117.55640417210856 +0.6619859578736208,0.9220000000000002,0.5490890688259114,0.4028126569563034,0.0,0.5829573934837093,0.5958627648839556,10.05,little rock/pine bluff smm food,2023-03-13,10.05,11.561594820034323 +0.6750250752256768,0.267,0.6012145748987857,0.3139126067302863,0.0,0.4887218045112781,0.62058526740666,7.49,madison wi smm food,2023-03-13,7.49,6.037813462576295 +0.5952858575727181,0.924,0.5359311740890692,0.5188347564038173,0.0,0.39799498746867146,0.7769929364278506,19.08,knoxville smm food,2023-03-13,19.08,25.653388307193772 +0.0827482447342026,0.722,0.6589068825910938,0.7222501255650428,0.0,0.48370927318295726,0.48385469223007066,30.310000000000002,kansas city smm food,2023-03-13,30.310000000000002,33.828010720937066 +0.6243731193580739,0.82,0.17965587044534406,0.37267704671019597,0.0,0.34837092731829555,0.8481331987891019,30.21,jacksonville smm food,2023-03-13,30.21,38.07480696623204 +0.7006018054162484,0.257,0.7828947368421053,0.3345052737317931,0.0,0.10175438596491218,0.44702320887991925,47.56,indianapolis smm food,2023-03-13,47.56,39.86569064309788 +0.37462387161484473,0.19200000000000003,0.7408906882591098,0.39025615268709196,0.0,0.5438596491228068,0.5958627648839556,131.42,houston smm food,2023-03-13,131.42,123.28236420428158 +0.5371113340020061,0.34900000000000003,0.36842105263157954,0.4962330487192366,0.0,0.20401002506265625,0.3622603430877901,88.62,hartford/new haven smm food,2023-03-13,88.62,70.35204125902624 +0.7021063189568708,0.762,0.239372469635628,0.1762933199397288,0.0,0.77593984962406,0.5701311806256307,32.52,las vegas smm food,2023-03-13,32.52,28.184858725520876 +0.30491474423269815,0.369,0.4701417004048584,0.41436464088397795,0.010585209899754795,0.5609022556390979,0.5645812310797175,50.72,pittsburgh smm food,2023-03-20,50.72,57.168139290517026 +0.3510531594784351,0.15300000000000002,0.3947368421052631,0.7960823706680061,0.06424380644844452,0.16040100250626574,0.48486377396569125,261.69,rem us east north central smm food,2023-03-20,261.69,274.53532461424805 +0.292878635907723,0.637,0.5566801619433204,0.5730788548468106,0.01026927128444973,0.21253132832080207,0.7401614530776993,88.94,raleigh/durham/fayetteville smm food,2023-03-20,88.94,79.67189742287472 +0.16850551654964893,0.28500000000000003,0.5384615384615385,0.815670517327976,0.0049128771251695635,0.4355889724310777,0.5681130171543896,43.43,providence ri/new bedford ma smm food,2023-03-20,43.43,40.66706534728136 +0.49648946840521596,0.248,0.479757085020243,0.30487192365645405,0.006466611317471398,0.49423558897243103,0.5645812310797175,38.36,portland or smm food,2023-03-20,38.36,41.517436460109984 +0.2768304914744232,0.03,0.21963562753036456,0.5705675539929684,0.012678698940849348,0.1583959899749373,0.8824419778002018,79.1,phoenix/prescott smm food,2023-03-20,79.1,75.43133906272487 +0.3370110330992977,0.633,0.7661943319838063,0.12054244098442994,0.04513141965304134,0.3283208020050125,0.47830474268415735,269.94,new york smm food,2023-03-20,269.94,254.03134891208742 +0.238214643931795,0.9990000000000001,0.7363360323886645,0.42993470617780016,0.005292130092239166,0.5162907268170426,0.9031281533804238,5.46,paducah ky/cape girardeau mo smm food,2023-03-20,5.46,8.64699787124971 +0.6158475426278834,0.903,0.4706477732793523,0.5123053741838273,0.013533126117911838,0.801503759398496,0.9036326942482341,286.56,orlando/daytona beach/melborne smm food,2023-03-20,286.56,94.32991564530604 +0.8806419257773318,0.135,0.7378542510121463,0.743345052737318,0.0036766644069669,0.7483709273182954,0.37790110998990917,12.62,omaha smm food,2023-03-20,12.62,16.042719428639302 +0.562688064192578,0.555,0.2661943319838058,0.6393771973882472,0.006845864284541003,0.6506265664160397,0.4924318869828456,2.06,oklahoma city smm food,2023-03-20,2.06,5.528967741463134 +0.48244734202607786,0.9289999999999999,0.5764170040485832,0.5223505775991965,0.00678191678925882,0.11077694235589014,0.7885973763874874,57.06,norfolk/portsmouth/newport news smm food,2023-03-20,57.06,57.642210715781985 +0.3019057171514543,0.29900000000000004,0.4018218623481779,0.8483174284279258,0.024023364490019815,0.77593984962406,0.4989909182643794,99.81,rem us middle atlantic smm food,2023-03-20,99.81,89.21887679237088 +0.39167502507522584,0.375,0.6685222672064784,0.6554495228528379,0.02386444546709082,0.48521303258145354,0.5020181634712413,180.68,philadelphia smm food,2023-03-20,180.68,156.84957406945375 +0.7477432296890673,0.44000000000000006,0.07085020242914983,0.17177297840281266,0.027321409073434774,0.41553884711779443,0.8158425832492432,128.44,rem us mountain smm food,2023-03-20,128.44,132.69613507098967 +0.6404212637913739,0.506,0.2413967611336039,0.6966348568558514,0.011220252847953152,0.5032581453634083,0.7906155398587286,30.58,sacramento/stockton/modesto smm food,2023-03-20,30.58,31.34910927092985 +0.1840521564694082,0.047,0.6720647773279357,0.8674033149171272,0.03232799143921587,0.3759398496240599,0.44904137235116043,70.26,rem us pacific smm food,2023-03-20,70.26,66.37383288703785 +0.34503510531594755,0.44500000000000006,0.47165991902834037,0.3284781516825716,0.0659235362007578,0.4641604010025063,0.2679112008072654,356.06,rem us south atlantic smm food,2023-03-20,356.06,245.94138680516028 +0.6494483450351052,0.131,0.4483805668016195,0.5002511300853842,0.10846128343376471,0.4812030075187965,0.21594349142280525,395.43,rem us south central smm food,2023-03-20,395.43,366.40491642787475 +0.3891675025075225,0.588,0.6032388663967615,0.20642893018583627,0.0441171237377734,0.3132832080200499,0.5201816347124117,80.89,rem us west north central smm food,2023-03-20,80.89,83.85294555338328 +0.20361083249749262,0.355,0.6993927125506075,0.8262179809141136,0.004880586805769646,0.5458646616541349,0.28002018163471243,50.8,richmond/petersburg smm food,2023-03-20,50.8,40.87830781550573 +0.4077231695085255,0.273,0.6771255060728748,0.6042189854344551,0.009254025653905325,0.5403508771929822,0.7537840565085772,37.14,salt lake city smm food,2023-03-20,37.14,37.3344592000242 +0.03159478435305891,0.9220000000000002,0.5308704453441297,0.8437970868910096,0.005706522524538086,0.47117794486215503,0.5721493440968719,32.77,san diego smm food,2023-03-20,32.77,29.60573421285246 +0.7713139418254762,0.53,0.5561740890688263,0.3375188347564039,0.011568798354416944,0.3794486215538846,0.4873864783047427,46.6,san francisco/oakland/san jose smm food,2023-03-20,46.6,43.0032175645955 +0.4277833500501503,0.073,0.6492914979757091,0.6228026117528881,0.010712155175042702,0.7508771929824559,0.3158425832492432,52.97,seattle/tacoma smm food,2023-03-20,52.97,48.75697278098275 +0.6604814443329986,0.661,0.6437246963562759,0.4028126569563034,0.009762439898574586,0.49724310776942343,0.2073662966700303,47.8,st. louis smm food,2023-03-20,47.8,40.03173580976613 +0.3776328986960882,0.08600000000000001,0.7667004048583,0.6745354093420393,0.013217504074365592,0.48872180451127784,0.656912209889001,377.81,tampa/ft. myers smm food,2023-03-20,377.81,132.00709242162236 +0.5702106318956871,0.09300000000000001,0.6811740890688263,0.3134103465595179,0.0027893137669868567,0.3473684210526317,0.35872855701311807,13.9,tucson/sierra vista smm food,2023-03-20,13.9,13.149094996402077 +0.4332998996990974,0.20299999999999999,0.4817813765182188,0.6127574083375189,0.01657348128964509,0.6335839598997494,0.2830474268415742,143.11,washington dc/hagerstown smm food,2023-03-20,143.11,132.03197395698726 +0.8395185556670011,0.466,0.47216599190283437,0.5831240582621798,0.005641625313979432,0.6185463659147868,0.9253279515640767,10.07,new orleans smm food,2023-03-20,10.07,16.267091884141614 +0.5315947843530593,0.572,0.12449392712550589,0.8940231039678554,0.010331319349178992,0.04461152882205514,0.2421796165489405,111.77,rem us new england smm food,2023-03-20,111.77,103.1765412191008 +0.5536609829488465,0.282,0.2621457489878543,0.2571572074334505,0.011631796134422662,0.41604010025062615,0.31634712411705346,76.65,nashville smm food,2023-03-20,76.65,48.717155805958775 +0.5416248746238717,0.877,0.452429149797571,0.7619286790557509,0.002535423216411047,0.7433583959899749,0.4192734611503532,3.11,yakima/pasco/richland/kennewick smm food,2023-03-20,3.11,6.116411852778526 +0.7537612838515546,0.45300000000000007,0.4792510121457494,0.6860873932697138,0.01080997584851892,0.6095238095238096,0.2759838546922301,39.48,minneapolis/st. paul smm food,2023-03-20,39.48,44.77692990285835 +0.26529588766298895,0.48,0.17712550607287442,0.46760421898543447,0.004025843056948341,0.21704260651629087,0.5857719475277497,40.53,albany/schenectady/troy smm food,2023-03-20,40.53,34.698691525746014 +0.6644934804413237,0.118,0.2732793522267208,0.7890507282772476,0.005673915633379347,0.2706766917293231,0.3839556004036327,19.94,albuquerque/santa fe smm food,2023-03-20,19.94,22.822106233421252 +0.6955867602808425,0.329,0.6280364372469639,0.8714213962832749,0.018190529833711472,0.17393483709273141,0.35418768920282545,272.88,atlanta smm food,2023-03-20,272.88,131.28182220776247 +0.6504513540621866,0.497,0.7444331983805673,0.4892014063284782,0.0069731261315877265,0.454636591478697,0.4611503531786075,62.36000000000001,baltimore smm food,2023-03-20,62.36000000000001,61.77253241699027 +0.614844533600802,0.319,0.2768218623481782,0.4696132596685083,0.0027893137669868545,0.3864661654135336,0.7214934409687185,2.9,baton rouge smm food,2023-03-20,2.9,3.3349938325816595 +0.3550651955867601,0.44900000000000007,0.6594129554655874,0.5293822199899548,0.00846164654157209,0.38546365914787,0.6281533804238143,32.03,birmingham/anniston/tuscaloosa smm food,2023-03-20,32.03,14.248907486134648 +0.47743229689067185,0.40800000000000003,0.24595141700404885,0.5107985936715219,0.013978542582575375,0.8791979949874689,0.6493440968718466,170.18,boston/manchester smm food,2023-03-20,170.18,144.65543887879798 +0.34954864593781354,0.11100000000000002,0.508603238866397,0.40482169763937725,0.007003517020434711,0.6275689223057642,0.5968718466195762,20.07,buffalo smm food,2023-03-20,20.07,19.844008394548354 +0.16349047141424264,0.238,0.313765182186235,0.9020592667001508,0.011916077573845451,0.3969924812030075,0.4601412714429869,110.46,charlotte smm food,2023-03-20,110.46,83.77741191774813 +0.7973921765295884,0.036,0.2864372469635628,0.7227523857358112,0.024342152251154277,0.367919799498747,0.6281533804238143,123.80999999999999,chicago smm food,2023-03-20,123.80999999999999,136.7099714191372 +0.26278836509528575,0.35600000000000004,0.42206477732793546,0.17227523857358112,0.012487173026761611,0.29624060150375936,0.43239152371342077,84.02,cleveland/akron/canton smm food,2023-03-20,84.02,82.51182593658775 +0.7442326980942828,0.6910000000000001,0.6169028340080975,0.5509794073329985,0.009285682829787593,0.632581453634085,0.23814328960645811,57.459999999999994,columbus oh smm food,2023-03-20,57.459999999999994,59.134073384626305 +0.5476429287863596,0.361,0.814777327935223,0.3691612255148167,0.021900750847113588,0.651127819548872,0.3849646821392533,76.44,dallas/ft. worth smm food,2023-03-20,76.44,65.85968987516691 +0.4789368104312937,0.916,0.46862348178137675,0.11099949773982924,0.004595672222829211,0.6340852130325815,0.48637739656912204,17.8,des moines/ames smm food,2023-03-20,17.8,16.97537450505571 +0.348545636910732,0.9990000000000001,0.45850202429149806,0.6102461074836766,0.015116934627301818,0.5027568922305762,0.10242179616548941,102.71,detroit smm food,2023-03-20,102.71,114.35174233992696 +0.6053159478435308,0.869,0.49392712550607315,0.6112506278252136,0.005989854248684406,0.8566416040100251,0.8218970736629667,48.46,mobile/pensacola smm food,2023-03-20,48.46,24.710296593296746 +0.7116349047141423,0.37000000000000005,0.504554655870446,0.2601707684580613,0.006149406415131051,0.7368421052631577,0.7098890010090817,41.55,greensboro smm food,2023-03-20,41.55,39.33776786504897 +0.07622868605817451,0.136,0.28694331983805677,0.5052737317930689,0.009189761586864317,0.6862155388471175,0.322401614530777,63.17999999999999,grand rapids smm food,2023-03-20,63.17999999999999,65.41316983615232 +0.3124373119358075,0.24,0.40334008097166024,0.21396283274736316,0.007067781087475722,0.375438596491228,0.8526740665993946,22.98,milwaukee smm food,2023-03-20,22.98,24.030638976722337 +0.4874623871614846,0.911,0.8891700404858305,0.7197388247112004,0.009096689489770438,0.6606516290726815,0.22199798183652877,362.27,miami/west palm beach smm food,2023-03-20,362.27,139.79348720465694 +0.8249749247743227,0.875,0.7803643724696361,0.26167754897036666,0.0031062020975683845,0.7964912280701751,0.656912209889001,5.56,madison wi smm food,2023-03-20,5.56,7.979441569686699 +0.9232698094282847,0.337,0.3942307692307696,0.6489201406328479,0.006243428227501396,0.46817042606516307,0.16801210898082744,10.35,little rock/pine bluff smm food,2023-03-20,10.35,11.085217771940343 +0.6880641925777333,0.48,0.6609311740890694,0.2692114515318935,0.005325053555156727,0.5834586466165412,0.7996972754793138,30.79,las vegas smm food,2023-03-20,30.79,30.303655008446633 +0.4909729187562688,0.7010000000000001,0.44686234817813797,0.5489703666499247,0.04050472339784751,0.343859649122807,0.5852674066599395,135.05,los angeles smm food,2023-03-20,135.05,121.8746417436074 +0.24222668004012035,0.434,0.5759109311740896,0.5816172777498745,0.007987105475096856,0.6987468671679196,0.16801210898082744,33.15,kansas city smm food,2023-03-20,33.15,33.06450452083275 +0.39769307923771285,0.24500000000000002,0.17408906882591085,0.2867905575087896,0.006149089843372229,0.47067669172932314,0.5454086781029264,91.13,jacksonville smm food,2023-03-20,91.13,36.42598251525079 +0.6519558676028082,0.505,0.7560728744939271,0.3776996484178805,0.010333218779731921,0.19699248120300739,0.4556004036326943,50.59,indianapolis smm food,2023-03-20,50.59,41.929007429475504 +0.5907723169508527,0.053000000000000005,0.7191295546558708,0.3581115017579106,0.016704858569556513,0.6185463659147867,0.37891019172552975,121.7,houston smm food,2023-03-20,121.7,124.70599832306164 +0.7457372116349048,0.443,0.4716599190283407,0.3380210949271723,0.007448616913339434,0.371428571428571,0.644803229061554,87.4,hartford/new haven smm food,2023-03-20,87.4,73.10396465153096 +0.6795386158475427,0.258,0.2914979757085023,0.30487192365645405,0.006814840252176378,0.5132832080200499,0.4646821392532795,53.98,harrisburg/lancaster smm food,2023-03-20,53.98,41.02237726023007 +0.36409227683049145,0.9830000000000001,0.8658906882591098,0.5886489201406329,0.006338716326907028,0.382456140350877,0.7870837537840565,23.67,knoxville smm food,2023-03-20,23.67,26.798683255382308 +0.5847542627883652,0.5690000000000001,0.2312753036437247,0.1712707182320442,0.02855413950229037,0.4651629072681705,0.4167507568113017,55.04,pittsburgh smm food,2023-03-27,55.04,57.565496811163406 +0.4152457372116347,0.8310000000000001,0.605263157894737,0.41888498242089406,0.17159297329346507,0.606015037593985,0.21644803229061554,266.67,rem us east north central smm food,2023-03-27,266.67,287.85642102901534 +0.2943831494483449,0.9650000000000001,0.7277327935222678,0.808136614766449,0.027828557031068724,0.6706766917293233,0.4475277497477296,95.48,raleigh/durham/fayetteville smm food,2023-03-27,95.48,83.46992498602087 +0.2407221664994985,0.15300000000000002,0.39979757085020245,0.3731793068809644,0.013597073613194016,0.4526315789473684,0.4591321897073663,43.57,providence ri/new bedford ma smm food,2023-03-27,43.57,38.7520134091208 +0.25777331995988,0.8250000000000001,0.8598178137651825,0.7086891009542944,0.019523296938355056,0.21754385964912276,0.22351160443995963,36.31,portland or smm food,2023-03-27,36.31,42.934794175753645 +0.3751253761283851,0.462,0.2530364372469638,0.5007533902561527,0.035530114779707515,0.16541353383458643,0.5519677093844602,79.26,phoenix/prescott smm food,2023-03-27,79.26,76.7384373527113 +0.4102306920762285,0.171,0.6376518218623488,0.5178302360622803,0.11498741024189478,0.6175438596491227,0.48990918264379407,272.35,new york smm food,2023-03-27,272.35,266.92928358030235 +0.0792377131394179,0.794,0.5607287449392716,0.5595178302360624,0.01340554769910628,0.47518796992481194,0.8784056508577195,4.37,paducah ky/cape girardeau mo smm food,2023-03-27,4.37,9.793405964101197 +0.5506519558676027,0.20400000000000001,0.33502024291497984,0.22852837769964843,0.03686034931028052,0.5759398496240601,0.4394550958627649,86.81,orlando/daytona beach/melborne smm food,2023-03-27,86.81,92.08575379185044 +0.5802407221664994,0.9960000000000001,0.4205465587044538,0.646911099949774,0.009730782722692316,0.633082706766917,0.47527749747729564,11.59,omaha smm food,2023-03-27,11.59,16.254209930770273 +0.5792377131394184,0.5870000000000001,0.6002024291497978,0.4655951783023607,0.01822408644014668,0.7047619047619043,0.48486377396569125,3.35,oklahoma city smm food,2023-03-27,3.35,6.505069984530692 +0.7627883650952855,0.907,0.8633603238866401,0.7528879959819187,0.017715672195477417,0.441102756892231,0.5504540867810293,60.85,norfolk/portsmouth/newport news smm food,2023-03-27,60.85,60.77537365166883 +0.31494483450351046,0.071,0.8238866396761133,0.7056755399296837,0.0643061710849326,0.4822055137844611,0.7830474268415741,95.75,rem us middle atlantic smm food,2023-03-27,95.75,94.98145223759809 +0.3560682046138417,0.455,0.42004048582996006,0.6443997990959317,0.06078874227265353,0.5403508771929824,0.35771947527749753,168.94,philadelphia smm food,2023-03-27,168.94,161.14351994865115 +0.6013039117352057,0.147,0.5030364372469638,0.27272727272727276,0.07273995931172832,0.40601503759398494,0.5015136226034309,118.23,rem us mountain smm food,2023-03-27,118.23,137.69908205788698 +0.5812437311935805,0.375,0.45293522267206554,0.4309392265193371,0.029887539750451612,0.6070175438596488,0.4924318869828456,29.75,sacramento/stockton/modesto smm food,2023-03-27,29.75,31.01831435682636 +0.15997993981945835,0.194,0.9731781376518226,0.9367152184831744,0.08367149871563515,0.24210526315789452,0.5802219979818365,72.25,rem us pacific smm food,2023-03-27,72.25,74.5535112213692 +0.49648946840521535,0.06899999999999999,0.6169028340080974,0.6042189854344551,0.18005145411744894,0.4275689223057644,0.4667003027245207,263.54,rem us south atlantic smm food,2023-03-27,263.54,264.78694043877806 +0.5080240722166498,0.8720000000000001,0.5723684210526316,0.3088900050226017,0.296091782029188,0.34185463659147824,0.5736629667003027,376.67,rem us south central smm food,2023-03-27,376.67,393.5388912766394 +0.4523570712136408,0.124,0.5850202429149802,0.2832747363134104,0.12005224181129925,0.35739348370927293,0.322401614530777,80.8,rem us west north central smm food,2023-03-27,80.8,93.84950426440246 +0.29438314944834515,0.22799999999999998,0.5860323886639678,0.5424409844299347,0.012265889367344537,0.6135338345864659,0.35166498486377396,44.35,richmond/petersburg smm food,2023-03-27,44.35,40.94105143768484 +0.5080240722166498,0.085,0.8461538461538466,0.5047714716223004,0.023357297509456847,0.43959899749373416,0.656912209889001,32.53,salt lake city smm food,2023-03-27,32.53,38.059932999706675 +0.1690070210631893,0.76,0.49493927125506093,0.5113008538422904,0.015374307467224683,0.20300751879699216,0.8385469223007064,31.55,san diego smm food,2023-03-27,31.55,29.90829613537614 +0.7763289869608824,0.11299999999999999,0.6477732793522272,0.5846308387744852,0.030711892610425937,0.4917293233082705,0.3239152371342079,44.74,san francisco/oakland/san jose smm food,2023-03-27,44.74,46.38368415844303 +0.6028084252758272,0.5950000000000001,0.4671052631578953,0.4349573078854847,0.02703491163170021,0.6626566416040098,0.07669021190716448,53.03,seattle/tacoma smm food,2023-03-27,53.03,48.741932172815496 +0.9012036108324971,0.985,0.4979757085020248,0.5660472124560523,0.02789123823931563,0.506766917293233,0.32441977800201816,39.22,st. louis smm food,2023-03-27,39.22,44.68738955460377 +0.5882647943831493,0.383,0.39827935222672084,0.658965344048217,0.03850873845847034,0.8360902255639092,0.7522704339051464,126.58000000000001,tampa/ft. myers smm food,2023-03-27,126.58000000000001,137.36885076323492 +0.5381143430290872,0.8180000000000001,0.5065789473684214,0.5610246107483677,0.007480274089221705,0.148872180451128,0.16296670030272453,14.67,tucson/sierra vista smm food,2023-03-27,14.67,13.653512192961024 +0.5030090270812438,0.554,0.6852226720647776,0.6624811652435962,0.04141993235260394,0.7523809523809523,0.39606458123107974,140.86,washington dc/hagerstown smm food,2023-03-27,140.86,137.2384439674641 +0.4709127382146439,0.807,0.5040485829959517,0.43797086891009546,0.015846632531388162,0.5894736842105261,0.6952573158425832,12.28,new orleans smm food,2023-03-27,12.28,15.012132876916418 +0.36108324974924794,0.549,0.11386639676113341,0.8237066800602713,0.028618403569331388,0.3348370927318295,0.26084762865792127,106.99,rem us new england smm food,2023-03-27,106.99,106.05291083305644 +0.0757271815446339,0.47100000000000003,0.5475708502024292,0.4897036664992467,0.029983777565133714,0.38796992481202963,0.2199798183652876,51.7,nashville smm food,2023-03-27,51.7,51.45093437609662 +0.47843530591775335,0.605,0.3906882591093118,0.5806127574083376,0.006053485172207771,0.8922305764411028,0.5060544904137235,3.9800000000000004,yakima/pasco/richland/kennewick smm food,2023-03-27,3.9800000000000004,6.268425886329226 +0.3074222668004012,0.24500000000000002,0.8891700404858306,0.7051732797589152,0.0313485184174184,0.4897243107769424,0.6170534813319879,34.5,minneapolis/st. paul smm food,2023-03-27,34.5,48.79190748121258 +0.42126379137412234,0.45999999999999996,0.16902834008097156,0.5027624309392266,0.011728350520863583,0.399498746867168,0.6331987891019173,32.78,albany/schenectady/troy smm food,2023-03-27,32.78,37.06928596004177 +0.39819458375125355,0.246,0.40182186234817835,0.9357106981416374,0.016100523081963972,0.32380952380952366,0.2598385469223007,21.81,albuquerque/santa fe smm food,2023-03-27,21.81,24.26823007592398 +0.2728184553660982,0.986,0.7211538461538465,0.7629331993972879,0.045891191874215836,0.3859649122807013,0.40161453077699294,130.56,atlanta smm food,2023-03-27,130.56,135.14643822301773 +0.3520561685055167,0.17300000000000001,0.6558704453441301,0.538422903063787,0.01908041304776209,0.7022556390977446,0.5126135216952573,63.599999999999994,baltimore smm food,2023-03-27,63.599999999999994,64.12185677407412 +0.6950852557673015,0.127,0.4099190283400811,0.6529382219989955,0.00716401890215782,0.4305764411027568,0.8975782038345106,3.8099999999999996,baton rouge smm food,2023-03-27,3.8099999999999996,6.283036379279238 +0.24423269809428264,0.15600000000000003,0.36740890688259126,0.6338523355097941,0.02142526006536187,0.23508771929824598,0.5544904137235116,11.82,birmingham/anniston/tuscaloosa smm food,2023-03-27,11.82,15.28084378191668 +0.7562688064192576,0.878,0.5344129554655875,0.3822199899547966,0.037213959964885475,0.7022556390977445,0.7820383451059536,163.85,boston/manchester smm food,2023-03-27,163.85,148.2682606666449 +0.4598796389167504,0.209,0.36740890688259126,0.34103465595178306,0.018950302054885963,0.3147869674185462,0.4162462159434914,24.33,buffalo smm food,2023-03-27,24.33,19.288381074117865 +0.1604814443329989,0.284,0.6012145748987857,0.8789552988448017,0.029919513498092708,0.41854636591478694,0.6533804238143289,102.11,charlotte smm food,2023-03-27,102.11,87.55667162831566 +0.6940822467402205,0.646,0.6341093117408909,0.7257659467604219,0.06687388462074356,0.2546365914786969,0.49848637739656915,127.09,chicago smm food,2023-03-27,127.09,141.93272193240526 +0.06569709127382137,0.46399999999999997,0.480263157894737,0.2204922149673531,0.03489317240095623,0.3639097744360902,0.5201816347124117,93.28,cleveland/akron/canton smm food,2023-03-27,93.28,86.41626222099238 +0.738716148445336,0.617,0.4205465587044537,0.7749874434957309,0.0234221947200155,0.49473684210526303,0.3092835519677094,58.97,columbus oh smm food,2023-03-27,58.97,62.228326300622456 +0.4954864593781349,0.708,0.7085020242914983,0.40934203917629336,0.05717760821976293,0.7679197994987468,0.5943491422805247,77.73,dallas/ft. worth smm food,2023-03-27,77.73,72.6378537696007 +0.8886659979939818,0.605,0.38866396761133626,0.32998493219487696,0.011632429277940304,0.512280701754386,0.6533804238143289,16.69,des moines/ames smm food,2023-03-27,16.69,20.300086010406403 +0.44483450351053144,0.7250000000000001,0.4822874493927127,0.5615268709191361,0.03888767485378112,0.5167919799498745,0.3632694248234107,119.05,detroit smm food,2023-03-27,119.05,119.02117858412925 +0.7542627883650954,0.19200000000000003,0.9053643724696361,0.46760421898543447,0.016290149565498766,0.46516290726817056,0.9747729566094854,19.52,mobile/pensacola smm food,2023-03-27,19.52,25.19727903220017 +0.821965897693079,0.554,0.2773279352226726,0.19437468608739328,0.01752794514249555,0.34486215538847104,0.62058526740666,47.22,greensboro smm food,2023-03-27,47.22,38.96196635330367 +0.41173520561685045,0.774,0.13917004048582995,0.3982923154193873,0.022658940209493963,0.31829573934837074,0.1311806256306761,65.02,grand rapids smm food,2023-03-27,65.02,65.21340155431481 +0.2688064192577734,0.242,0.41953441295546584,0.41536916122551487,0.018794548749545194,0.6676691729323307,0.5514631685166499,22.88,milwaukee smm food,2023-03-27,22.88,25.93148131239567 +0.6053159478435307,1.0,0.7196356275303647,0.5082872928176796,0.024785669285264888,0.7629072681704259,0.16145307769929365,117.43,miami/west palm beach smm food,2023-03-27,117.43,140.89080919995882 +0.7888665997993978,0.443,0.35526315789473706,0.5123053741838273,0.007860793343326596,0.5739348370927315,0.6574167507568113,6.3,madison wi smm food,2023-03-27,6.3,8.878237826988467 +0.6780341023069206,0.496,0.3173076923076927,0.4555499748869915,0.016480092620792395,0.5664160401002507,0.14934409687184663,10.62,little rock/pine bluff smm food,2023-03-27,10.62,11.232776772043614 +0.6414242728184555,0.184,0.7115384615384622,0.27272727272727276,0.01508622716669602,0.3674185463659147,0.8234106962663976,32.67,las vegas smm food,2023-03-27,32.67,30.98232397111851 +0.7041123370110332,0.04000000000000001,0.4220647773279355,0.5097940733299849,0.10101108366163118,0.4962406015037593,0.6064581231079718,121.13999999999999,los angeles smm food,2023-03-27,121.13999999999999,130.794324057967 +0.48846539618856566,0.509,0.5212550607287454,0.28628829733802114,0.022407582232988724,0.7127819548872179,0.16750756811301715,31.45,kansas city smm food,2023-03-27,31.45,33.85538304358652 +0.4513540621865594,0.541,0.31325910931174084,0.35409342039176295,0.01721042366839638,0.4922305764411027,0.4525731584258325,39.46,jacksonville smm food,2023-03-27,39.46,38.207952435750634 +0.2798395185556668,0.485,0.7413967611336032,0.36263184329482673,0.02820970942869127,0.5348370927318293,0.6024217961654894,46.68,indianapolis smm food,2023-03-27,46.68,45.616824642214496 +0.6183550651955868,0.5710000000000001,0.7783400809716603,0.3023606228026118,0.045548661231169664,0.5859649122807016,0.5565085771947528,134.55,houston smm food,2023-03-27,134.55,129.69588536664233 +0.9212637913741225,0.7839999999999999,0.2707489878542515,0.3721747865394275,0.02076045937183419,0.7964912280701749,0.5151362260343088,83.78,hartford/new haven smm food,2023-03-27,83.78,76.0651595771842 +0.4653961885656971,0.502,0.6113360323886644,0.5740833751883476,0.01927035610305572,0.8566416040100249,0.47426841574167505,51.0,harrisburg/lancaster smm food,2023-03-27,51.0,45.38595402311917 +0.36409227683049145,0.625,0.669534412955466,0.5911602209944752,0.016259442104892968,0.23258145363408503,0.8905146316851665,21.4,knoxville smm food,2023-03-27,21.4,28.059268560692807 +0.6439317953861585,0.766,0.6153846153846156,0.4269211451531894,0.03634117162581128,0.2972431077694237,0.4838546922300707,53.6,pittsburgh smm food,2023-04-03,53.6,60.41784181667423 +0.4197592778335003,0.23500000000000001,0.8259109311740893,0.5268709191361125,0.22705697858272073,0.6641604010025063,0.2346115035317861,280.18,rem us east north central smm food,2023-04-03,280.18,296.4317715530602 +0.5431293881644933,0.5860000000000001,0.5323886639676119,0.6328478151682572,0.03716710734457971,0.543358395989975,0.4182643794147326,76.64,raleigh/durham/fayetteville smm food,2023-04-03,76.64,83.33705034517887 +0.34453360080240725,0.307,0.5015182186234819,0.18081366147664493,0.017902132961423987,0.2802005012531328,0.1442986881937437,48.84,providence ri/new bedford ma smm food,2023-04-03,48.84,36.20481954976241 +0.6439317953861589,0.8570000000000001,0.8162955465587046,0.8442993470617781,0.02484106934305886,0.21704260651629068,0.36629667003027244,43.4,portland or smm food,2023-04-03,43.4,45.91704538943734 +0.41825476429287856,0.6000000000000001,0.3724696356275306,0.13611250627825214,0.04407628598088527,0.2867167919799498,0.479313824419778,80.2,phoenix/prescott smm food,2023-04-03,80.2,76.01664390607462 +0.11685055165496473,0.462,0.5273279352226725,0.7287795077850328,0.13210571152847375,0.7478696741854635,0.8385469223007064,277.05,new york smm food,2023-04-03,277.05,272.5480348910864 +0.3274824473420257,0.29300000000000004,0.48228744939271295,0.8824711200401809,0.017521297135560276,0.5839598997493733,0.6347124117053481,5.44,paducah ky/cape girardeau mo smm food,2023-04-03,5.44,11.280348916407988 +0.44232698094282846,0.11399999999999999,0.6098178137651824,0.17579105976896034,0.04692669809732491,0.4165413533834586,0.4243188698284561,106.56,orlando/daytona beach/melborne smm food,2023-04-03,106.56,92.56472586132841 +0.26479438314944825,0.198,0.19129554655870462,0.6504269211451532,0.011946468462692431,0.5373433583959898,0.41523713420787084,12.01,omaha smm food,2023-04-03,12.01,14.907400353342624 +0.6790371113340022,0.23700000000000002,0.4498987854251015,0.5896534404821698,0.02392206152719655,0.7328320802005008,0.7023208879919274,3.46,oklahoma city smm food,2023-04-03,3.46,9.276851071066588 +0.6073219658976926,0.743,0.5242914979757086,0.3867403314917127,0.0212289855748918,0.7593984962406019,0.3718466195761857,50.27,norfolk/portsmouth/newport news smm food,2023-04-03,50.27,58.58246328864735 +0.1128385155466399,0.47900000000000004,0.9215587044534412,0.3119035660472125,0.08146309412608793,0.5593984962406015,0.6523713420787084,101.34,rem us middle atlantic smm food,2023-04-03,101.34,94.53492251875215 +0.22918756268806437,0.708,0.5146761133603245,0.7870416875941738,0.07474670769090543,0.3769423558897243,0.4712411705348134,165.64,philadelphia smm food,2023-04-03,165.64,164.03966097134395 +0.41975927783350053,0.246,0.7272267206477736,0.6494224008036164,0.09306101708231658,0.38696741854636596,0.18365287588294651,132.21,rem us mountain smm food,2023-04-03,132.21,140.69470330381932 +0.2016048144433298,0.502,0.6437246963562762,0.6680060271220493,0.036185101748711694,0.7473684210526312,0.3420787083753784,31.07,sacramento/stockton/modesto smm food,2023-04-03,31.07,32.36752929086082 +0.1634904714142427,0.38500000000000006,0.6887651821862353,0.8001004520341538,0.09863996118804913,0.3824561403508769,0.43239152371342077,66.38,rem us pacific smm food,2023-04-03,66.38,75.37666876560601 +0.4739217652958874,0.7889999999999999,0.8729757085020248,0.46308387744851837,0.23595897644081515,0.5528822055137844,0.8128153380423815,257.87,rem us south atlantic smm food,2023-04-03,257.87,274.6918008052624 +0.3655967903711132,0.22000000000000003,0.3896761133603239,0.18734304369663488,0.39122127898365217,0.4205513784461149,0.5408678102926338,360.61,rem us south central smm food,2023-04-03,360.61,405.63408521737114 +0.5827482447342025,0.10300000000000001,0.3638663967611339,0.3726770467101959,0.15205479748244535,0.314285714285714,0.4525731584258325,81.24,rem us west north central smm food,2023-04-03,81.24,99.55863539014629 +0.6725175526579741,0.7490000000000001,0.354251012145749,0.48267202410848825,0.015684864362629756,0.5944862155388468,0.7134207870837538,42.62,richmond/petersburg smm food,2023-04-03,42.62,43.84692935987196 +0.29638916750250743,0.8970000000000001,0.7732793522267211,0.3571069814163737,0.02680634682183022,0.40200501253132803,0.6165489404641776,37.52,salt lake city smm food,2023-04-03,37.52,37.32819879416998 +0.35656970912738184,0.867,0.251012145748988,0.5158211953792065,0.01907661418665622,0.2496240601503756,0.7295660948536832,33.3,san diego smm food,2023-04-03,33.3,30.18139571683131 +0.754262788365095,0.36600000000000005,0.5258097165991907,0.6715218483174284,0.036281022991634965,0.5789473684210523,0.31634712411705346,48.0,san francisco/oakland/san jose smm food,2023-04-03,48.0,47.89693389395495 +0.5541624874623869,0.954,0.22014170040485875,0.3093922651933702,0.033966566862882165,0.7408521303258143,0.36781029263370335,58.2,seattle/tacoma smm food,2023-04-03,58.2,50.86188640448725 +0.8926780341023067,0.47900000000000004,0.41649797570850244,0.5414364640883979,0.03685021901399819,0.23157894736842102,0.3067608476286579,42.39,st. louis smm food,2023-04-03,42.39,44.55517999503165 +0.7276830491474422,0.071,0.4342105263157896,0.5057759919638373,0.0492398879390424,0.47719298245613995,0.6609485368314834,169.01,tampa/ft. myers smm food,2023-04-03,169.01,136.47180950272127 +0.20912738214643928,0.497,0.5936234817813768,0.6042189854344551,0.009379388070399113,0.3523809523809526,0.5040363269424823,15.34,tucson/sierra vista smm food,2023-04-03,15.34,16.130661690001425 +0.5857572718154465,0.82,0.6224696356275305,0.46358613761928685,0.04793941115379873,0.5583959899749373,0.5554994954591322,137.94,washington dc/hagerstown smm food,2023-04-03,137.94,137.56322132054453 +0.05115346038114352,0.334,0.6700404858299598,0.37117026619789056,0.020341951506670574,0.53734335839599,0.4944500504540868,19.9,new orleans smm food,2023-04-03,19.9,13.1203959005367 +0.3896690070210634,0.46799999999999997,0.34615384615384603,0.5615268709191361,0.0357099275387188,0.5413533834586466,0.4939455095862765,107.2,rem us new england smm food,2023-04-03,107.2,107.69162526679405 +0.4974924774322969,0.649,0.1928137651821862,0.29532898041185335,0.006844597997505711,0.9172932330827068,0.8678102926337034,4.57,yakima/pasco/richland/kennewick smm food,2023-04-03,4.57,6.851663620926075 +0.4754262788365095,0.46399999999999997,0.6548582995951419,0.5434455047714717,0.03919569917511562,0.21553884711779409,0.39354187689202824,48.46,nashville smm food,2023-04-03,48.46,54.25507081991538 +0.3365095285857572,0.082,0.7226720647773286,0.3119035660472125,0.04141423406094513,0.7273182957393483,0.5943491422805247,37.54,minneapolis/st. paul smm food,2023-04-03,37.54,48.43254897075659 +0.8365095285857576,0.854,0.6629554655870449,0.4746358613761929,0.02110235687136271,0.3799498746867169,0.9561049445005045,27.86,mobile/pensacola smm food,2023-04-03,27.86,25.83828427956749 +0.510531594784353,0.722,0.30718623481781376,0.32998493219487696,0.015558552230859496,0.30526315789473696,0.43491422805247226,40.92,albany/schenectady/troy smm food,2023-04-03,40.92,35.53270920409935 +0.3024072216649948,0.36500000000000005,0.753036437246964,0.9683576092415872,0.02046889678195848,0.34135338345864646,0.23562058526740667,21.87,albuquerque/santa fe smm food,2023-04-03,21.87,25.09341688550515 +0.18605817452357068,0.22999999999999998,0.8259109311740895,0.6142641888498243,0.057033884641257415,0.7007518796992477,0.4455095862764884,125.55000000000001,atlanta smm food,2023-04-03,125.55000000000001,136.66186132948863 +0.2973921765295889,0.945,0.41244939271255093,0.4831742842792567,0.024461499804230433,0.8441102756892233,0.39606458123107974,66.16,baltimore smm food,2023-04-03,66.16,64.44427635242188 +0.6715145436308924,0.6280000000000001,0.6801619433198383,0.5976896032144652,0.009760223896262826,0.5283208020050124,0.70686175580222,4.85,baton rouge smm food,2023-04-03,4.85,5.886840743998093 +0.050150451354062,0.653,0.2667004048582997,0.30989452536413864,0.026870927460630047,0.23909774436090264,0.6084762865792129,13.34,birmingham/anniston/tuscaloosa smm food,2023-04-03,13.34,14.36287217405745 +0.3660982948846538,0.682,0.5298582995951422,0.43797086891009546,0.045032016120771005,0.5047619047619049,0.40615539858728555,185.25,boston/manchester smm food,2023-04-03,185.25,146.1547882396127 +0.4909729187562687,0.635,0.41194331983805693,0.5936715218483175,0.04004949320866045,0.33834586466165417,0.8718466195761857,82.48,charlotte smm food,2023-04-03,82.48,88.96427500093296 +0.605817452357071,0.31000000000000005,0.7282388663967614,0.7830236062280262,0.08260496846016142,0.31528822055137856,0.2346115035317861,133.16,chicago smm food,2023-04-03,133.16,142.88809103194052 +0.29438314944834487,0.29500000000000004,0.7267206477732798,0.4866901054746359,0.04663798465327859,0.34987468671679195,0.38698284561049445,91.77,cleveland/akron/canton smm food,2023-04-03,91.77,89.23101762533248 +0.4297893681043129,0.071,0.34261133603238886,0.4565544952285284,0.030956602579995888,0.500250626566416,0.5877901109989909,60.89999999999999,columbus oh smm food,2023-04-03,60.89999999999999,62.2815922135307 +0.5496489468405221,0.18300000000000002,0.8593117408906887,0.7418382722250126,0.07028082988919353,0.6486215538847118,0.40514631685166497,74.31,dallas/ft. worth smm food,2023-04-03,74.31,74.85919632365493 +0.6043129388164492,0.75,0.7236842105263162,0.32596685082872934,0.014196027380886572,0.35689223057644115,0.467204843592331,20.09,des moines/ames smm food,2023-04-03,20.09,18.87556854463469 +0.8380140421263789,0.056999999999999995,0.7920040485829963,0.5183324962330488,0.05003036762082269,0.7243107769423556,0.31634712411705346,118.13,detroit smm food,2023-04-03,118.13,121.24754978369577 +0.4994984954864595,0.020000000000000004,0.5566801619433202,0.5404319437468609,0.02126095932253289,0.09674185463659137,0.4601412714429869,23.89,buffalo smm food,2023-04-03,23.89,20.42842879866491 +0.47291875626880625,0.7370000000000001,0.6958502024291505,0.2586639879457559,0.02351115138424468,0.4917293233082705,0.6806256306760847,34.73,greensboro smm food,2023-04-03,34.73,40.73272929221249 +0.4338014042126378,0.547,0.09463562753036434,0.5896534404821698,0.027343885668311176,0.5338345864661652,0.281029263370333,69.01,grand rapids smm food,2023-04-03,69.01,68.40836747101125 +0.41725175526579755,0.629,0.4600202429149799,0.6187845303867404,0.030293384745262313,0.545864661654135,0.3355196770938446,166.78,miami/west palm beach smm food,2023-04-03,166.78,141.99195445003267 +0.42427281845536585,0.564,0.2626518218623483,0.7940733299849323,0.009759907324504005,0.2832080200501251,0.48940464177598386,6.64,madison wi smm food,2023-04-03,6.64,8.277110284135404 +0.7848545636910732,0.7630000000000001,0.6432186234817817,0.1712707182320442,0.11623027096703274,0.4932330827067668,0.9359233097880928,126.95999999999998,los angeles smm food,2023-04-03,126.95999999999998,133.5015494781871 +0.7046138415245736,0.37000000000000005,0.5414979757085024,0.515318935208438,0.022431958258418077,0.5328320802005014,0.28557013118062563,9.96,little rock/pine bluff smm food,2023-04-03,9.96,13.220598890332319 +0.7331995987963894,0.614,0.6639676113360331,0.48367654445002517,0.01787110892905936,0.13533834586466165,0.49495459132189706,32.91,las vegas smm food,2023-04-03,32.91,30.283169161145032 +0.6248746238716149,0.544,0.6548582995951421,0.6670015067805124,0.022021048115466204,0.2481203007518795,0.615539858728557,22.48,knoxville smm food,2023-04-03,22.48,28.14728649611164 +0.16248746238716155,0.16100000000000003,0.6062753036437251,0.544952285283777,0.02357446573600922,0.6521303258145363,0.5393541876892028,22.15,milwaukee smm food,2023-04-03,22.15,27.126971156393076 +0.36459378134403175,0.781,0.28744939271255054,0.3676544450025113,0.02271845570015263,0.2531328320802004,0.7018163471241171,49.52,jacksonville smm food,2023-04-03,49.52,39.715440278906975 +0.21614844533600786,0.07900000000000001,0.8542510121457491,0.33048719236564544,0.03875154899748735,0.5874686716791978,0.6685166498486378,49.16,indianapolis smm food,2023-04-03,49.16,47.23713789410398 +0.3871614844533602,0.9900000000000001,0.6781376518218627,0.551481667503767,0.05776674826293197,0.32982456140350863,0.6079717457114027,128.68,houston smm food,2023-04-03,128.68,132.0943037183393 +0.8029087261785356,0.894,0.03795546558704491,0.4696132596685083,0.0258566315453621,0.7558897243107765,0.4106962663975782,86.92,hartford/new haven smm food,2023-04-03,86.92,76.32110099654395 +0.6815446339017052,0.034999999999999996,0.7980769230769237,0.815670517327976,0.024493473551871533,0.8225563909774435,0.5,48.77,harrisburg/lancaster smm food,2023-04-03,48.77,47.80567654283986 +0.40170511534603803,0.317,0.7408906882591099,0.12004018081366148,0.029657075510028677,0.5288220551378444,0.4883955600403633,32.22,kansas city smm food,2023-04-03,32.22,35.11416663804514 +0.24423269809428289,0.435,0.1725708502024291,0.3676544450025113,0.008141909065161159,0.47167919799498764,0.7911200807265388,6.81,yakima/pasco/richland/kennewick smm food,2023-04-10,6.81,5.09113465258028 +0.413741223671013,0.6890000000000001,0.7909919028340081,0.3897538925163235,0.08221178633570364,0.8972431077694233,0.5489404641775983,147.62,rem us middle atlantic smm food,2023-04-10,147.62,96.05147507958114 +0.4839518555666998,0.678,0.8800607287449396,0.8558513309894527,0.24621906714425906,0.39849624060150385,0.37790110998990917,514.72,rem us east north central smm food,2023-04-10,514.72,301.3646044859555 +0.5260782347041122,0.18300000000000002,0.636133603238867,0.5921647413360122,0.03842896237524702,0.4145363408521304,0.4263370332996973,79.14,raleigh/durham/fayetteville smm food,2023-04-10,79.14,82.77813761611321 +0.6700100300902708,0.36500000000000005,0.4817813765182187,0.5851330989452537,0.018786317883815802,0.40751879699248106,0.27749747729566093,58.06000000000001,providence ri/new bedford ma smm food,2023-04-10,58.06000000000001,40.367027240692515 +0.4729187562688067,0.44400000000000006,0.6639676113360327,0.49673530889000506,0.024173419503701776,0.5358395989974937,0.6074672048435923,71.77,portland or smm food,2023-04-10,71.77,45.64871168494005 +0.5742226680040121,0.15300000000000002,0.7186234817813768,0.5660472124560523,0.03725543086529125,0.23558897243107785,0.777497477295661,65.29,pittsburgh smm food,2023-04-10,65.29,62.516798925160195 +0.7803410230692072,0.40599999999999997,0.6401821862348183,0.40331491712707185,0.019894319039695272,0.4145363408521302,0.2865792129162462,12.84,paducah ky/cape girardeau mo smm food,2023-04-10,12.84,7.23266341291243 +0.4097291875626883,0.682,0.5167004048583003,0.760924158714214,0.07758509008050979,0.21904761904761902,0.6200807265388496,278.55,philadelphia smm food,2023-04-10,278.55,164.95325374570115 +0.29789368104312935,0.09300000000000001,0.6219635627530368,0.5570065293822201,0.046950440979236605,0.5137844611528821,0.6513622603430878,87.06,orlando/daytona beach/melborne smm food,2023-04-10,87.06,96.12409190743062 +0.4022066198595787,0.17,0.24190283400809734,0.8307383224510297,0.012388086066250104,0.49573934837092715,0.4364278506559031,28.289999999999996,omaha smm food,2023-04-10,28.289999999999996,16.24269199041572 +0.7733199598796391,0.388,0.3886639676113362,0.6810647915620291,0.023982843304890505,0.5503759398496236,0.4162462159434914,5.21,oklahoma city smm food,2023-04-10,5.21,7.775964252103435 +0.3625877632898692,0.665,0.6088056680161945,0.16223003515821197,0.021827939342584358,0.8305764411027571,0.25832492431886983,71.97,norfolk/portsmouth/newport news smm food,2023-04-10,71.97,56.5516520001686 +0.20110330992978928,0.061,0.18572874493927144,0.5298844801607233,0.04451220529278413,0.31929824561403497,0.5787083753784057,149.87,phoenix/prescott smm food,2023-04-10,149.87,78.28410384229413 +0.592778335005015,0.837,0.30718623481781393,0.8814665996986439,0.09573953073371548,0.105764411027569,0.19525731584258324,261.88,rem us mountain smm food,2023-04-10,261.88,141.90243882199388 +0.04914744232698093,0.7630000000000001,0.6422064777327942,0.3033651431441487,0.12783800764778486,0.6155388471177943,0.5857719475277497,457.35,new york smm food,2023-04-10,457.35,267.7341138994684 +0.41624874623871605,0.5980000000000001,0.3522267206477735,0.8262179809141136,0.1003348863847859,0.7283208020050121,0.5963673057517659,96.53,rem us pacific smm food,2023-04-10,96.53,78.10004797852208 +0.3119358074222665,0.3520000000000001,0.5764170040485832,0.4304369663485686,0.25312539663473516,0.6385964912280702,0.5852674066599396,315.85,rem us south atlantic smm food,2023-04-10,315.85,275.2148115460826 +0.4799398194583749,0.34400000000000003,0.40384615384615385,0.6810647915620291,0.4228714902872286,0.558897243107769,0.21392532795156408,556.39,rem us south central smm food,2023-04-10,556.39,411.70524677105635 +0.9483450351053159,0.368,0.3755060728744942,0.665494726268207,0.1541577836763046,0.5112781954887214,0.6927346115035318,148.4,rem us west north central smm food,2023-04-10,148.4,104.27119644910718 +0.7377131394182547,0.502,0.32540485829959515,0.7599196383726771,0.0168859376156031,0.48471177944862126,0.8032290615539859,57.38,richmond/petersburg smm food,2023-04-10,57.38,45.76053989599797 +0.5611835506519557,0.9430000000000001,0.742914979757086,0.8056253139126068,0.036338005908223066,0.7172932330827064,0.4298688193743693,33.79,sacramento/stockton/modesto smm food,2023-04-10,33.79,34.45610534187856 +0.14744232698094273,0.71,0.5728744939271259,0.5178302360622803,0.026422661850137103,0.8716791979949873,0.4545913218970737,71.88,salt lake city smm food,2023-04-10,71.88,38.25302128972368 +0.20611835506519532,0.458,0.696356275303644,0.5976896032144652,0.020529678559652438,0.2812030075187966,0.4843592330978809,43.39,san diego smm food,2023-04-10,43.39,29.36317189378986 +0.7983951855566698,0.004,0.6133603238866402,0.7302862882973381,0.03450188970705136,0.588972431077694,0.3905146316851665,53.87,san francisco/oakland/san jose smm food,2023-04-10,53.87,48.40322442630625 +0.5907723169508524,0.24100000000000002,0.34159919028340135,0.6644902059266701,0.035259762497672924,0.9278195488721802,0.5797174571140262,95.21,seattle/tacoma smm food,2023-04-10,95.21,54.68867629876803 +0.8199598796389164,0.547,0.33198380566801655,0.3731793068809644,0.039062422464651254,0.45062656641604004,0.570635721493441,54.63,st. louis smm food,2023-04-10,54.63,45.96903312982619 +0.7171514543630892,0.935,0.8527327935222677,0.6996484178804622,0.04834588929212709,0.4827067669172928,0.46770938446014126,131.33,tampa/ft. myers smm food,2023-04-10,131.33,136.99053068441577 +0.36609829488465395,0.9720000000000001,0.452935222672065,0.40482169763937725,0.010866009049830538,0.3789473684210528,0.8622603430877901,26.84,tucson/sierra vista smm food,2023-04-10,26.84,17.75169215010107 +0.6559679037111336,0.08000000000000002,0.5652834008097166,0.5720743345052738,0.047584534212158476,0.2897243107769424,0.26185671039354186,182.32,washington dc/hagerstown smm food,2023-04-10,182.32,135.34109430786992 +0.3706118355065198,0.17,0.4569838056680161,0.42893018583626324,0.035736519566459915,0.6165413533834585,0.5186680121089808,142.14,rem us new england smm food,2023-04-10,142.14,107.210229292233 +0.25576730190571717,0.5730000000000001,0.37601214574898806,0.1270718232044199,0.02090988124199851,0.5558897243107769,0.4001009081735621,10.27,new orleans smm food,2023-04-10,10.27,11.585863250833093 +0.1905717151454362,0.659,0.7408906882591101,0.20592667001506781,0.024996189504881985,0.8235588972431076,0.7356205852674067,38.96,greensboro smm food,2023-04-10,38.96,41.50657766390308 +0.5125376128385158,0.597,0.4438259109311742,0.7453540934203918,0.022904599894340374,0.6786967418546366,0.5554994954591322,21.34,mobile/pensacola smm food,2023-04-10,21.34,25.45311196167907 +0.32447342026078235,0.294,0.6467611336032391,0.6162732295328981,0.01663204706502729,0.16591478696741868,0.5403632694248234,45.02,albany/schenectady/troy smm food,2023-04-10,45.02,37.201396838334134 +0.5471414242728182,0.211,0.42560728744939297,0.7835258663987946,0.021796282166702083,0.7478696741854635,0.4399596367305752,39.49,albuquerque/santa fe smm food,2023-04-10,39.49,26.80145361387983 +0.413741223671013,0.7160000000000001,0.473684210526316,0.40431943746860877,0.05905361246254627,0.5122807017543854,0.6836528758829465,182.4,atlanta smm food,2023-04-10,182.4,136.93004472778884 +0.3751253761283853,0.5599999999999999,0.5187246963562757,0.23204419889502764,0.02319204705135139,0.8656641604010027,0.5237134207870837,87.37,baltimore smm food,2023-04-10,87.37,63.65049404188238 +0.5872617853560679,0.657,0.5779352226720652,0.4711200401808137,0.011152189919806262,0.45162907268170416,0.7421796165489405,2.98,baton rouge smm food,2023-04-10,2.98,5.136056666311134 +0.2647943831494481,0.48700000000000004,0.7044534412955469,0.5123053741838274,0.029622885760075827,0.5553884711779452,0.9056508577194753,12.44,birmingham/anniston/tuscaloosa smm food,2023-04-10,12.44,19.157707508044773 +0.5501504513540619,0.44900000000000007,0.33350202429149833,0.6192867905575089,0.04521341173857642,0.5388471177944862,0.5232088799192735,209.79,boston/manchester smm food,2023-04-10,209.79,148.08131103801287 +0.8721163490471415,0.7960000000000002,0.6163967611336035,0.5399296835760925,0.02081522628611052,0.5443609022556389,0.45610494450050454,45.72,buffalo smm food,2023-04-10,45.72,22.74134900173381 +0.5160481444332998,0.265,0.2550607287449394,0.6579608237066801,0.0446986660587307,0.6481203007518797,0.5595358224016146,87.61,charlotte smm food,2023-04-10,87.61,88.91099628326663 +0.5967903711133397,0.726,0.3345141700404859,0.7754897036664993,0.0846848449156266,0.7869674185463659,0.27699293642785067,177.83,chicago smm food,2023-04-10,177.83,144.78074385655307 +0.2948846539618855,0.376,0.7307692307692312,0.5504771471622301,0.049134469543354445,0.6020050125313282,0.29263370332996974,116.38,cleveland/akron/canton smm food,2023-04-10,116.38,90.22213356170509 +0.5150451354062187,0.255,0.67004048582996,0.5253641386238072,0.033992209175346816,0.7117794486215538,0.7336024217961655,110.69,columbus oh smm food,2023-04-10,110.69,65.0291865613579 +0.2121364092276836,0.588,0.7712550607287453,0.4605725765946761,0.0709662077470447,0.32882205513784457,0.5761856710393541,126.84,dallas/ft. worth smm food,2023-04-10,126.84,72.91769451294272 +0.6253761283851553,0.885,0.6492914979757087,0.1833249623304872,0.014732299940332238,0.32932330827067674,0.5635721493440968,29.880000000000003,des moines/ames smm food,2023-04-10,29.880000000000003,18.659634193693336 +0.9643931795386156,0.8730000000000001,0.6386639676113363,0.20592667001506781,0.054614643260334286,0.47418546365914765,0.23511604439959638,233.79000000000002,detroit smm food,2023-04-10,233.79000000000002,119.35376087599859 +0.5160481444332998,0.30600000000000005,0.3324898785425102,0.7036664992466098,0.04349854252103382,0.1844611528822051,0.5388496468213926,99.35,nashville smm food,2023-04-10,99.35,56.32170218609233 +0.5707121364092278,0.79,0.3805668016194335,0.7091913611250629,0.025028796396040724,0.7283208020050124,0.5156407669021191,69.66,harrisburg/lancaster smm food,2023-04-10,69.66,46.980343050114726 +0.4127382146439318,0.266,0.39220647773279366,0.6956303365143145,0.02835438272247325,0.8676691729323306,0.6664984863773966,100.24,grand rapids smm food,2023-04-10,100.24,72.44053381491524 +0.5917753259779338,0.038000000000000006,0.7100202429149803,0.24359618282270218,0.043751799928091986,0.7007518796992481,0.7114026236125126,57.959999999999994,minneapolis/st. paul smm food,2023-04-10,57.959999999999994,49.36374188912237 +0.44734202607823476,0.5740000000000001,0.5465587044534416,0.4168759417378202,0.023286702007239386,0.37393483709273184,0.693239152371342,57.22,milwaukee smm food,2023-04-10,57.22,27.01296512330726 +0.2973921765295889,0.376,0.30668016194331993,0.5946760421898544,0.028736484835372254,0.5408521303258144,0.7199798183652876,130.83,miami/west palm beach smm food,2023-04-10,130.83,143.43671754880376 +0.6559679037111334,0.303,0.5819838056680166,0.45303867403314924,0.11209331122273762,0.7704260651629071,0.8768920282542886,187.18,los angeles smm food,2023-04-10,187.18,134.58365543456884 +0.7848545636910732,0.878,0.5647773279352232,0.7041687594173782,0.025375125900192766,0.43558897243107786,0.41422805247225025,27.58,little rock/pine bluff smm food,2023-04-10,27.58,15.543257222695608 +0.4573721163490468,0.43600000000000005,0.6158906882591096,0.5228528377699649,0.010803327841583641,0.5233082706766914,0.5519677093844602,15.84,madison wi smm food,2023-04-10,15.84,8.188278005167618 +0.43029087261785354,0.8650000000000001,0.6614372469635631,0.6258161727774988,0.02407654854550203,0.5679197994987466,0.6543895055499496,44.04,knoxville smm food,2023-04-10,44.04,29.244110227043244 +0.43179538615847535,0.27599999999999997,0.9058704453441303,0.19136112506278255,0.03224948164302781,0.4832080200501251,0.6548940464177598,45.92,kansas city smm food,2023-04-10,45.92,36.842574762270054 +0.3355065195586757,0.17400000000000002,0.5030364372469637,0.3154193872425918,0.0224936897513885,0.19799498746867156,0.6029263370332997,35.61,jacksonville smm food,2023-04-10,35.61,38.443284753484996 +0.5125376128385153,0.7160000000000001,0.6098178137651821,0.47815168257157215,0.04381321484930359,0.30877192982456125,0.6564076690211907,86.51,indianapolis smm food,2023-04-10,86.51,48.50144855826207 +0.504012036108325,0.38599999999999995,0.6816801619433202,0.6599698643897539,0.05949934549896863,0.657644110275689,0.43592330978809285,182.19,houston smm food,2023-04-10,182.19,132.89466465861975 +0.7046138415245736,0.07800000000000001,0.19736842105263205,0.3917629331993973,0.026359030926613736,0.3428571428571424,0.48133198789101916,123.48,hartford/new haven smm food,2023-04-10,123.48,74.63273945020097 +0.7357071213640924,0.654,0.8426113360323896,0.6258161727774988,0.016664970527944856,0.12380952380952377,0.3713420787083754,56.599999999999994,las vegas smm food,2023-04-10,56.599999999999994,30.306832139468433 +0.24172517552658007,0.047,0.6452429149797573,0.29633350075339027,0.02623493479715523,0.7784461152882205,0.3990918264379415,58.419999999999995,portland or smm food,2023-04-17,58.419999999999995,43.75491428252298 +0.4538615847542627,0.17600000000000005,0.7120445344129555,0.6956303365143145,0.0828876670407901,0.8917293233082705,0.8400605449041373,89.82,rem us middle atlantic smm food,2023-04-17,89.82,99.34890482894319 +0.9147442326980939,0.639,0.7049595141700407,0.6564540431943747,0.24485812515308025,0.4095238095238096,0.28557013118062563,283.78,rem us east north central smm food,2023-04-17,283.78,300.1237513824114 +0.4739217652958875,0.9960000000000001,0.9665991902834016,0.8141637368156706,0.038054774556318574,0.7293233082706768,0.24318869828456105,109.61,raleigh/durham/fayetteville smm food,2023-04-17,109.61,84.40027845148158 +0.746740220661986,0.313,0.2783400809716599,0.8041185334003015,0.01913707939259136,0.7754385964912278,0.5726538849646822,43.16,providence ri/new bedford ma smm food,2023-04-17,43.16,44.499005004090314 +0.5125376128385156,0.0,0.6224696356275305,0.3440482169763938,0.037260179441673584,0.08571428571428592,0.7391523713420787,42.79,pittsburgh smm food,2023-04-17,42.79,60.32821923806538 +0.4613841524573717,0.626,0.8203441295546562,0.3932697137117027,0.02306605149133996,0.9423558897243108,0.44046417759838546,66.79,norfolk/portsmouth/newport news smm food,2023-04-17,66.79,59.7255094555001 +0.7176529588766299,0.032,0.7530364372469643,0.707182320441989,0.07857880883145428,0.44210526315789467,0.5812310797174571,168.48,philadelphia smm food,2023-04-17,168.48,165.6073655351684 +0.5687061183550648,0.585,0.7692307692307697,0.3922651933701658,0.019548306107302054,0.25363408521303255,0.24217961654894046,6.75,paducah ky/cape girardeau mo smm food,2023-04-17,6.75,6.174159954407514 +0.45035105315947843,0.383,0.58502024291498,0.7011551983927675,0.046576253160308174,0.738345864661654,0.58627648839556,93.59,orlando/daytona beach/melborne smm food,2023-04-17,93.59,97.58038477359821 +0.5927783350050149,0.646,0.5607287449392716,0.46207935710698145,0.013434672300917968,0.22305764411027557,0.7098890010090817,14.89,omaha smm food,2023-04-17,14.89,15.751850636937107 +0.5787362086258779,0.9480000000000001,0.37854251012145773,0.6865896534404823,0.02436684484834245,0.34586466165413493,0.4661957618567104,5.21,oklahoma city smm food,2023-04-17,5.21,7.44656330865277 +0.8655967903711131,0.503,0.5414979757085023,0.8658965344048217,0.0971463756299236,0.12481203007518804,0.5832492431886983,184.02,rem us mountain smm food,2023-04-17,184.02,144.76130257448202 +0.3014042126379136,0.8970000000000001,0.08350202429149811,0.7825213460572578,0.04597381710326856,0.16491228070175434,0.30373360242179614,136.17,phoenix/prescott smm food,2023-04-17,136.17,78.35645592976873 +0.4523570712136411,0.22400000000000003,0.5622469635627532,0.39879457559015574,0.036153128001070595,0.5233082706766916,0.13319878910191726,110.58,rem us new england smm food,2023-04-17,110.58,104.79960019484707 +0.2703109327983951,0.7450000000000001,0.5440283400809719,0.6147664490205927,0.02873838426592519,0.8466165413533834,0.31987891019172554,49.94,salt lake city smm food,2023-04-17,49.94,38.4790847162631 +0.4368104312938813,0.202,0.19534412955465588,0.7096936212958314,0.25597644189469243,0.7859649122807018,0.44904137235116043,313.52,rem us south atlantic smm food,2023-04-17,313.52,276.78806355888617 +0.9222668004012033,0.7680000000000001,0.6017206477732795,0.7187343043696636,0.4247053904860885,0.5909774436090222,0.30726538849646823,483.40999999999997,rem us south central smm food,2023-04-17,483.40999999999997,413.8729328571542 +0.6153460381143431,0.775,0.15131578947368438,0.8980411853340031,0.15753623748646048,0.8576441102756889,0.7734611503531786,92.87,rem us west north central smm food,2023-04-17,92.87,107.11464516402323 +0.39217652958876636,0.9510000000000001,0.37803643724696356,0.7739829231541939,0.01688815361791486,0.4686716791979947,0.6548940464177598,53.23,richmond/petersburg smm food,2023-04-17,53.23,44.59621397664528 +0.9699097291875624,0.42400000000000004,0.7034412955465597,0.5675539929683576,0.03840142063222946,0.7659147869674182,0.6770938446014128,34.6,sacramento/stockton/modesto smm food,2023-04-17,34.6,35.3834768917305 +0.40772316950852533,0.5780000000000001,0.7930161943319841,0.521848317428428,0.021229935290168263,0.44661654135338313,0.256811301715439,45.98,san diego smm food,2023-04-17,45.98,28.671511126326344 +0.9478435305917752,0.07700000000000001,0.7484817813765188,0.8352586639879458,0.03776891025810168,0.5523809523809523,0.670534813319879,55.77,san francisco/oakland/san jose smm food,2023-04-17,55.77,51.338338450656124 +0.7291875626880638,0.256,0.532894736842106,0.4796584630838775,0.03478997000758002,0.6812030075187968,0.479313824419778,75.69,seattle/tacoma smm food,2023-04-17,75.69,52.57340691701492 +0.7271815446339015,0.9390000000000001,0.27378542510121484,0.4008036162732296,0.04033409121984206,0.694736842105263,0.6326942482341069,41.81,st. louis smm food,2023-04-17,41.81,47.412641799644604 +0.6288866599799398,0.6110000000000001,0.6260121457489882,0.43445504771471627,0.04851050660671489,0.7448621553884708,0.3375378405650858,139.34,tampa/ft. myers smm food,2023-04-17,139.34,135.11763052604817 +0.3009027081243731,0.031,0.48886639676113386,0.6725263686589654,0.011405763898623248,0.6581453634085214,0.7386478304742684,29.7,tucson/sierra vista smm food,2023-04-17,29.7,18.986342943020155 +0.9172517552657976,0.40900000000000003,0.37196356275303644,0.8583626318432949,0.05145462396376605,0.2877192982456141,0.24217961654894046,158.95,washington dc/hagerstown smm food,2023-04-17,158.95,137.87422236346578 +0.18555667001003018,0.9710000000000001,0.15536437246963558,0.6639879457559016,0.00826948748396671,0.4756892230576443,0.31634712411705346,5.32,yakima/pasco/richland/kennewick smm food,2023-04-17,5.32,4.20674159525484 +0.20110330992978925,0.6960000000000001,0.5374493927125511,0.14766449020592667,0.13925833384731395,0.4576441102756891,0.5257315842583249,232.40000000000003,new york smm food,2023-04-17,232.40000000000003,267.7716192181127 +0.479939819458375,0.752,0.46912955465587075,0.6725263686589654,0.10617436904802953,0.7593984962406011,0.4803229061553986,86.23,rem us pacific smm food,2023-04-17,86.23,77.71441722216574 +0.39518555667001004,0.13999999999999999,0.29352226720647795,0.1496735308890005,0.02217965056663638,0.3263157894736841,0.19727547931382441,14.75,new orleans smm food,2023-04-17,14.75,9.989818759559022 +0.19257773319959876,0.686,0.24493927125506076,0.8955298844801608,0.04344092646092809,0.39849624060150335,0.5010090817356206,60.49,nashville smm food,2023-04-17,60.49,57.43871371964355 +0.5055165496489471,0.319,0.2894736842105264,0.42742340532395784,0.023508935381932917,0.35639097744360915,0.4919273461150353,22.56,mobile/pensacola smm food,2023-04-17,22.56,22.11754305791962 +0.8686058174523568,0.48600000000000004,0.1219635627530365,0.8166750376695129,0.023286702007239382,0.845614035087719,0.4339051463168517,29.020000000000003,albuquerque/santa fe smm food,2023-04-17,29.020000000000003,27.94624486056827 +0.7918756268806418,0.194,0.3117408906882593,0.46810647915620296,0.0613114022464698,0.6055137844611523,0.45862764883955603,152.66,atlanta smm food,2023-04-17,152.66,136.88768092128205 +0.31594784353059197,0.084,0.39321862348178166,0.17327975891511804,0.023956251277149395,0.4807017543859652,0.29818365287588294,72.86,baltimore smm food,2023-04-17,72.86,60.52786101936876 +0.6223671013039114,0.15000000000000002,0.4342105263157896,0.2496233048719237,0.011217403702123738,0.6726817042606514,0.5383451059535822,3.9800000000000004,baton rouge smm food,2023-04-17,3.9800000000000004,3.1167991267525252 +0.2813440320962886,0.6120000000000001,0.8825910931174092,0.8006027122049222,0.031146545635289506,0.3864661654135342,0.44147325933400605,14.21,birmingham/anniston/tuscaloosa smm food,2023-04-17,14.21,18.004163553846347 +0.6599799398194581,0.9560000000000001,0.4483805668016198,0.5660472124560523,0.0483864104772564,0.8210526315789474,0.487891019172553,163.93,boston/manchester smm food,2023-04-17,163.93,149.3795791657198 +0.7196589769307925,0.7509999999999999,0.6158906882591096,0.4701155198392768,0.022527562929582533,0.7739348370927317,0.6165489404641776,21.91,buffalo smm food,2023-04-17,21.91,23.947800515633304 +0.5581745235707121,0.7470000000000001,0.2844129554655872,0.8151682571572075,0.0428052503692121,0.7699248120300752,0.4772956609485368,108.95,charlotte smm food,2023-04-17,108.95,89.75612385288848 +0.2587763289869607,0.10200000000000001,0.17004048582995954,0.6875941737820191,0.09321550410062204,0.8786967418546365,0.16700302724520685,168.57,chicago smm food,2023-04-17,168.57,144.1726098981445 +0.19759277833500496,0.5660000000000001,0.5404858299595144,0.5258663987945756,0.04746297065677056,0.8837092731829572,0.08375378405650857,69.0,cleveland/akron/canton smm food,2023-04-17,69.0,89.31754214214412 +0.526579739217653,0.9550000000000001,0.6928137651821866,0.6850828729281768,0.03244512298998024,0.37493734335839596,0.27447023208879917,72.41,columbus oh smm food,2023-04-17,72.41,62.379685569241374 +0.2577733199598802,0.759,0.5207489878542513,0.5700652938222,0.07040904145151673,0.2726817042606515,0.5474268415741675,104.15,dallas/ft. worth smm food,2023-04-17,104.15,73.12813187322573 +0.7838515546639918,0.7509999999999999,0.662955465587045,0.1988950276243094,0.016001119549693642,0.7378446115288221,0.6473259334006054,18.43,des moines/ames smm food,2023-04-17,18.43,20.88768403986873 +0.5185556670010028,0.706,0.3415991902834009,0.08186840783525867,0.05459026723490494,0.4035087719298243,0.5211907164480323,133.89,detroit smm food,2023-04-17,133.89,119.07762818814554 +0.6670010030090271,0.654,0.7211538461538465,0.40783525866398807,0.02971975671827558,0.6180451127819547,0.6473259334006054,67.52,grand rapids smm food,2023-04-17,67.52,70.9049043360331 +0.5085255767301905,0.38,0.828441295546559,0.7584128578603717,0.01660260589145678,0.4601503759398497,0.44702320887991925,29.630000000000003,albany/schenectady/troy smm food,2023-04-17,29.630000000000003,38.838245425436284 +0.28986960882647955,0.229,0.369939271255061,0.7895529884480161,0.026013967709496988,0.6280701754385964,0.18062563067608475,44.68,harrisburg/lancaster smm food,2023-04-17,44.68,44.59363961898461 +0.1654964894684051,0.8650000000000001,0.37904858299595195,0.2732295328980412,0.025411215080698556,0.6135338345864659,0.7371342078708375,55.23,greensboro smm food,2023-04-17,55.23,41.14181507928138 +0.5195586760280841,0.466,0.9190283400809723,0.37820190858864894,0.045499909180310966,0.7598997493734336,0.5161453077699294,35.39,minneapolis/st. paul smm food,2023-04-17,35.39,49.63715644487511 +0.6895687061183551,0.10200000000000001,0.39068825910931204,0.5399296835760925,0.02547484600422192,0.4917293233082707,0.3582240161453078,32.23,milwaukee smm food,2023-04-17,32.23,26.539194332684566 +0.37612838515546654,0.8050000000000002,0.44180161943319857,0.7172275238573582,0.02836039758589088,0.5864661654135337,0.4318869828456105,142.06,miami/west palm beach smm food,2023-04-17,142.06,142.9693376922725 +0.5511534603811434,0.455,0.530364372469636,0.5519839276745354,0.11964702996000619,0.5463659147869673,0.8012108980827447,179.24,los angeles smm food,2023-04-17,179.24,134.9452199032835 +0.6143430290872617,0.38400000000000006,0.7252024291497982,0.8483174284279258,0.02455520504484196,0.6380952380952382,0.5297679112008072,20.72,little rock/pine bluff smm food,2023-04-17,20.72,17.13463760302698 +0.8385155466399192,0.325,0.5010121457489881,0.2481165243596183,0.01169131162508133,0.8571428571428569,0.7906155398587286,9.22,madison wi smm food,2023-04-17,9.22,9.670332996347867 +0.4543630892678033,0.869,0.30060728744939286,0.46107483676544453,0.022432907973694544,0.6576441102756889,0.777497477295661,42.31,knoxville smm food,2023-04-17,42.31,28.882723401630052 +0.3425275827482447,0.8890000000000001,0.6573886639676118,0.4173782019085887,0.03184173721766417,0.6691729323308269,0.4772956609485368,33.53,kansas city smm food,2023-04-17,33.53,37.60909020742174 +0.2652958876629886,0.41600000000000004,0.6386639676113361,0.29733802109492724,0.022148626534271753,0.6406015037593983,0.24419778002018164,44.06,jacksonville smm food,2023-04-17,44.06,37.6604485849119 +0.46238716148445314,0.17600000000000005,0.28997975708501994,0.7262682069311904,0.04277422633684747,0.3268170426065161,0.8839556004036327,57.73,indianapolis smm food,2023-04-17,57.73,50.62169317099462 +0.42627883650952864,0.76,0.4772267206477735,0.5640381717729784,0.06539866022462976,0.44310776942355873,0.2547931382441978,165.35,houston smm food,2023-04-17,165.35,131.38087107183947 +0.732196589769308,0.61,0.47975708502024356,0.22451029633350078,0.026869028030077114,0.28872180451127777,0.4717457114026236,73.39,hartford/new haven smm food,2023-04-17,73.39,73.98804259721511 +0.30541624874623896,0.40800000000000003,0.7894736842105272,0.46459065796082377,0.017775820829653725,0.3789473684210526,0.3884964682139253,44.74,las vegas smm food,2023-04-17,44.74,29.566183385122123 +0.5772316950852562,0.353,0.48380566801619446,0.47413360120542447,0.03594783469776341,0.6160401002506264,0.363773965691221,40.62,portland or smm food,2023-04-24,40.62,46.03452358545919 +0.30591775325977927,0.5559999999999999,0.7241902834008097,0.5680562531391261,0.10176314296013089,0.8957393483709272,0.9838546922300706,78.61,rem us middle atlantic smm food,2023-04-24,78.61,102.05714858845027 +0.9042126379137408,0.171,0.2955465587044534,0.4660974384731291,0.29462532701902255,0.6210526315789474,0.5045408678102926,239.76,rem us east north central smm food,2023-04-24,239.76,307.4777626196147 +0.6519558676028082,0.06899999999999999,0.8886639676113368,0.7564038171772979,0.053386233022956975,0.6706766917293234,0.6215943491422805,73.25,raleigh/durham/fayetteville smm food,2023-04-24,73.25,88.0586075619159 +0.30692076228686055,0.885,0.3643724696356275,0.7950778503264692,0.026966147645896263,0.5674185463659147,0.5983854692230071,38.01,providence ri/new bedford ma smm food,2023-04-24,38.01,44.63830950002855 +0.5190571715145437,0.263,0.49493927125506093,0.6187845303867404,0.044679195914190645,0.4085213032581455,0.5474268415741675,46.56,pittsburgh smm food,2023-04-24,46.56,62.88834273920863 +0.6935807422266796,0.397,0.7960526315789477,0.6112506278252136,0.03338741496577858,0.5127819548872183,0.5257315842583249,47.52,norfolk/portsmouth/newport news smm food,2023-04-24,47.52,61.85641365441299 +0.9438314944834503,0.7280000000000001,0.5227732793522274,0.41336012054244103,0.10715724002445744,0.6245614035087719,0.6987891019172553,145.38,philadelphia smm food,2023-04-24,145.38,169.7515476592447 +0.10682046138415209,0.588,0.6543522267206482,0.7684580612757409,0.02169875849768428,0.20651629072681701,0.21644803229061554,5.13,paducah ky/cape girardeau mo smm food,2023-04-24,5.13,7.497237934258777 +0.5546639919759278,0.9210000000000002,0.8031376518218627,0.7729784028126571,0.06581132734084309,0.6937343358395989,0.7674066599394551,78.89,orlando/daytona beach/melborne smm food,2023-04-24,78.89,102.16557970981984 +0.4042126379137411,0.24500000000000002,0.6670040485829964,0.22702159718734308,0.017388187081132628,0.5774436090225562,0.4384460141271443,12.89,omaha smm food,2023-04-24,12.89,14.05190152396058 +0.40320962888666023,0.327,0.2201417004048584,0.9532898041185336,0.034295514706535746,0.5213032581453629,0.5257315842583249,3.26,oklahoma city smm food,2023-04-24,3.26,10.58246802943546 +0.9192577733199597,0.649,0.849696356275304,0.5775991963837268,0.1372513530728087,0.2721804511278196,0.7669021190716448,104.18,rem us mountain smm food,2023-04-24,104.18,150.6199902512256 +0.30240722166499484,0.6200000000000001,0.32540485829959537,0.6675037669512808,0.06483577847925366,0.38546365914786956,0.22855701311806256,69.54,phoenix/prescott smm food,2023-04-24,69.54,80.62063594540932 +0.573219658976931,0.884,0.5005060728744939,0.46107483676544453,0.04574857595496871,0.625563909774436,0.4106962663975782,84.7,rem us new england smm food,2023-04-24,84.7,108.89998609737921 +0.45687061183550637,0.546,0.7601214574898789,0.8317428427925666,0.038764961880154124,0.6305764411027567,0.40060544904137235,34.58,salt lake city smm food,2023-04-24,34.58,41.28183832993591 +0.7688064192577729,0.9750000000000001,0.35981781376518224,0.874937217478654,0.3308981533346781,0.7614035087719297,0.6226034308779012,217.8,rem us south atlantic smm food,2023-04-24,217.8,290.21856282794715 +0.8911735205616848,0.28900000000000003,0.669028340080972,0.515318935208438,0.562895721069535,0.8080200501253129,0.3900100908173562,346.55,rem us south central smm food,2023-04-24,346.55,433.075119695922 +0.5707121364092277,0.08700000000000001,0.3952429149797574,0.6941235560020091,0.19299637749785525,0.821052631578947,0.33148335015136227,87.1,rem us west north central smm food,2023-04-24,87.1,108.01951166326558 +0.23319959879638924,0.435,0.6138663967611337,0.3515821195379207,0.023493649828523998,0.44110275689223033,0.4828456104944501,35.08,richmond/petersburg smm food,2023-04-24,35.08,41.66554689721759 +0.6675025075225673,0.722,0.68674089068826,0.6097438473129081,0.05735521729110389,0.9799498746867165,0.6432896064581232,29.53,sacramento/stockton/modesto smm food,2023-04-24,29.53,38.38286589986782 +0.776830491474423,0.034999999999999996,0.7454453441295551,0.7734806629834254,0.0331187993267671,0.38195488721804477,0.363773965691221,32.15,san diego smm food,2023-04-24,32.15,32.53972660555795 +0.7452357071213638,0.238,0.6523279352226726,0.8272225012556506,0.06191601524086613,0.4481203007518795,0.46316851664984865,42.97,san francisco/oakland/san jose smm food,2023-04-24,42.97,52.844560388383584 +0.6715145436308924,0.641,0.4792510121457496,0.4927172275238574,0.04965909238870414,0.5854636591478697,0.2462159434914228,62.64999999999999,seattle/tacoma smm food,2023-04-24,62.64999999999999,53.14300915243196 +0.5747241725175525,0.8170000000000001,0.3669028340080974,0.39879457559015574,0.050774133473687734,0.42957393483709266,0.27093844601412714,35.22,st. louis smm food,2023-04-24,35.22,45.699744182077595 +0.7963891675025075,0.8210000000000002,0.5657894736842108,0.0587644399799096,0.06929207517337044,0.7513784461152878,0.6190716448032291,109.38,tampa/ft. myers smm food,2023-04-24,109.38,137.8823996394675 +0.39568706118355057,0.367,0.7894736842105267,0.5730788548468106,0.0165684119247681,0.5102756892230577,0.4868819374369324,16.84,tucson/sierra vista smm food,2023-04-24,16.84,17.723632045352197 +0.7953861584754264,0.9220000000000002,0.298582995951417,0.8402812656956304,0.07657290978264888,0.4776942355889724,0.32795156407669024,137.27,washington dc/hagerstown smm food,2023-04-24,137.27,142.3801971880634 +0.36158475426278847,0.25,0.5738866396761134,0.5087895529884481,0.010614074431535177,0.442606516290727,0.14732593340060546,4.77,yakima/pasco/richland/kennewick smm food,2023-04-24,4.77,2.7814070034132357 +0.36559679037111315,0.072,0.14271255060728769,0.3706680060271221,0.2314051895741384,0.12280701754385952,0.5368314833501514,252.83999999999997,new york smm food,2023-04-24,252.83999999999997,280.7888990919573 +0.6334002006018052,0.09000000000000002,0.7586032388663972,0.5961828227021597,0.15230490085341322,0.821052631578947,0.2053481331987891,65.76,rem us pacific smm food,2023-04-24,65.76,82.49296422099674 +0.26228686058174533,0.38400000000000006,0.348684210526316,0.22199899547965848,0.0323183531619268,0.20250626566416036,0.5509586276488395,9.48,new orleans smm food,2023-04-24,9.48,13.421777828698602 +0.18054162487462383,0.007000000000000001,0.3228744939271255,0.509794073329985,0.050688627660064246,0.3453634085213029,0.4056508577194753,42.21,nashville smm food,2023-04-24,42.21,55.2467564423934 +0.35205616850551674,0.5950000000000001,0.1255060728744939,0.3440482169763938,0.03004671560804854,0.09674185463659164,0.5580221997981837,17.14,mobile/pensacola smm food,2023-04-24,17.14,21.91146384585346 +0.5120361083249747,0.794,0.08451417004048586,0.623807132094425,0.02989504469181228,0.6180451127819547,0.4384460141271443,22.04,albuquerque/santa fe smm food,2023-04-24,22.04,26.619387568024607 +0.6654964894684051,0.9830000000000001,0.3744939271255063,0.6629834254143647,0.09195639634299216,0.5899749373433579,0.520686175580222,111.68,atlanta smm food,2023-04-24,111.68,142.82014418283916 +0.5857572718154465,0.944,0.13967611336032404,0.5494726268206932,0.03681197717402386,0.24260651629072713,0.2870837537840565,63.47,baltimore smm food,2023-04-24,63.47,64.38219698085042 +0.585757271815446,0.7170000000000001,0.44534412955465597,0.19738824711200403,0.016040800243134708,0.820551378446115,0.25529767911200807,2.99,baton rouge smm food,2023-04-24,2.99,2.522327306109773 +0.1905717151454361,0.7280000000000001,0.7626518218623486,0.743345052737318,0.04037036177697134,0.423057644110276,0.40817356205852673,9.96,birmingham/anniston/tuscaloosa smm food,2023-04-24,9.96,18.724059723651713 +0.31444332998996966,0.059,0.419028340080972,0.34555499748869917,0.07476233167851883,0.8140350877192982,0.3329969727547931,145.11,boston/manchester smm food,2023-04-24,145.11,149.90141901448504 +0.4719157472417253,0.8320000000000001,0.724696356275304,0.5976896032144652,0.0275218126695038,0.6095238095238095,0.6801210898082745,21.19,buffalo smm food,2023-04-24,21.19,24.931365918337917 +0.8741223671013038,0.3740000000000001,0.30668016194332004,0.4168759417378202,0.05599711042162556,0.5659147869674186,0.4591321897073663,80.77,charlotte smm food,2023-04-24,80.77,88.96315834411025 +0.05315947843530574,0.677,0.40890688259109326,0.45856353591160226,0.1358598928359643,0.468170426065163,0.08577194752774975,123.44,chicago smm food,2023-04-24,123.44,147.1902576808558 +0.5481444332998996,0.6900000000000001,0.6503036437246967,0.6142641888498243,0.06187694718342418,0.544862155388471,0.08375378405650857,75.51,cleveland/akron/canton smm food,2023-04-24,75.51,91.51159888686085 +0.512036108324975,0.35800000000000004,0.5880566801619437,0.25615268709191363,0.04069995280579876,0.2852130325814536,0.35267406659939454,63.28000000000001,columbus oh smm food,2023-04-24,63.28000000000001,60.89693073801027 +0.6409227683049152,0.16100000000000003,0.6128542510121461,0.7383224510296335,0.11658010840284429,0.3283208020050125,0.23662966700302726,71.4,dallas/ft. worth smm food,2023-04-24,71.4,79.37855767555133 +0.6419257773319957,0.022000000000000006,0.7798582995951421,0.14213962832747365,0.01921190932383194,0.8812030075187969,0.6866801210898082,17.32,des moines/ames smm food,2023-04-24,17.32,21.18401440370836 +0.03059177532597775,0.7300000000000001,0.24038461538461542,0.5037669512807634,0.07410866481374893,0.2942355889724309,0.6548940464177598,105.87,detroit smm food,2023-04-24,105.87,123.81255785023511 +0.6830491474423268,0.057999999999999996,0.5581983805668018,0.10246107483676552,0.036021594246070224,0.5162907268170425,0.7078708375378405,57.23,grand rapids smm food,2023-04-24,57.23,69.73105703357298 +0.7031093279839518,0.435,0.5414979757085021,0.7338021094927173,0.021010064949539865,0.637593984962406,0.26892028254288597,22.64,albany/schenectady/troy smm food,2023-04-24,22.64,39.009722633039274 +0.5687061183550653,0.7910000000000001,0.5121457489878546,0.5489703666499247,0.030483575324848446,0.7373433583959899,0.5978809283551968,36.42,harrisburg/lancaster smm food,2023-04-24,36.42,47.41251760751213 +0.37161484453360066,0.673,0.21609311740890733,0.42842792566549476,0.03273397598518928,0.3393483709273181,0.5746720484359233,35.98,greensboro smm food,2023-04-24,35.98,41.4260630830483 +0.5175526579739217,0.08900000000000001,0.8132591093117415,0.2300351582119538,0.06262920829642013,0.5583959899749374,0.13723511604439959,37.5,minneapolis/st. paul smm food,2023-04-24,37.5,48.13808487809664 +0.6253761283851555,0.516,0.5961538461538465,0.533902561526871,0.03847428921464679,0.6776942355889723,0.27194752774974773,22.84,milwaukee smm food,2023-04-24,22.84,28.619679842711484 +0.47893681043129405,0.197,0.7975708502024295,0.5414364640883979,0.05177104247020031,0.6035087719298244,0.4919273461150353,136.65,miami/west palm beach smm food,2023-04-24,136.65,145.76516754018238 +0.6444332998996991,0.6080000000000001,0.8527327935222677,0.28628829733802114,0.1947518585350217,0.5313283208020049,0.42785065590312815,114.42000000000002,los angeles smm food,2023-04-24,114.42000000000002,142.20659468283537 +0.6564694082246739,0.8730000000000001,0.6027327935222677,0.7774987443495731,0.02903423148677353,0.7283208020050128,0.5802219979818365,10.05,little rock/pine bluff smm food,2023-04-24,10.05,18.15290913918077 +0.7998996990972915,0.19900000000000004,0.26467611336032404,0.5308890005022602,0.014391655007618978,0.7809523809523807,0.9727547931382442,6.48,madison wi smm food,2023-04-24,6.48,12.222010275968671 +0.40020060180541617,0.8500000000000001,0.3142712550607289,0.575590155700653,0.02477868371469746,0.3313283208020048,0.31331987891019175,20.4,knoxville smm food,2023-04-24,20.4,26.078045289709614 +0.137913741223671,0.006000000000000001,0.30010121457489913,0.6690105474635862,0.03743175369291324,0.6551378446115286,0.38143289606458125,29.179999999999996,kansas city smm food,2023-04-24,29.179999999999996,38.270299212327224 +0.3430290872617851,0.397,0.6634615384615385,0.15017579105976903,0.031297274592257396,0.8516290726817041,0.45408678102926336,29.54,jacksonville smm food,2023-04-24,29.54,40.11071340229319 +0.13540621865596777,0.501,0.5571862348178136,0.4640883977900553,0.05263191761250366,0.6446115288220549,0.8279515640766902,46.15,indianapolis smm food,2023-04-24,46.15,50.93565065510951 +0.5030090270812437,0.9800000000000001,0.2682186234817815,0.4073329984932195,0.11272960535749836,0.2927318295739347,0.45055499495459134,125.82,houston smm food,2023-04-24,125.82,137.91566692026504 +0.5250752256770311,0.373,0.3350202429149803,0.19839276745354095,0.03772399785228855,0.30476190476190435,0.4853683148335015,69.9,hartford/new haven smm food,2023-04-24,69.9,74.95175798423836 +0.3555667001003011,0.373,0.5384615384615391,0.3731793068809644,0.030995373503185014,0.6300751879699247,0.2058526740665994,26.36,las vegas smm food,2023-04-24,26.36,30.53676107920034 +0.5386158475426281,0.86,0.33350202429149794,0.7277749874434958,0.05224667251820016,0.35989974937343355,0.5686175580221998,43.33,portland or smm food,2023-05-01,43.33,50.252884070137675 +0.6474423269809427,0.020000000000000004,0.8269230769230768,0.6539427423405325,0.13230372010406713,0.7087719298245613,0.777497477295661,86.31,rem us middle atlantic smm food,2023-05-01,86.31,105.45621303000894 +0.6419257773319956,0.8320000000000001,0.29554655870445345,0.5504771471622301,0.4000675088325974,0.7042606516290728,0.6801210898082745,252.70000000000002,rem us east north central smm food,2023-05-01,252.70000000000002,323.94348287102775 +0.6323971915747241,0.8250000000000001,0.5581983805668022,0.47915620291310906,0.0840824412755351,0.5233082706766918,0.9374369323915237,76.01,raleigh/durham/fayetteville smm food,2023-05-01,76.01,92.28077700143605 +0.5330992978936809,0.084,0.521255060728745,0.8427925665494727,0.04137571976981801,0.6606516290726816,0.5247225025227044,39.32,providence ri/new bedford ma smm food,2023-05-01,39.32,46.903191644575465 +0.7216649949849548,0.829,0.3426113360323888,0.6057257659467605,0.059134918473765626,0.7122807017543861,0.24873864783047428,46.9,pittsburgh smm food,2023-05-01,46.9,64.56418924804441 +0.6950852557673014,0.76,0.5187246963562754,0.6012054244098444,0.052451180210699215,0.05162907268170461,0.6251261352169526,48.56,norfolk/portsmouth/newport news smm food,2023-05-01,48.56,63.63146444452104 +0.7462387161484454,0.764,0.1447368421052636,0.23656454043194378,0.16950525472239034,0.3323308270676692,0.5095862764883956,161.33,philadelphia smm food,2023-05-01,161.33,174.96975623286207 +0.1765295887662985,0.099,0.8036437246963568,0.6459065796082372,0.02794110683243626,0.3092731829573934,0.334510595358224,3.71,paducah ky/cape girardeau mo smm food,2023-05-01,3.71,8.657292288691664 +0.6579739217652959,0.861,0.47267206477732815,0.6443997990959317,0.10506182898124354,0.48170426065162897,0.8471241170534813,70.25,orlando/daytona beach/melborne smm food,2023-05-01,70.25,106.70172404849833 +0.4638916750250751,0.954,0.7069838056680167,0.4701155198392768,0.023799992207269582,0.4681704260651626,0.3229061553985873,11.81,omaha smm food,2023-05-01,11.81,15.789974454529414 +0.48545636910732215,0.6980000000000001,0.6189271255060732,0.7975891511803115,0.049058116905119645,0.48822055137844567,0.6463168516649849,5.14,oklahoma city smm food,2023-05-01,5.14,12.916681794930994 +0.5541624874623872,0.899,0.45546558704453466,0.33550979407333004,0.20685342101070997,0.2842105263157895,0.4308779011099899,108.64,rem us mountain smm food,2023-05-01,108.64,156.38644158271546 +0.06268806419257764,0.96,0.6933198380566806,0.7142139628327474,0.10731883018491585,0.6666666666666665,0.46871846619576185,58.6,phoenix/prescott smm food,2023-05-01,58.6,89.11089502779316 +0.6409227683049149,0.20600000000000002,0.548076923076923,0.48367654445002517,0.06070817761551041,0.7273182957393483,0.6453077699293643,78.41,rem us new england smm food,2023-05-01,78.41,112.63726133553043 +0.4814443329989968,0.125,0.508603238866397,0.7287795077850328,0.05637407554675416,0.4952380952380951,0.6261352169525731,34.66,salt lake city smm food,2023-05-01,34.66,43.75122667723775 +0.5862587763289866,0.337,0.6558704453441297,0.7830236062280262,0.485115742038172,0.4651629072681705,0.31029263370333,222.51,rem us south atlantic smm food,2023-05-01,222.51,308.25019226138534 +0.7131394182547641,0.23900000000000002,0.7616396761133607,0.5816172777498745,0.8436509265531453,0.5162907268170421,0.39404641775983856,336.32,rem us south central smm food,2023-05-01,336.32,471.82275506802097 +0.4714142427281845,0.836,0.5136639676113364,0.6072325464590659,0.26132251280720337,0.3859649122807014,0.31281533804238143,83.09,rem us west north central smm food,2023-05-01,83.09,115.93582488916152 +0.16449348044132403,0.008,0.6831983805668018,0.419889502762431,0.03610662694636587,0.4070175438596489,0.44147325933400605,36.36,richmond/petersburg smm food,2023-05-01,36.36,43.21668889949111 +0.47041123370110305,0.17,0.8375506072874505,0.8839779005524863,0.09425713703195115,0.8380952380952377,0.2532795156407669,26.07,sacramento/stockton/modesto smm food,2023-05-01,26.07,41.95538731812572 +0.5401203610832495,0.641,0.8329959514170046,0.7152184831742844,0.05920485656724013,0.47719298245614006,0.4273461150353179,30.92,san diego smm food,2023-05-01,30.92,36.479711833389125 +0.5140421263791372,0.541,0.5890688259109317,0.7332998493219488,0.10727120085579983,0.2721804511278194,0.1574167507568113,41.19,san francisco/oakland/san jose smm food,2023-05-01,41.19,56.089873740117895 +0.2853560682046136,0.6200000000000001,0.6295546558704461,0.7614264188849825,0.07913181815990278,0.7162907268170426,0.3617558022199798,60.92999999999999,seattle/tacoma smm food,2023-05-01,60.92999999999999,59.3420021151162 +0.5822467402206617,0.15700000000000003,0.21508097165991924,0.37117026619789056,0.07101848530562695,0.22957393483709268,0.15338042381432895,35.14,st. louis smm food,2023-05-01,35.14,46.70504252698656 +0.9533600802407222,0.61,0.7575910931174092,0.2546459065796083,0.11202733361608044,0.8170426065162902,0.446518668012109,100.97,tampa/ft. myers smm food,2023-05-01,100.97,144.5023801901936 +0.6865596790371112,0.202,0.8846153846153851,0.5429432446007032,0.02679097229592848,0.21052631578947384,0.2129162462159435,12.18,tucson/sierra vista smm food,2023-05-01,12.18,16.94078755308113 +0.5937813440320964,0.9470000000000001,0.1548582995951416,0.6634856855851332,0.12440637370763652,0.425062656641604,0.541372351160444,149.45,washington dc/hagerstown smm food,2023-05-01,149.45,148.76140221117117 +0.48896690070210636,0.47800000000000004,0.7206477732793525,0.29633350075339027,0.017462248439457137,0.39498746867167944,0.44803229061553984,4.75,yakima/pasco/richland/kennewick smm food,2023-05-01,4.75,4.530974862437176 +0.6499498495486458,0.9960000000000001,0.20546558704453471,0.49723756906077354,0.39183607181781116,0.4701754385964911,0.391523713420787,262.72,new york smm food,2023-05-01,262.72,305.2640550703827 +0.5576730190571714,0.094,0.718117408906883,0.4389753892516324,0.23555467413184245,0.6471177944862152,0.4873864783047427,67.09,rem us pacific smm food,2023-05-01,67.09,94.25554780145791 +0.3164493480441325,0.9480000000000001,0.2069838056680163,0.45605223505775994,0.050431649448998785,0.32280701754385954,0.9328960645812311,9.36,new orleans smm food,2023-05-01,9.36,20.161002506600276 +0.3154463390170511,0.021,0.5025303643724699,0.2651933701657459,0.07359218223445699,0.26365914786967376,0.6715438950554995,46.86,nashville smm food,2023-05-01,46.86,58.698170609504025 +0.2527582748244736,0.961,0.1902834008097166,0.497739829231542,0.04460637766668297,0.1533834586466167,0.2674066599394551,14.84,mobile/pensacola smm food,2023-05-01,14.84,23.375126675532684 +0.24824473420260762,0.05500000000000001,0.03542510121457492,0.21295831240582624,0.04338379278970273,0.5899749373433583,0.7411705348133198,16.98,albuquerque/santa fe smm food,2023-05-01,16.98,27.02142359416554 +0.175025075225677,0.884,0.5035425101214577,0.39527875439477655,0.15131067239027984,0.578947368421052,0.7870837537840565,104.4,atlanta smm food,2023-05-01,104.4,150.36556907025422 +0.5887662988966902,0.9750000000000001,0.40334008097166024,0.4123556002009041,0.05782527547670823,0.32080200501253164,0.470736629667003,65.73,baltimore smm food,2023-05-01,65.73,68.04070683774809 +0.5275827482447338,0.798,0.5288461538461541,0.4269211451531894,0.025949597451625197,0.5934837092731828,0.26639757820383453,2.92,baton rouge smm food,2023-05-01,2.92,4.583698211159117 +0.6579739217652957,0.8640000000000001,0.49493927125506104,0.7774987443495731,0.05853649868032154,0.5313283208020053,0.4808274470232089,10.22,birmingham/anniston/tuscaloosa smm food,2023-05-01,10.22,22.910829813813173 +0.31043129388164475,0.40800000000000003,0.46912955465587086,0.7724761426418886,0.12123893577350052,0.6360902255639098,0.7043390514631686,139.8,boston/manchester smm food,2023-05-01,139.8,160.6723013466139 +0.6354062186559679,0.684,0.7489878542510126,0.5479658463083878,0.03572914888318216,0.32531328320802,0.6589303733602422,21.22,buffalo smm food,2023-05-01,21.22,25.01791132540967 +0.6930792377131392,0.6200000000000001,0.2586032388663969,0.45605223505775994,0.08579180496196284,0.681704260651629,0.41574167507568116,75.28,charlotte smm food,2023-05-01,75.28,93.27032587698038 +0.1379137412236708,0.927,0.7191295546558707,0.6047212456052236,0.21219383861640892,0.1403508771929826,0.3375378405650858,113.55,chicago smm food,2023-05-01,113.55,159.65953604689807 +0.8039117352056169,0.7090000000000001,0.8006072874493931,0.34605725765946765,0.0879070419763737,0.5313283208020049,0.38799192734611504,81.01,cleveland/akron/canton smm food,2023-05-01,81.01,95.8868982951636 +0.5747241725175527,0.524,0.33906882591093135,0.10698141637368158,0.0619681371822689,0.3989974937343358,0.3577194752774975,55.77,columbus oh smm food,2023-05-01,55.77,63.44696281946847 +0.5797392176529593,0.455,0.6649797570850207,0.35308890005022603,0.20493785948048857,0.6516290726817042,0.1786074672048436,67.09,dallas/ft. worth smm food,2023-05-01,67.09,90.33830230167105 +0.4608826479438313,0.976,0.6963562753036441,0.15017579105976897,0.025786724729177368,0.7779448621553884,0.7653884964682139,19.4,des moines/ames smm food,2023-05-01,19.4,22.38038151521647 +0.3701103309929787,0.271,0.6457489878542513,0.5534907081868409,0.11289574481241693,0.05864661654135323,0.4954591321897074,100.82,detroit smm food,2023-05-01,100.82,128.50325289851486 +0.6263791374122366,0.7020000000000001,0.4488866396761135,0.4424912104470117,0.04815413558566458,0.3268170426065162,0.7850655903128153,63.209999999999994,grand rapids smm food,2023-05-01,63.209999999999994,73.38269042892955 +0.6544633901705115,0.994,0.7085020242914982,0.7122049221496736,0.030374667364994414,0.6280701754385966,0.3693239152371342,25.97,albany/schenectady/troy smm food,2023-05-01,25.97,41.03555159737063 +0.38365095285857587,0.5910000000000001,0.6062753036437251,0.11602209944751382,0.040977075161673114,0.41102756892230563,0.5176589303733602,44.27,harrisburg/lancaster smm food,2023-05-01,44.27,44.592197263851176 +0.6604814443329988,0.051000000000000004,0.337044534412956,0.4053239578101457,0.04668815158362474,0.38796992481202985,0.7532795156407669,37.64,greensboro smm food,2023-05-01,37.64,44.710368080521114 +0.7136409227683048,0.96,0.4736842105263162,0.3967855349070819,0.09240299267060084,0.2766917293233084,0.5882946518668012,37.35,minneapolis/st. paul smm food,2023-05-01,37.35,55.54690630234493 +0.7186559679037111,0.518,0.5015182186234821,0.7172275238573582,0.054636380482873684,0.8982456140350876,0.5322906155398587,23.28,milwaukee smm food,2023-05-01,23.28,34.23362142968657 +0.17051153460381158,0.886,0.6973684210526319,0.3139126067302863,0.0995278588323712,0.6260651629072681,0.736125126135217,120.24999999999999,miami/west palm beach smm food,2023-05-01,120.24999999999999,152.4119080483232 +0.7768304914744233,0.101,0.7327935222672068,0.2375690607734807,0.33863076186599517,0.7052631578947367,0.12209889001009082,114.67,los angeles smm food,2023-05-01,114.67,160.85584274698772 +0.6810431293881645,0.561,0.503036437246964,0.4304369663485686,0.042337983130885,0.4000000000000002,0.44046417759838546,9.95,little rock/pine bluff smm food,2023-05-01,9.95,16.047960321326165 +0.4327983951855564,0.581,0.5627530364372472,0.8769462581617279,0.019317440779957847,0.5619047619047617,0.7880928355196771,7.11,madison wi smm food,2023-05-01,7.11,12.895015436651988 +0.33851554663991973,0.572,0.585526315789474,0.947262682069312,0.0331742139152048,0.4265664160401,0.5282542885973764,21.16,knoxville smm food,2023-05-01,21.16,30.86155274759421 +0.537111334002006,0.307,0.10475708502024317,0.8764439979909594,0.05446191130319685,0.38245614035087705,0.26185671039354186,30.44,kansas city smm food,2023-05-01,30.44,41.00289253676811 +0.30090270812437286,0.343,0.39827935222672056,0.5113008538422904,0.05132580796781802,0.6355889724310776,0.6185671039354188,25.96,jacksonville smm food,2023-05-01,25.96,45.024202956168956 +0.29338014042126365,0.8580000000000001,0.8107287449392712,0.49221496735308895,0.0756028733850958,0.8807017543859648,0.6099899091826438,41.47,indianapolis smm food,2023-05-01,41.47,54.38028200848436 +0.8756268806419257,0.672,0.2105263157894738,0.2591662481165244,0.19691991732019393,0.4812030075187968,0.43592330978809285,121.12,houston smm food,2023-05-01,121.12,149.85758998391233 +0.16048144433299916,0.010000000000000002,0.42358299595141763,0.4399799095931693,0.05943679539258423,0.12581453634085174,0.5348133198789102,71.35,hartford/new haven smm food,2023-05-01,71.35,78.40159972923064 +0.35807422266800426,0.742,0.6756072874493935,0.3425414364640884,0.05490808331068289,0.6431077694235587,0.10696266397578204,27.89,las vegas smm food,2023-05-01,27.89,33.45245016894041 +0.5240722166499501,0.7839999999999999,0.17358299595141694,0.8759417378201909,0.06408835367100583,0.29824561403508765,0.4934409687184662,40.41,portland or smm food,2023-05-08,40.41,51.9843119654416 +0.48846539618856566,0.9750000000000001,0.5091093117408906,0.5258663987945756,0.14730579537440353,0.5288220551378445,0.6912209889001009,83.39,rem us middle atlantic smm food,2023-05-08,83.39,105.76035421323667 +0.45235707121364066,0.28500000000000003,0.6654858299595144,0.744349573078855,0.4588680920730092,0.5764411027568923,0.5716448032290615,320.89,rem us east north central smm food,2023-05-08,320.89,331.96090339768085 +0.6118355065195585,0.8109999999999999,0.47267206477732854,0.5097940733299849,0.10031052466840001,0.5448621553884713,0.8229061553985872,60.989999999999995,raleigh/durham/fayetteville smm food,2023-05-08,60.989999999999995,94.0502184531597 +0.7943831494483449,0.9500000000000001,0.5738866396761134,0.6579608237066801,0.048660061737761086,0.6847117794486214,0.26639757820383453,43.04,providence ri/new bedford ma smm food,2023-05-08,43.04,46.31590037547566 +0.5270812437311935,0.169,0.4210526315789475,0.23405323957810148,0.06648724312208044,0.5438596491228072,0.5302724520686176,51.02,pittsburgh smm food,2023-05-08,51.02,63.999264925316886 +0.6489468405215641,0.9550000000000001,0.0789473684210525,0.6047212456052236,0.06156216677439023,0.30827067669172964,0.8213925327951564,47.2,norfolk/portsmouth/newport news smm food,2023-05-08,47.2,66.61069545915007 +0.7181544633901705,0.45599999999999996,0.43724696356275367,0.5208437970868911,0.2034900423477092,0.44160401002506267,0.22098890010090824,160.58,philadelphia smm food,2023-05-08,160.58,180.03512381567646 +0.5747241725175521,0.6320000000000001,0.9595141700404863,0.3119035660472125,0.03191589473149471,0.706766917293233,0.7971745711402624,5.36,paducah ky/cape girardeau mo smm food,2023-05-08,5.36,12.220848824051885 +0.45185556670010024,0.164,0.3289473684210527,0.30085384229030643,0.127951065426528,0.6686716791979949,0.875882946518668,79.4,orlando/daytona beach/melborne smm food,2023-05-08,79.4,107.94812877917238 +0.6238716148445335,0.458,0.8704453441295552,0.5228528377699649,0.030048567894735152,0.18145363408521292,0.5726538849646822,13.09,omaha smm food,2023-05-08,13.09,17.66757957642976 +0.3671013039117354,0.15300000000000002,0.8977732793522273,0.4269211451531894,0.05857393426267764,0.3032581453634081,0.5519677093844602,7.07,oklahoma city smm food,2023-05-08,7.07,10.73522325023815 +0.3154463390170511,0.126,0.46153846153846184,0.4942240080361628,0.24697457878441742,0.13533834586466173,0.35973763874873865,125.44999999999999,rem us mountain smm food,2023-05-08,125.44999999999999,161.31671435284295 +0.21865596790371103,0.467,0.8238866396761139,0.6916122551481668,0.13305360449126938,0.6606516290726816,0.29313824419778,61.84,phoenix/prescott smm food,2023-05-08,61.84,91.67869117307394 +0.45737211634904734,0.11499999999999999,0.8557692307692308,0.2887995981918634,0.06698617832188963,0.6606516290726816,0.44147325933400605,97.61,rem us new england smm food,2023-05-08,97.61,110.85730239432476 +0.46840521564694065,0.6120000000000001,0.33350202429149817,0.34103465595178306,0.06655887425714971,0.25764411027568906,0.884460141271443,36.25,salt lake city smm food,2023-05-08,36.25,43.822777188162206 +0.47342026078234667,0.281,0.9018218623481786,0.6047212456052236,0.5699364467631862,0.38295739348370916,0.49445005045408674,202.6,rem us south atlantic smm food,2023-05-08,202.6,319.91493190843073 +0.599297893681043,0.30800000000000005,0.4615384615384617,0.5193370165745856,0.9979680009076238,0.4696741854636587,0.670534813319879,358.65,rem us south central smm food,2023-05-08,358.65,494.30047468146665 +0.409729187562688,0.9400000000000001,0.4337044534412959,0.6755399296835761,0.3080752448460163,0.24862155388471147,0.4873864783047427,77.82,rem us west north central smm food,2023-05-08,77.82,123.3893681549325 +0.2412236710130392,0.637,0.7353238866396764,0.515318935208438,0.04312204631149153,0.1744360902255637,0.4545913218970737,37.12,richmond/petersburg smm food,2023-05-08,37.12,44.556895086315315 +0.75827482447342,0.238,0.4873481781376526,0.8724259166248117,0.11242842053735606,0.3558897243107767,0.2260343087790111,27.03,sacramento/stockton/modesto smm food,2023-05-08,27.03,43.09356366022124 +0.3410230692076226,0.876,0.48532388663967635,0.7247614264188851,0.0756382309366098,0.9007518796992477,0.4934409687184662,34.28,san diego smm food,2023-05-08,34.28,40.10618985338325 +0.36559679037111315,0.7719999999999999,0.5996963562753043,0.4942240080361628,0.1339086372701065,0.5293233082706765,0.536326942482341,38.43,san francisco/oakland/san jose smm food,2023-05-08,38.43,61.32736330657886 +0.03360080240722148,0.521,0.7120445344129562,0.6047212456052236,0.09929075544902226,0.38195488721804505,0.6730575176589304,54.96,seattle/tacoma smm food,2023-05-08,54.96,61.63560306965417 +0.658976930792377,0.28700000000000003,0.48582995951417046,0.7212456052235059,0.08325336630457747,0.6907268170426063,0.2401614530776993,39.37,st. louis smm food,2023-05-08,39.37,52.71448019461259 +0.5075225677031093,0.052000000000000005,0.8658906882591098,0.4691109994977399,0.13611669591003567,0.4807017543859645,0.5176589303733602,107.52,tampa/ft. myers smm food,2023-05-08,107.52,147.55633461445353 +0.8801404212637911,0.67,0.6877530364372473,0.4701155198392768,0.030813486968056043,0.3333333333333335,0.24571140262361252,13.62,tucson/sierra vista smm food,2023-05-08,13.62,18.079163916564546 +0.6860581745235708,0.869,0.5106275303643726,0.473631341034656,0.15564025060111675,0.46967418546365913,0.8521695257315842,134.83,washington dc/hagerstown smm food,2023-05-08,134.83,154.3435635089475 +0.2958876629889669,0.29100000000000004,0.7186234817813768,0.2546459065796083,0.0198500549538499,0.405012531328321,0.7356205852674067,4.13,yakima/pasco/richland/kennewick smm food,2023-05-08,4.13,5.916263185298874 +0.8465396188565694,0.263,0.31123481781376555,0.6921145153189353,0.4710719317927658,0.7819548872180447,0.3385469223007063,262.27,new york smm food,2023-05-08,262.27,318.2419347847024 +0.29137412236710114,0.679,0.7160931174089074,0.3681567051732798,0.2790746782237224,0.557393483709273,0.3239152371342079,65.08,rem us pacific smm food,2023-05-08,65.08,98.57542161610291 +0.5621865596790371,0.03,0.46457489878542535,0.3882471120040181,0.06062798627561388,0.7137844611528822,0.5408678102926338,9.56,new orleans smm food,2023-05-08,9.56,20.288518891028197 +0.36409227683049145,0.34,0.41194331983805693,0.634856855851331,0.08843436033527825,0.6561403508771925,0.6392532795156408,52.07,nashville smm food,2023-05-08,52.07,64.10452305561151 +0.2607823470411236,0.44800000000000006,0.11589068825910928,0.40331491712707185,0.05276077141028542,0.13934837092731847,0.4525731584258325,16.03,mobile/pensacola smm food,2023-05-08,16.03,24.74230681848708 +0.3169508525576728,0.367,0.18522267206477744,0.26820693119035666,0.05071898386214361,0.7819548872180448,0.5837537840565086,18.02,albuquerque/santa fe smm food,2023-05-08,18.02,28.402332522506512 +0.09027081243731191,0.006000000000000001,0.3669028340080974,0.2782521346057258,0.18366974383174725,0.5192982456140345,0.8915237134207871,111.69,atlanta smm food,2023-05-08,111.69,154.03939731404517 +0.6078234704112337,0.8500000000000001,0.69838056680162,0.29784028126569567,0.07126190732832184,0.417042606516291,0.4611503531786075,58.78,baltimore smm food,2023-05-08,58.78,69.67224779356981 +0.7838515546639917,0.19900000000000004,0.5005060728744941,0.3897538925163235,0.030809802557138135,0.36591478696741847,0.27447023208879917,2.69,baton rouge smm food,2023-05-08,2.69,4.529893927068585 +0.8580742226680037,0.258,0.5344129554655873,0.48769462581617284,0.0716777895156606,0.1273182957393488,0.5812310797174571,9.88,birmingham/anniston/tuscaloosa smm food,2023-05-08,9.88,22.509384156220783 +0.2582748244734201,0.9900000000000001,0.6366396761133609,0.9236564540431944,0.14317486632211399,0.787468671679198,0.4737638748738648,151.2,boston/manchester smm food,2023-05-08,151.2,164.04190526036115 +0.4227683049147444,0.11100000000000002,0.8026315789473688,0.43294826720241086,0.040534157331421884,0.19548872180451124,0.42885973763874874,21.31,buffalo smm food,2023-05-08,21.31,22.714036548274564 +0.6955867602808423,0.546,0.3871457489878545,0.7307885484681066,0.10324176350641615,0.5423558897243108,0.3582240161453078,63.53999999999999,charlotte smm food,2023-05-08,63.53999999999999,96.58261143461556 +0.5802407221664992,0.442,0.4559716599190284,0.4892014063284782,0.25520673533515437,0.20701754385964927,0.5428859737638749,133.18,chicago smm food,2023-05-08,133.18,166.79997335814716 +0.7367101303911735,0.122,0.8147773279352232,0.03967855349070819,0.09789909289116683,0.45162907268170416,0.6130171543895055,86.98,cleveland/akron/canton smm food,2023-05-08,86.98,96.22134986778728 +0.5687061183550652,0.443,0.3087044534412957,0.4907081868407836,0.07217444596863545,0.506265664160401,0.1029263370332997,63.50999999999999,columbus oh smm food,2023-05-08,63.50999999999999,65.86988273466638 +0.35155466399197643,0.382,0.7236842105263162,0.49723756906077354,0.2550265503827262,0.6486215538847118,0.08375378405650857,68.85,dallas/ft. worth smm food,2023-05-08,68.85,97.27549012955002 +0.22316950852557657,0.7170000000000001,0.6077935222672067,0.4389753892516324,0.031117581456216604,0.431578947368421,0.7790110998990918,17.46,des moines/ames smm food,2023-05-08,17.46,23.220777990693904 +0.7547642928786356,0.481,0.508097165991903,0.5781014565544953,0.13294199759255407,0.263659147869674,0.25832492431886983,140.98,detroit smm food,2023-05-08,140.98,131.38012167281676 +0.531594784353059,0.334,0.35779352226720657,0.4791562029131091,0.055083701753478626,0.3864661654135337,0.3294651866801211,95.38,grand rapids smm food,2023-05-08,95.38,71.72894389738073 +0.6910732196589767,0.21200000000000002,0.5045546558704455,0.653440482169764,0.03604764502790955,0.5593984962406016,0.26538849646821394,33.8,albany/schenectady/troy smm food,2023-05-08,33.8,40.25766438207266 +0.35005015045135424,0.009,0.7171052631578952,0.19487694625816174,0.04974447084234335,0.2185463659147869,0.503531786074672,38.52,harrisburg/lancaster smm food,2023-05-08,38.52,45.342153575008254 +0.5566700100300901,0.653,0.3871457489878548,0.30185836263184335,0.055852590639820864,0.42105263157894723,0.7754793138244198,29.480000000000004,greensboro smm food,2023-05-08,29.480000000000004,45.774802751675004 +0.7983951855566699,0.24300000000000002,0.5693319838056685,0.8031140130587645,0.10485599430857162,0.6080200501253132,0.8461150353178608,35.47,minneapolis/st. paul smm food,2023-05-08,35.47,62.01308848661615 +0.7076228686058176,0.738,0.24038461538461556,0.6584630838774486,0.05913310858236897,0.8496240601503757,0.4581231079717457,27.1,milwaukee smm food,2023-05-08,27.1,33.87395849337599 +0.3530591775325979,0.422,0.6978744939271257,0.4113510798593672,0.12275869564293138,0.6776942355889722,0.6064581231079718,123.88,miami/west palm beach smm food,2023-05-08,123.88,155.73744210872883 +0.8650952858575727,0.484,0.7054655870445348,0.3676544450025113,0.42199593400298113,0.5533834586466164,0.4409687184661958,130.88,los angeles smm food,2023-05-08,130.88,175.01767981120082 +0.4603811434302908,0.87,0.5905870445344134,0.6438975389251633,0.048871865041710996,0.24511278195488748,0.4243188698284561,9.32,little rock/pine bluff smm food,2023-05-08,9.32,17.44511103730577 +0.06820461384152429,0.503,0.47925101214574917,0.8468106479156203,0.022453415394093835,0.6807017543859647,0.7780020181634713,7.1,madison wi smm food,2023-05-08,7.1,12.77859225818925 +0.7116349047141424,0.532,0.7580971659919032,0.9010547463586138,0.04212064145466597,0.520802005012531,0.7699293642785066,21.25,knoxville smm food,2023-05-08,21.25,34.25652636001154 +0.4869608826479438,0.251,0.48684210526315835,0.5801104972375691,0.06495160233539671,0.601002506265664,0.2341069626639758,30.239999999999995,kansas city smm food,2023-05-08,30.239999999999995,41.42183130828723 +0.2718154463390168,0.191,0.3825910931174089,0.5479658463083878,0.062423681622743796,0.7684210526315787,0.2759838546922301,30.239999999999995,jacksonville smm food,2023-05-08,30.239999999999995,45.09380733235731 +0.6414242728184552,0.638,0.6346153846153844,0.6433952787543948,0.08788297451343766,0.8686716791979947,0.6957618567103936,50.16,indianapolis smm food,2023-05-08,50.16,57.80455954384192 +0.4924774322968907,0.42800000000000005,0.17611336032388672,0.38925163234555504,0.23918721213951896,0.40852130325814523,0.15893037336024218,126.53000000000002,houston smm food,2023-05-08,126.53000000000002,153.9484332006982 +0.4463390170511536,0.3980000000000001,0.5971659919028347,0.665494726268207,0.07070636618557498,0.23157894736842066,0.7144298688193744,77.25,hartford/new haven smm food,2023-05-08,77.25,83.40840401389536 +0.2963891675025077,0.7240000000000001,0.8977732793522276,0.5685585133098946,0.0676122604531971,0.5929824561403507,0.496468213925328,26.69,las vegas smm food,2023-05-08,26.69,38.66028206920229 +0.806920762286861,0.808,0.18674089068825903,0.46107483676544453,0.06651552738415832,0.4701754385964911,0.6109989909182644,40.58,portland or smm food,2023-05-15,40.58,51.65462058768373 +0.1609829488465396,0.877,0.40485829959514147,0.24510296333500756,0.14751235600943277,0.27568922305764404,0.4374369323915237,91.33,rem us middle atlantic smm food,2023-05-15,91.33,101.27340494626004 +0.24523570712136383,0.879,0.4827935222672066,0.779507785032647,0.4569203718855824,0.7719298245614036,0.6912209889001009,304.05,rem us east north central smm food,2023-05-15,304.05,333.00433239976604 +0.8329989969909728,0.05600000000000001,0.48279352226720706,0.6549472626820694,0.10045168034342665,0.6671679197994989,0.8213925327951564,64.99,raleigh/durham/fayetteville smm food,2023-05-15,64.99,95.29641525206483 +0.7898696088264793,0.853,0.5075910931174089,0.4691109994977399,0.05049642720436996,0.6877192982456138,0.49949545913218973,39.77,providence ri/new bedford ma smm food,2023-05-15,39.77,46.76029464503757 +0.16298896690070208,0.054000000000000006,0.3431174089068827,0.17227523857358112,0.06514330566896095,0.45012531328320815,0.8072653884964682,50.83,pittsburgh smm food,2023-05-15,50.83,64.06382967965035 +0.8134403209628882,0.6360000000000001,0.17914979757085012,0.4208940231039679,0.06049916655045054,0.6571428571428575,0.5277497477295661,45.71,norfolk/portsmouth/newport news smm food,2023-05-15,45.71,64.97489906983988 +0.9192577733199601,0.5780000000000001,0.5065789473684217,0.6594676042189855,0.20228899606664968,0.48320802005012525,0.5756811301715439,153.94,philadelphia smm food,2023-05-15,153.94,183.277455762572 +0.6444332998996987,0.44900000000000007,0.8274291497975713,0.08287292817679559,0.030790699942912933,0.7498746867167919,0.5090817356205852,5.12,paducah ky/cape girardeau mo smm food,2023-05-15,5.12,9.166486557660193 +0.30842527582748236,0.125,0.7216599190283404,0.43445504771471627,0.12838023783447416,0.8060150375939847,0.7003027245206862,66.6,orlando/daytona beach/melborne smm food,2023-05-15,66.6,108.16357238160262 +0.5456369107321964,0.19,0.9802631578947376,0.32998493219487696,0.03123599716132636,0.34837092731829555,0.6907164480322906,11.81,omaha smm food,2023-05-15,11.81,17.74393999444449 +0.3991975927783352,0.11499999999999999,0.48532388663967635,0.1496735308890005,0.06258282270809874,0.3914786967418542,0.2336024217961655,4.29,oklahoma city smm food,2023-05-15,4.29,7.925079028580868 +0.4122367101303911,0.664,0.6892712550607292,0.36514314414866905,0.25608725343852096,0.30726817042606525,0.36680121089808276,120.44,rem us mountain smm food,2023-05-15,120.44,162.98229031558733 +0.531594784353059,0.6890000000000001,0.6619433198380571,0.5253641386238072,0.1329867001841026,0.6611528822055136,0.2870837537840565,62.709999999999994,phoenix/prescott smm food,2023-05-15,62.709999999999994,91.20940296421506 +0.357071213640923,0.7000000000000001,0.3815789473684209,0.3802109492717228,0.06827655602482641,0.42957393483709266,0.21039354187689202,106.56,rem us new england smm food,2023-05-15,106.56,109.32235386902568 +0.3219658976930791,0.128,0.3198380566801621,0.49573078854846814,0.06679863602018622,0.48922305764411006,0.8294651866801211,34.03,salt lake city smm food,2023-05-15,34.03,44.664175294540456 +0.54062186559679,0.899,0.49746963562753055,0.2893018583626319,0.5734166207144292,0.5213032581453634,0.7265388496468214,197.86,rem us south atlantic smm food,2023-05-15,197.86,320.5233034087614 +0.37913741223671005,0.073,0.5005060728744941,0.5770969362129583,1.0,0.6275689223057639,0.5640766902119072,358.91,rem us south central smm food,2023-05-15,358.91,494.33726431043294 +0.7953861584754262,0.09799999999999999,0.7773279352226725,0.28227021597187346,0.31499501584674333,0.521303258145363,0.5090817356205852,86.48,rem us west north central smm food,2023-05-15,86.48,123.54422773172402 +0.2763289869608827,0.023,0.6857287449392715,0.431943746860874,0.04210617099439307,0.5167919799498744,0.5746720484359233,39.37,richmond/petersburg smm food,2023-05-15,39.37,45.43646119509649 +0.898696088264794,0.242,0.5005060728744948,0.8006027122049222,0.11112617348283706,0.26165413533834564,0.446518668012109,26.04,sacramento/stockton/modesto smm food,2023-05-15,26.04,43.7287742885208 +0.44383149448345,0.472,0.3284412955465589,0.5077850326469111,0.07833223944600169,0.6576441102756888,0.4475277497477296,35.28,san diego smm food,2023-05-15,35.28,38.113343450024395 +0.4433299899699095,0.08800000000000002,0.4843117408906887,0.4450025113008539,0.13299062111527865,0.957393483709273,0.7588294651866802,39.64,san francisco/oakland/san jose smm food,2023-05-15,39.64,63.27357135886484 +0.449348044132397,0.8470000000000001,0.6837044534412963,0.4550477147162231,0.10317227407426685,0.3323308270676691,0.4520686175580222,51.69,seattle/tacoma smm food,2023-05-15,51.69,60.71719475992778 +0.3450351053159476,0.9820000000000001,0.7596153846153851,0.8176795580110499,0.08382728424798096,0.8962406015037592,0.5221997981836529,36.74,st. louis smm food,2023-05-15,36.74,55.58294114713394 +0.3896690070210632,0.36400000000000005,0.9235829959514175,0.46710195881466604,0.13685859309679127,0.295739348370927,0.6367305751765893,102.66,tampa/ft. myers smm food,2023-05-15,102.66,147.74968027594088 +0.9709127382146437,0.9470000000000001,0.46811740890688286,0.5308890005022602,0.0281310785279769,0.4436090225563911,0.4883955600403633,11.72,tucson/sierra vista smm food,2023-05-15,11.72,19.942609817017747 +0.7041123370110332,0.363,0.5531376518218625,0.3676544450025113,0.15919984819624391,0.4982456140350877,0.4883955600403633,113.32,washington dc/hagerstown smm food,2023-05-15,113.32,152.04042944149865 +0.46238716148445325,0.126,0.6508097165991906,0.395781014565545,0.020263438104730212,0.30827067669172953,0.698284561049445,4.4,yakima/pasco/richland/kennewick smm food,2023-05-15,4.4,6.426408042884745 +0.8049147442326978,0.679,0.4048582995951421,0.808136614766449,0.4743348480542774,0.7187969924812027,0.3097880928355196,290.85,new york smm food,2023-05-15,290.85,319.1833313173414 +0.35857572718154446,0.962,0.47469635627530393,0.5293822199899548,0.28245436466933554,0.49022556390977423,0.09081735620585267,62.739999999999995,rem us pacific smm food,2023-05-15,62.739999999999995,98.51124431442395 +0.749247743229689,0.7559999999999999,0.9240890688259114,0.30035158211953794,0.05921371427354345,0.6355889724310776,0.2875882946518668,10.49,new orleans smm food,2023-05-15,10.49,18.80430250146653 +0.3936810431293881,0.635,0.18977732793522267,0.7719738824711201,0.08683084634190269,0.8546365914786963,0.3521695257315843,46.9,nashville smm food,2023-05-15,46.9,63.66523150553255 +0.17402206619859603,0.771,0.12904858299595137,0.3485685585133099,0.05183706267791906,0.4095238095238096,0.3410696266397578,15.65,mobile/pensacola smm food,2023-05-15,15.65,24.502038883191787 +0.4012036108324973,0.561,0.5440283400809719,0.5570065293822201,0.05173812654169061,0.6215538847117793,0.4450050454086781,17.62,albuquerque/santa fe smm food,2023-05-15,17.62,29.34749987707123 +0.19709127382146435,0.836,0.25404858299595157,0.3872425916624812,0.184569498481353,0.47318295739348304,0.87941473259334,116.89999999999999,atlanta smm food,2023-05-15,116.89999999999999,155.07017634278648 +0.7011033099297895,0.042,0.7267206477732799,0.5690607734806631,0.07086298892359419,0.3348370927318299,0.4056508577194753,53.3,baltimore smm food,2023-05-15,53.3,70.39176522685997 +0.6494483450351051,0.367,0.3598178137651823,0.5595178302360624,0.0308377658724355,0.25213032581453626,0.6226034308779012,3.11,baton rouge smm food,2023-05-15,3.11,6.938611400050888 +0.49699097291875594,0.9830000000000001,0.6578947368421056,0.2923154193872426,0.07322954773035824,0.038596491228070615,0.5640766902119072,9.44,birmingham/anniston/tuscaloosa smm food,2023-05-15,9.44,21.044106046476536 +0.10982948846539597,0.142,0.46659919028340135,0.4399799095931693,0.1446778379163168,0.9192982456140351,0.07164480322906155,147.55,boston/manchester smm food,2023-05-15,147.55,158.81929134825714 +0.12838515546639936,0.20800000000000002,0.7434210526315791,0.2797589151180312,0.042151615617481424,0.6300751879699247,0.14833501513622604,21.24,buffalo smm food,2023-05-15,21.24,21.3028119960465 +0.6544633901705114,0.792,0.4959514170040489,0.5971873430436967,0.10342084938501202,0.5338345864661654,0.38698284561049445,63.35000000000001,charlotte smm food,2023-05-15,63.35000000000001,96.09479301275165 +0.505015045135406,0.387,0.3744939271255061,0.5680562531391261,0.25612348096088533,0.3132832080200502,0.6670030272452069,130.75,chicago smm food,2023-05-15,130.75,168.22808865398477 +0.6183550651955867,0.9460000000000002,0.7176113360323892,0.47664490205926674,0.09874441986479301,0.40952380952380946,0.574167507568113,89.8,cleveland/akron/canton smm food,2023-05-15,89.8,98.61116607474861 +0.8956870611835506,0.16200000000000003,0.6260121457489882,0.8056253139126068,0.06775481768637157,0.7127819548872181,0.37891019172552975,58.2,columbus oh smm food,2023-05-15,58.2,69.89751310591602 +0.3350050150451359,0.509,0.7297570850202433,0.5293822199899548,0.2571020037608915,0.5814536340852129,0.2522704339051463,71.51,dallas/ft. worth smm food,2023-05-15,71.51,98.5549520737295 +0.13390170511534594,0.40599999999999997,0.4585020242914982,0.7217478653942743,0.03182871538342821,0.10375939849624066,0.5746720484359233,18.57,des moines/ames smm food,2023-05-15,18.57,22.35732070885284 +0.816449348044132,0.28700000000000003,0.5450404858299597,0.8779507785032648,0.13524138791301862,0.38195488721804494,0.18113017154389505,133.26,detroit smm food,2023-05-15,133.26,133.37484667869276 +0.7587763289869608,0.215,0.19483805668016196,0.09593169261677556,0.0557400609724172,0.46416040100250605,0.07063572149344097,81.88,grand rapids smm food,2023-05-15,81.88,68.59235711970008 +0.5531594784353058,0.8740000000000001,0.47115384615384626,0.6685082872928177,0.03572517909865226,0.6952380952380953,0.3713420787083754,37.28,albany/schenectady/troy smm food,2023-05-15,37.28,41.38899976662282 +0.3846539618856571,0.792,0.6988866396761139,0.6393771973882472,0.049934845742670333,0.25814536340852123,0.6337033299697276,38.98,harrisburg/lancaster smm food,2023-05-15,38.98,49.19923838620757 +0.1885656970912737,0.184,0.4190283400809723,0.4841788046207936,0.05735491665873311,0.36741854636591464,0.718970736629667,28.69,greensboro smm food,2023-05-15,28.69,45.725675561289556 +0.7903711133400199,0.6960000000000001,0.7550607287449398,0.6574585635359117,0.10589204148950217,0.5092731829573934,0.669021190716448,44.85,minneapolis/st. paul smm food,2023-05-15,44.85,60.30259927950467 +0.5115346038114343,0.426,0.5293522267206481,0.3520843797086891,0.058415786598496194,0.8045112781954886,0.2336024217961655,24.52,milwaukee smm food,2023-05-15,24.52,30.28352987057081 +0.6960882647943832,0.062,0.5511133603238868,0.5760924158714215,0.11908689675395454,0.5478696741854635,0.577699293642785,111.5,miami/west palm beach smm food,2023-05-15,111.5,155.91093884444118 +0.8991975927783349,0.028000000000000004,0.487854251012146,0.23154193872425918,0.42876048220932084,0.5719298245614034,0.43491422805247226,139.66,los angeles smm food,2023-05-15,139.66,174.92601079493008 +0.48395185556669995,0.04800000000000001,0.6204453441295552,0.8970366649924661,0.04774663821923295,0.1503759398496243,0.36781029263370335,9.05,little rock/pine bluff smm food,2023-05-15,9.05,17.792550612570757 +0.23169508525576696,0.5559999999999999,0.41548582995951433,0.44801607232546464,0.023485397426417857,0.6842105263157893,0.7315842583249244,6.34,madison wi smm food,2023-05-15,6.34,10.640719443722006 +0.8485456369107321,0.018,0.4827935222672067,0.8111501757910599,0.04503344570185094,0.38095238095238076,0.3294651866801211,18.3,knoxville smm food,2023-05-15,18.3,30.989265368040314 +0.20511534603811432,0.056999999999999995,0.5966599190283407,0.15971873430436967,0.06618467744758333,0.8471177944862153,0.4525731584258325,28.269999999999996,kansas city smm food,2023-05-15,28.269999999999996,40.72391872831633 +0.6218655967903708,0.7440000000000001,0.47165991902834015,0.41637368156705185,0.06032469065945243,0.6401002506265663,0.35519677093844604,27.26,jacksonville smm food,2023-05-15,27.26,45.00016673000021 +0.8375125376128382,0.9830000000000001,0.41953441295546523,0.7965846308387745,0.08912559983581572,0.47869674185463634,0.5893037336024218,49.01,indianapolis smm food,2023-05-15,49.01,57.387583800480044 +0.5220661985957873,0.6040000000000001,0.33653846153846173,0.6755399296835761,0.2415111424695839,0.4305764411027568,0.12209889001009082,132.07,houston smm food,2023-05-15,132.07,155.99784912056518 +0.8691073219658979,0.577,0.525809716599191,0.40934203917629336,0.0690176169872811,0.6912280701754382,0.6508577194752775,75.51,hartford/new haven smm food,2023-05-15,75.51,83.50261273893466 +0.4809428284854565,0.6080000000000001,0.7580971659919036,0.6494224008036164,0.06989958473604564,0.2802005012531328,0.44702320887991925,25.89,las vegas smm food,2023-05-15,25.89,38.359091942133865 +0.8395185556670014,0.07600000000000001,0.6715587044534415,0.46358613761928685,0.036498033502137095,0.663659147869674,0.6109989909182644,34.68,portland or smm food,2023-05-22,34.68,48.05483679179152 +0.4282848545636911,0.484,0.43724696356275283,0.3706680060271221,0.08204505872211434,0.3573934837092731,0.5010090817356206,74.84,rem us middle atlantic smm food,2023-05-22,74.84,93.68360358194347 +0.3911735205616848,0.504,0.08906882591093104,0.7046710195881467,0.24972718789208495,0.631077694235589,0.4450050454086781,236.53999999999996,rem us east north central smm food,2023-05-22,236.53999999999996,301.38433819644064 +0.8630892678034102,0.41900000000000004,0.5298582995951423,0.6966348568558514,0.055913962659227705,0.6355889724310777,0.9217961654894047,84.36,raleigh/durham/fayetteville smm food,2023-05-22,84.36,89.99794280748073 +0.710631895687061,0.8330000000000001,0.6174089068825912,0.4520341536916123,0.02859255275637495,0.8436090225563907,0.7709384460141272,36.41,providence ri/new bedford ma smm food,2023-05-22,36.41,45.560991157509896 +0.07321965897693078,0.377,0.33755060728744946,0.3817177297840282,0.03541774780486213,0.6300751879699249,0.437941473259334,55.18,pittsburgh smm food,2023-05-22,55.18,59.493112955535615 +0.9252758274824469,0.023,0.1584008097165991,0.48267202410848825,0.033550769814352226,0.6907268170426067,0.42885973763874874,52.97,norfolk/portsmouth/newport news smm food,2023-05-22,52.97,60.95723660075508 +0.7246740220661987,0.38500000000000006,0.650809716599191,0.6202913108990458,0.11261678782506296,0.3573934837092732,0.7129162462159435,136.05,philadelphia smm food,2023-05-22,136.05,170.51356044443935 +0.43480441323971875,0.22999999999999998,0.7454453441295552,0.101958814665997,0.015616572499284052,0.7694235588972429,0.08123107971745712,5.48,paducah ky/cape girardeau mo smm food,2023-05-22,5.48,4.221164639036786 +0.5215646940822466,0.726,0.5151821862348179,0.7463586137619288,0.0700927229184439,0.8360902255639096,0.5802219979818365,326.66,orlando/daytona beach/melborne smm food,2023-05-22,326.66,101.65092684865607 +0.6740220661985956,0.343,0.8056680161943325,0.13460572576594676,0.01651674426700495,0.2095238095238094,0.7880928355196771,10.75,omaha smm food,2023-05-22,10.75,14.866595667752307 +0.24974924774322996,0.292,0.3922064777327937,0.2179809141135108,0.0356824374285551,0.653634085213032,0.36680121089808276,5.97,oklahoma city smm food,2023-05-22,5.97,5.889797355483651 +0.24222668004012035,0.42000000000000004,0.8380566801619439,0.3561024610748368,0.14266856930936772,0.4696741854636592,0.5408678102926338,111.9,rem us mountain smm food,2023-05-22,111.9,148.17481703810336 +0.41474423269809413,0.638,0.7100202429149801,0.6670015067805124,0.07308277024740972,0.8205513784461151,0.6523713420787084,63.209999999999994,phoenix/prescott smm food,2023-05-22,63.209999999999994,86.01088865107286 +0.25175526579739244,0.9670000000000001,0.2646761133603237,0.5700652938222,0.037955722007157265,0.14185463659147868,0.508577194752775,87.69,rem us new england smm food,2023-05-22,87.69,106.85595501733093 +0.2141424272818454,0.8550000000000001,0.30060728744939286,0.8478151682571573,0.03644873254750578,0.8310776942355887,0.8102926337033299,29.71,salt lake city smm food,2023-05-22,29.71,43.500704615473865 +0.5667001003009023,0.559,0.4908906882591094,0.07634354595680563,0.3189831594809346,0.5889724310776941,0.3203834510595358,365.61,rem us south atlantic smm food,2023-05-22,365.61,281.23563031733033 +0.23069207622868593,0.631,0.5860323886639678,0.731290808638875,0.5505594267761719,0.7939849624060145,0.10746720484359233,397.56,rem us south central smm food,2023-05-22,397.56,429.9019064586504 +0.7056168505516549,0.895,0.7702429149797576,0.3164239075841286,0.17590844446524254,0.7759398496240597,0.3113017154389506,80.83,rem us west north central smm food,2023-05-22,80.83,104.02291700869922 +0.2552657973921766,0.9670000000000001,0.6761133603238868,0.7448518332496233,0.022548901797214915,0.4215538847117791,0.7961654894046418,43.78,richmond/petersburg smm food,2023-05-22,43.78,45.85974651708786 +0.6770310932798392,0.629,0.38714574898785503,0.7358111501757911,0.062418682378511385,0.4857142857142855,0.3203834510595358,25.64,sacramento/stockton/modesto smm food,2023-05-22,25.64,36.206455833775955 +0.4954864593781341,0.11000000000000001,0.6609311740890692,0.1115017579105977,0.04348577366245607,0.3619047619047616,0.46266397578203833,30.44,san diego smm food,2023-05-22,30.44,30.234152983565217 +0.43981945837512515,0.068,0.593117408906883,0.36012054244098446,0.07267252120126179,0.7333333333333332,0.8496468213925328,37.62,san francisco/oakland/san jose smm food,2023-05-22,37.62,54.1827896586295 +0.8309929789368101,0.9279999999999999,0.8562753036437256,0.19839276745354095,0.056720405915147105,0.6842105263157893,0.14934409687184663,47.34,seattle/tacoma smm food,2023-05-22,47.34,52.824480956883264 +0.17151454363089247,0.9660000000000001,0.3577935222672068,0.33952787543947766,0.04677462142473393,0.9102756892230575,0.42078708375378404,36.64,st. louis smm food,2023-05-22,36.64,46.54540735645597 +0.7316950852557672,0.30800000000000005,0.4767206477732796,0.6659969864389754,0.07532174199295923,0.5142857142857139,0.467204843592331,436.31,tampa/ft. myers smm food,2023-05-22,436.31,140.19407228054718 +0.5727181544633901,0.266,0.6143724696356277,0.9311903566047214,0.014490484896033733,0.3092731829573936,0.7103935418768921,11.42,tucson/sierra vista smm food,2023-05-22,11.42,20.29574457095891 +0.557171514543631,0.30200000000000005,0.33350202429149794,0.5590155700652939,0.08791531219197271,0.6576441102756891,0.3612512613521695,119.05,washington dc/hagerstown smm food,2023-05-22,119.05,142.453770963429 +0.778335005015045,0.923,0.19686234817813755,0.6057257659467605,0.012244396642671657,0.417543859649123,0.2785065590312815,5.84,yakima/pasco/richland/kennewick smm food,2023-05-22,5.84,5.024195772176611 +0.5551654964894682,0.548,0.5860323886639681,0.6298342541436465,0.2695471637897675,0.5939849624060148,0.23612512613521688,227.43,new york smm food,2023-05-22,227.43,288.1629586117453 +0.4854563691073218,0.21000000000000002,0.1659919028340084,0.42240080361627325,0.15495514243074696,0.34185463659147847,0.2391523713420787,61.56000000000001,rem us pacific smm food,2023-05-22,61.56000000000001,80.03119811558201 +0.8655967903711131,0.931,0.829453441295547,0.4565544952285284,0.03132907154723405,0.27418546365914803,0.4717457114026236,16.66,new orleans smm food,2023-05-22,16.66,15.939698549060346 +0.5351053159478435,0.676,0.47925101214574917,0.7604218985434456,0.04786326029207157,0.5032581453634081,0.4667003027245207,77.91,nashville smm food,2023-05-22,77.91,58.12207886394172 +0.1775325977933804,0.8490000000000001,0.0865384615384615,0.3972877950778504,0.028388197287406134,0.7709273182957393,0.15590312815338042,56.77000000000001,mobile/pensacola smm food,2023-05-22,56.77000000000001,21.542867018948684 +0.6870611835506517,0.878,0.8598178137651827,0.8402812656956304,0.029796723869780013,0.39348370927318266,0.4248234106962664,17.06,albuquerque/santa fe smm food,2023-05-22,17.06,27.873891653412812 +0.40070210631895686,0.8390000000000001,0.5010121457489881,0.46710195881466604,0.10388268421080339,0.541854636591478,0.6079717457114027,256.93,atlanta smm food,2023-05-22,256.93,143.30320305176568 +0.6414242728184554,0.15500000000000003,0.4595141700404863,0.497739829231542,0.03830092749162242,0.19097744360902283,0.3910191725529768,55.21,baltimore smm food,2023-05-22,55.21,64.66075783959101 +0.46589769307923745,0.11200000000000002,0.6386639676113363,0.4455047714716223,0.01736480027280381,0.17042606516290723,0.5923309788092835,4.1,baton rouge smm food,2023-05-22,4.1,3.70766849206224 +0.12437311935807394,0.29300000000000004,0.5708502024291501,0.5695630336514315,0.038977804353062376,0.18796992481203048,0.565590312815338,37.05,birmingham/anniston/tuscaloosa smm food,2023-05-22,37.05,17.289100602149354 +0.3716148445336006,0.493,0.18977732793522295,0.27021597187343044,0.08079160534764032,0.9177944862155388,0.4732593340060545,138.49,boston/manchester smm food,2023-05-22,138.49,151.6087779911786 +0.20461384152457388,0.435,0.6275303643724698,0.44952285283777,0.023657080929737187,0.9488721804511276,0.5872855701311807,19.04,buffalo smm food,2023-05-22,19.04,23.363553977419883 +0.6339017051153458,0.584,0.669534412955466,0.5690607734806631,0.05613337113748858,0.7057644110275689,0.5600403632694249,105.98,charlotte smm food,2023-05-22,105.98,90.78923624712968 +0.18204613841524553,0.38400000000000006,0.45799595141700417,0.7317930688096435,0.1429561096651045,0.4411027568922307,0.7038345105953582,134.54,chicago smm food,2023-05-22,134.54,153.3596907299493 +0.46238716148445325,0.24300000000000002,0.46811740890688286,0.9256654947262682,0.05578728735633574,0.35689223057644104,0.5711402623612513,79.36,cleveland/akron/canton smm food,2023-05-22,79.36,94.21875203944151 +0.7487462387161484,0.548,0.5941295546558708,0.7297840281265696,0.036970173656736244,0.5338345864661654,0.6801210898082745,53.7,columbus oh smm food,2023-05-22,53.7,66.2365124837264 +0.639919759277834,0.53,0.5581983805668019,0.5062782521346058,0.14185775410248747,0.7087719298245612,0.7033299697275479,72.0,dallas/ft. worth smm food,2023-05-22,72.0,85.6250500748199 +0.4062186559679036,0.541,0.3319838056680164,0.815670517327976,0.017377940432066065,0.27268170426065164,0.5857719475277497,20.45,des moines/ames smm food,2023-05-22,20.45,21.887672219346868 +0.825977933801404,0.883,0.5698380566801622,0.539427423405324,0.07622023725679401,0.4496240601503757,0.08728557013118063,104.32,detroit smm food,2023-05-22,104.32,123.10306562985443 +0.7768304914744231,0.404,0.4023279352226722,0.4274234053239579,0.031539129261842956,0.5248120300751877,0.35519677093844604,57.71,grand rapids smm food,2023-05-22,57.71,69.1648452134765 +0.47291875626880636,0.743,0.529352226720648,0.6554495228528379,0.01894323481513619,0.5578947368421053,0.3970736629667003,28.94,albany/schenectady/troy smm food,2023-05-22,28.94,38.51759265860822 +0.09779338014042142,0.41700000000000004,0.9134615384615391,0.9136112506278253,0.026583374752263206,0.45664160401002496,0.22805247225025227,37.48,harrisburg/lancaster smm food,2023-05-22,37.48,45.22634469891973 +0.356569709127382,0.787,0.29504048582996,0.5288799598191863,0.03173557117128768,0.47568922305764394,0.6725529767911201,39.54,greensboro smm food,2023-05-22,39.54,42.92563012808751 +0.7502507522567701,0.679,0.45698380566801666,0.6449020592667002,0.060267783428840455,0.21152882205513798,0.3617558022199798,50.02,minneapolis/st. paul smm food,2023-05-22,50.02,50.85145069203595 +0.6710130391173521,0.05,0.6219635627530369,0.6022099447513812,0.033626118537059733,0.5092731829573934,0.5882946518668012,21.58,milwaukee smm food,2023-05-22,21.58,29.51628195006139 +0.8179538615847542,0.802,0.0941295546558704,0.8387744851833251,0.06671768222670572,0.15187969924812025,0.5736629667003027,439.92,miami/west palm beach smm food,2023-05-22,439.92,149.06231394773596 +0.8856569709127381,0.876,0.4696356275303646,0.36413862380713213,0.23912114269539458,0.6912280701754384,0.34056508577194755,122.57,los angeles smm food,2023-05-22,122.57,149.17807283405722 +0.6589769307923771,0.742,0.45546558704453494,0.5143144148669011,0.026201387450443973,0.1403508771929827,0.21493440968718466,8.32,little rock/pine bluff smm food,2023-05-22,8.32,12.164634001320572 +0.40471414242728143,0.059,0.5217611336032391,0.36413862380713213,0.01303504604490329,0.29172932330827056,0.5469223007063572,4.92,madison wi smm food,2023-05-22,4.92,6.528090734639392 +0.7076228686058174,0.807,0.49797570850202455,0.5640381717729784,0.024571108283569544,0.6350877192982454,0.5373360242179617,22.97,knoxville smm food,2023-05-22,22.97,28.825387304921215 +0.34052156469408223,0.511,0.538461538461539,0.20693119035660473,0.03752915682090245,0.6150375939849622,0.6685166498486378,28.9,kansas city smm food,2023-05-22,28.9,37.894390852509055 +0.8335005015045132,0.20400000000000001,0.11437246963562736,0.3932697137117028,0.03272167441501899,0.1669172932330825,0.7926337033299697,113.21000000000001,jacksonville smm food,2023-05-22,113.21000000000001,41.9381366672122 +0.6414242728184552,0.121,0.6032388663967608,0.5881466599698645,0.04982803524483295,0.4531328320802003,0.12159434914228053,42.58,indianapolis smm food,2023-05-22,42.58,47.261280211961534 +0.722668004012036,0.977,0.5475708502024295,0.8689100954294325,0.1355173345562036,0.45864661654135325,0.46972754793138244,122.76,houston smm food,2023-05-22,122.76,144.9247704481346 +0.7056168505516551,0.706,0.43623481781376583,0.11401305876443998,0.03802115283107259,0.80250626566416,0.23007063572149344,62.17,hartford/new haven smm food,2023-05-22,62.17,75.08867977301827 +0.25325977933801425,0.213,0.6189271255060735,0.5615268709191361,0.04036028886248603,0.07117794486215537,0.039354187689202826,26.0,las vegas smm food,2023-05-22,26.0,30.042677566788136 +0.5616850551654969,0.934,0.5566801619433199,0.6313410346559518,0.003926122952919191,0.7904761904761903,0.25025227043390513,33.9,portland or smm food,2023-05-29,33.9,42.59754730770599 +0.5476429287863591,0.5630000000000001,0.1877530364372466,0.5685585133098946,0.009441752706887185,0.5057644110275689,0.6624621594349143,82.84,rem us middle atlantic smm food,2023-05-29,82.84,86.07707496890336 +0.4097291875626877,0.6200000000000001,0.382085020242915,0.7910597689603215,0.027885856519415615,0.46215538847117804,0.48335015136226034,291.1,rem us east north central smm food,2023-05-29,291.1,270.6212823881723 +0.5406218655967903,0.8490000000000001,0.7459514170040493,0.4892014063284782,0.005842964952590664,0.5679197994987469,0.9616548940464178,86.38,raleigh/durham/fayetteville smm food,2023-05-29,86.38,81.57857366247889 +0.4779338014042125,0.12,0.46558704453441296,0.6609743847312909,0.002777917183669239,0.368922305764411,0.7754793138244198,39.57,providence ri/new bedford ma smm food,2023-05-29,39.57,40.87098530312654 +0.39418254764292876,0.521,0.39574898785425106,0.4364640883977901,0.0039289720987485885,0.4506265664160402,0.4929364278506559,62.54,pittsburgh smm food,2023-05-29,62.54,55.77512210066042 +0.7938816449348038,0.5750000000000001,0.07692307692307679,0.47061778001004523,0.004016662475942488,0.7979949874686719,0.6538849646821393,59.59,norfolk/portsmouth/newport news smm food,2023-05-29,59.59,58.354450529201486 +0.7377131394182548,0.493,0.7439271255060735,0.5313912606730287,0.012653689771902354,0.2456140350877193,0.5000000000000001,151.24,philadelphia smm food,2023-05-29,151.24,154.4853875857225 +0.6178535606820458,0.128,0.7601214574898791,0.14113510798593673,0.0014375523568139084,0.5157894736842104,0.4601412714429869,5.1,paducah ky/cape girardeau mo smm food,2023-05-29,5.1,4.127108380479669 +0.7051153460381143,0.32000000000000006,0.40131578947368424,0.8905072827724763,0.007187761784069525,0.9528822055137842,0.5782038345105953,72.81,orlando/daytona beach/melborne smm food,2023-05-29,72.81,94.02196775019581 +0.5265797392176528,0.20800000000000002,0.4402834008097169,0.25364138623807136,0.001978573492641908,0.525814536340852,0.8102926337033299,18.31,omaha smm food,2023-05-29,18.31,14.078979387078988 +0.24774322968906745,0.41,0.6584008097165995,0.6067302862882974,0.003983105869507282,0.6731829573934832,0.7023208879919274,4.32,oklahoma city smm food,2023-05-29,4.32,5.8723648301104845 +0.13239719157472415,0.04800000000000001,0.5546558704453445,0.44952285283777,0.014904514977131803,0.6436090225563911,0.8335015136226034,96.39,rem us mountain smm food,2023-05-29,96.39,132.43538613205175 +0.30892678034102294,0.265,0.8304655870445349,0.6770467101958816,0.007980140896402756,0.7548872180451126,0.4772956609485368,65.64,phoenix/prescott smm food,2023-05-29,65.64,75.41327990640826 +0.1293881644934807,0.43,0.5328947368421052,0.26670015067805125,0.0038662908905017,0.6380952380952379,0.5665993945509586,99.12,rem us new england smm food,2023-05-29,99.12,101.90534213556282 +0.43179538615847524,0.8410000000000001,0.23329959514170054,0.47312908086388755,0.0035810597358024426,0.4521303258145362,0.41876892028254287,33.65,salt lake city smm food,2023-05-29,33.65,33.6036461721572 +0.44182547642928754,0.6980000000000001,0.9630566801619437,0.4992466097438474,0.03660329304211648,0.4616541353383457,0.16952573158425832,246.91999999999996,rem us south atlantic smm food,2023-05-29,246.91999999999996,242.7927892061308 +0.30391173520561676,0.41700000000000004,0.38006072874493935,0.8448016072325465,0.062347541613096524,0.5383458646616536,0.4162462159434914,355.7,rem us south central smm food,2023-05-29,355.7,362.7401405664817 +0.5536609829488465,0.5650000000000001,0.37803643724696384,0.6705173279758916,0.02116440493609199,0.8922305764411023,0.4909182643794147,91.72,rem us west north central smm food,2023-05-29,91.72,85.02850982800737 +0.6369107321965898,0.099,0.689271255060729,0.9266700150678052,0.002650022193104866,0.2586466165413532,0.45509586276488395,40.19,richmond/petersburg smm food,2023-05-29,40.19,41.862214678594945 +0.36008024072216627,0.9279999999999999,0.22823886639676177,0.5303867403314918,0.007237780121963526,0.3007518796992479,0.32088799192734613,27.19,sacramento/stockton/modesto smm food,2023-05-29,27.19,26.20833803588146 +0.5416248746238713,0.15200000000000002,0.7226720647773284,0.41788046207935714,0.004596621938105681,0.2551378446115285,0.508577194752775,34.73,san diego smm food,2023-05-29,34.73,26.58469174845741 +0.1599799398194582,0.231,0.3866396761133607,0.34605725765946765,0.007830402454479616,0.32130325814536326,0.5312815338042381,37.67,san francisco/oakland/san jose smm food,2023-05-29,37.67,41.33999463884271 +0.41123370110330965,0.28700000000000003,0.8810728744939279,0.07835258663987947,0.006192143602572116,0.6360902255639096,0.31180625630676084,52.63,seattle/tacoma smm food,2023-05-29,52.63,44.83787594929926 +0.3009027081243729,0.145,0.22014170040485853,0.1521848317428428,0.0059632622209433075,0.7543859649122806,0.6099899091826438,36.69,st. louis smm food,2023-05-29,36.69,40.09506948052625 +0.5366098294884654,0.525,0.5091093117408909,0.9372174786539428,0.007731315493968124,0.8125313283208015,0.5701311806256307,108.86,tampa/ft. myers smm food,2023-05-29,108.86,133.54937176833218 +0.2818455366098294,0.377,0.4306680161943322,0.9427423405323959,0.0017221503679955169,0.3503759398496242,0.8007063572149344,11.38,tucson/sierra vista smm food,2023-05-29,11.38,18.670164247707866 +0.4007021063189569,0.7570000000000001,0.522267206477733,0.39427423405323964,0.009559200829410409,0.5598997493734336,0.582744702320888,126.38999999999999,washington dc/hagerstown smm food,2023-05-29,126.38999999999999,131.5290373236911 +0.8224674022066197,0.8490000000000001,0.49696356275303655,0.43847312908086394,0.001528725023354844,0.5493734335839601,0.06004036326942482,4.17,yakima/pasco/richland/kennewick smm food,2023-05-29,4.17,1.9231680014100476 +0.27733199598796365,0.101,0.3451417004048587,0.5926670015067805,0.03218331814543387,0.2837092731829572,0.4576185671039354,230.72,new york smm food,2023-05-29,230.72,254.05189106996173 +0.7387161484453357,0.0030000000000000005,0.2717611336032392,0.5183324962330488,0.015189746131831104,0.5583959899749371,0.3627648839556004,64.86,rem us pacific smm food,2023-05-29,64.86,62.68831819483646 +0.5300902708124373,0.617,0.4407894736842108,0.67754897036665,0.0032233336483327817,0.34636591478696754,0.31231079717457116,12.84,new orleans smm food,2023-05-29,12.84,11.60794075644467 +0.6203610832497493,0.953,0.3248987854251013,0.7780010045203416,0.0057771180267555565,0.24561403508771892,0.6458123107971746,48.06,nashville smm food,2023-05-29,48.06,52.716191542098166 +0.48044132397191597,0.3520000000000001,0.42560728744939275,0.4294324460070317,0.0033458469189971726,0.45914786967418564,0.615539858728557,20.97,mobile/pensacola smm food,2023-05-29,20.97,20.382261777103608 +0.46790371113339996,0.36600000000000005,0.7500000000000004,0.7508789552988449,0.003756123918431395,0.6666666666666663,0.25731584258324924,18.18,albuquerque/santa fe smm food,2023-05-29,18.18,22.903491656392376 +0.5631895687061184,0.835,0.6422064777327939,0.5263686589653441,0.01203764112923337,0.6100250626566408,0.2588294651866801,113.68,atlanta smm food,2023-05-29,113.68,129.26002713218932 +0.47241725175526594,0.329,0.4873481781376522,0.5298844801607233,0.0045681304798116384,0.2320802005012534,0.375882946518668,58.35999999999999,baltimore smm food,2023-05-29,58.35999999999999,59.95288066896978 +0.3836509528585754,0.463,0.5931174089068828,0.07132094424912105,0.001977307205606618,0.6095238095238095,0.2684157416750757,3.45,baton rouge smm food,2023-05-29,3.45,-1.1200198078243488 +0.49498495486459343,0.387,0.7307692307692312,0.8458061275740835,0.003828935422960614,0.5087719298245618,0.715438950554995,13.42,birmingham/anniston/tuscaloosa smm food,2023-05-29,13.42,16.543898810155845 +0.6850551654964893,0.467,0.2074898785425104,0.700652938221999,0.00784243218131488,0.6591478696741855,0.9369323915237134,168.2,boston/manchester smm food,2023-05-29,168.2,146.2137540177648 +0.5366098294884656,0.514,0.6882591093117412,0.5223505775991965,0.0028057754984456337,0.7684210526315789,0.6427850655903128,20.36,buffalo smm food,2023-05-29,20.36,21.235788786889344 +0.5371113340020058,0.7280000000000001,0.4893724696356278,0.35509794073329987,0.0060069491236608335,0.6045112781954887,0.24873864783047428,87.84,charlotte smm food,2023-05-29,87.84,80.18824668478376 +0.12437311935807403,0.9279999999999999,0.23582995951417,0.2541436464088398,0.017101522983361366,0.6165413533834587,0.4263370332996973,150.01,chicago smm food,2023-05-29,150.01,131.86876135087618 +0.25225677031093274,0.37799999999999995,0.6128542510121461,0.5484681064791562,0.0063513791972599366,0.04110275689223057,0.5464177598385469,99.52,cleveland/akron/canton smm food,2023-05-29,99.52,83.7818199096117 +0.734704112337011,0.506,0.6568825910931178,0.7850326469111,0.004848613058128555,0.17393483709273186,0.44298688193743696,56.08,columbus oh smm food,2023-05-29,56.08,59.53959701871787 +0.9423269809428291,0.7719999999999999,0.5708502024291502,0.7729784028126571,0.016977743425661714,0.46315789473684205,0.6740665993945509,69.27,dallas/ft. worth smm food,2023-05-29,69.27,69.27100352032382 +0.4909729187562687,0.977,0.5703441295546562,0.6373681567051733,0.0016639011643721391,0.6511278195488721,0.3738647830474268,22.2,des moines/ames smm food,2023-05-29,22.2,19.087346846781898 +0.8896690070210629,0.04500000000000001,0.250506072874494,0.5138121546961326,0.008898515568747408,0.520802005012531,0.5100908173562058,130.25,detroit smm food,2023-05-29,130.25,115.67613764091674 +0.5305917753259778,0.05,0.6867408906882594,0.8769462581617279,0.00351014766182616,0.5518796992481201,0.3012108980827447,78.07,grand rapids smm food,2023-05-29,78.07,67.16410184530199 +0.5215646940822466,0.829,0.42914979757085026,0.5735811150175791,0.0020744947355651844,0.5583959899749372,0.6715438950554995,30.310000000000002,albany/schenectady/troy smm food,2023-05-29,30.310000000000002,37.32656922872914 +0.19809428284854577,0.708,0.7960526315789479,0.8181818181818182,0.0028763710006631006,0.4847117794486215,0.3002018163471241,39.68,harrisburg/lancaster smm food,2023-05-29,39.68,42.078791526343906 +0.39669007021063174,0.281,0.10576923076923117,0.4786539427423406,0.0037314313212432316,0.28170426065162896,0.5504540867810293,41.46,greensboro smm food,2023-05-29,41.46,37.10647829371957 +0.7743229689067199,0.026000000000000002,0.405364372469636,0.6057257659467605,0.006834151129464569,0.6130325814536342,0.5610494450050454,38.6,minneapolis/st. paul smm food,2023-05-29,38.6,45.21163826242768 +0.5952858575727181,0.8240000000000001,0.6599190283400814,0.9191361125062784,0.004145507181783333,0.3954887218045112,0.5691220988900101,22.67,milwaukee smm food,2023-05-29,22.67,26.97344888308462 +0.793380140421264,0.071,0.3324898785425102,0.5806127574083376,0.00840434705322518,0.44411027568922296,0.48385469223007066,104.32,miami/west palm beach smm food,2023-05-29,104.32,139.52834299950175 +0.6654964894684051,0.667,0.4134615384615386,0.5374183827222502,0.02520006171756381,0.7593984962406014,0.5373360242179617,126.38999999999999,los angeles smm food,2023-05-29,126.38999999999999,120.91802790939967 +0.3901705115346038,0.7700000000000001,0.15637651821862375,0.3088900050226017,0.0026474896190342846,0.35187969924812046,0.16548940464177597,9.48,little rock/pine bluff smm food,2023-05-29,9.48,7.424840917374418 +0.5240722166499496,0.467,0.5576923076923079,0.37569060773480667,0.0011839783779969179,0.2771929824561402,0.6937436932391524,7.11,madison wi smm food,2023-05-29,7.11,6.1416239644138955 +0.6414242728184553,0.11200000000000002,0.4838056680161946,0.2204922149673531,0.00280609207020446,0.8170426065162905,0.743188698284561,20.4,knoxville smm food,2023-05-29,20.4,25.111179347332246 +0.5235707121364093,0.22799999999999998,0.5394736842105269,0.635861376192868,0.004437069771659045,0.27268170426065147,0.7472250252270434,36.23,kansas city smm food,2023-05-29,36.23,35.26387555915 +0.9007021063189564,0.986,0.04200404858299575,0.2777498744349574,0.003480073344737996,0.30325814536340834,0.6165489404641776,39.09,jacksonville smm food,2023-05-29,39.09,36.99293835724604 +0.6614844533600801,0.5599999999999999,0.9402834008097165,0.419889502762431,0.005778384313790826,0.7172932330827065,0.27144298688193746,51.35,indianapolis smm food,2023-05-29,51.35,42.22677918052818 +0.33600802407221664,0.613,0.5829959514170043,0.5841285786037168,0.014180831936463084,0.707268170426065,0.5459132189707366,123.47,houston smm food,2023-05-29,123.47,126.6385368522811 +0.27933801404212655,0.041,0.351214574898786,0.5489703666499247,0.0049423182987400754,0.35388471177944825,0.3748738647830474,63.5,hartford/new haven smm food,2023-05-29,63.5,71.3040606248806 +0.2652958876629892,0.8630000000000001,0.5683198380566808,0.4786539427423406,0.004939469152910671,0.4401002506265663,0.3340060544904137,28.759999999999998,las vegas smm food,2023-05-29,28.759999999999998,27.722580658248013 +0.3826479438314944,0.41,0.3203441295546559,0.18985434455047717,0.013592641608570492,0.46215538847117804,0.5242179616548941,50.37,pittsburgh smm food,2023-06-05,50.37,55.82368312623955 +0.5135406218655965,0.524,0.702935222672065,0.5916624811652437,0.08472726553130883,0.3563909774436092,0.5025227043390514,258.87,rem us east north central smm food,2023-06-05,258.87,277.5869703578333 +0.19709127382146427,0.9060000000000001,0.5627530364372476,0.371672526368659,0.016100206510205137,0.7839598997493735,0.7769929364278506,65.6,raleigh/durham/fayetteville smm food,2023-06-05,65.6,81.29031474109618 +0.7061183550651954,0.977,0.14372469635627513,0.4545454545454546,0.00893555446452968,0.12130325814536339,0.47426841574167516,38.08,providence ri/new bedford ma smm food,2023-06-05,38.08,38.62436354759422 +0.5426278836509533,0.34,0.424089068825911,0.3174284279256655,0.012927840915042817,0.5172932330827067,0.26084762865792127,39.91,portland or smm food,2023-06-05,39.91,40.895613765406104 +0.23971915747241715,0.617,0.3805668016194334,0.6403817177297841,0.02569834566595075,0.7303258145363407,0.40060544904137235,67.44,phoenix/prescott smm food,2023-06-05,67.44,76.94972470891261 +0.47693079237713126,0.9740000000000001,0.04149797570850223,0.5414364640883979,0.1022957318589337,0.20401002506265645,0.7058526740665994,249.84000000000003,new york smm food,2023-06-05,249.84000000000003,265.3685077363261 +0.8480441323971911,0.002,0.37753036437246995,0.4314414866901055,0.006114583521660557,0.09824561403508769,0.5393541876892028,4.24,paducah ky/cape girardeau mo smm food,2023-06-05,4.24,5.705776313554281 +0.5426278836509529,0.646,0.773279352226721,0.947262682069312,0.024873676234217604,0.7403508771929823,0.6634712411705348,69.69,orlando/daytona beach/melborne smm food,2023-06-05,69.69,96.77876573907281 +0.5747241725175525,0.5710000000000001,0.4311740890688262,0.5494726268206932,0.006558733699288809,0.9348370927318294,0.7578203834510595,13.13,omaha smm food,2023-06-05,13.13,17.62190991409929 +0.40772316950852583,0.8740000000000001,0.369433198380567,0.4902059266700151,0.012546371945661461,0.6656641604010021,0.7467204843592331,5.78,oklahoma city smm food,2023-06-05,5.78,6.949412555436055 +0.5070210631895683,0.7800000000000001,0.0956477732793521,0.4701155198392768,0.010362026809784795,0.7869674185463661,0.6614530776992936,51.1,norfolk/portsmouth/newport news smm food,2023-06-05,51.1,58.882510983272766 +0.5837512537612837,0.517,0.3183198380566799,0.8719236564540432,0.029593128014746492,0.5062656641604009,0.6210898082744702,79.44,rem us middle atlantic smm food,2023-06-05,79.44,90.53008475279164 +0.6339017051153462,0.163,0.6771255060728751,0.2887995981918634,0.042937260792641166,0.11278195488721811,0.4404641775983855,137.13,philadelphia smm food,2023-06-05,137.13,156.23590490976193 +0.14292878635907721,0.5820000000000001,0.502024291497976,0.41436464088397795,0.04971474557727648,0.699749373433584,0.6115035317860746,119.44999999999999,rem us mountain smm food,2023-06-05,119.44999999999999,136.25295976932563 +0.6113340020060177,0.07900000000000001,0.47672064777328016,0.37016574585635365,0.021483509268985266,0.17994987468671658,0.6140262361251262,27.11,sacramento/stockton/modesto smm food,2023-06-05,27.11,28.7978887559539 +0.8635907723169507,0.489,0.19686234817813794,0.7865394274234054,0.05744321192541522,0.6696741854636589,0.6700302724520686,68.33,rem us pacific smm food,2023-06-05,68.33,72.68223658245167 +0.23069207622868576,0.8720000000000001,0.5571862348178139,0.9060773480662985,0.10383838603967675,0.3328320802005012,0.29011099899091825,213.19,rem us south atlantic smm food,2023-06-05,213.19,254.3651295750331 +0.37512537612838504,0.5690000000000001,0.45799595141700417,0.8719236564540432,0.19548812622116168,0.1553884711779445,0.8234106962663976,354.85,rem us south central smm food,2023-06-05,354.85,383.042654891639 +0.689568706118355,0.9910000000000001,0.11032388663967625,0.401305876443998,0.06200564411356803,0.8776942355889717,0.9369323915237134,84.02,rem us west north central smm food,2023-06-05,84.02,92.03452788049867 +0.8019057171514544,0.771,0.6639676113360327,0.8829733802109494,0.0079222082645382,0.2756892230576439,0.08274470232088799,35.13,richmond/petersburg smm food,2023-06-05,35.13,40.81964124658071 +0.3801404212637913,0.4610000000000001,0.15030364372469643,0.09994977398292317,0.012485906739726322,0.19498746867167907,0.1715438950554995,32.68,salt lake city smm food,2023-06-05,32.68,30.1794751266129 +0.7331995987963887,0.23500000000000001,0.7085020242914983,0.6418884982420895,0.015209690152636877,0.5799498746867164,0.3849646821392533,30.950000000000003,san diego smm food,2023-06-05,30.950000000000003,29.99897859336138 +0.2688064192577731,0.034999999999999996,0.04959514170040506,0.7689603214465094,0.023453535324138946,0.45062656641603993,0.4873864783047427,37.37,san francisco/oakland/san jose smm food,2023-06-05,37.37,45.990995970013344 +0.22417251755265777,0.777,0.4817813765182193,0.09794073329984933,0.01638480452138676,0.2711779448621554,0.7694248234106963,55.4,seattle/tacoma smm food,2023-06-05,55.4,47.57785264371492 +0.48294884653961867,0.015,0.5511133603238869,0.5474635861376194,0.01432360579969213,0.6827067669172932,0.6079717457114027,36.81,st. louis smm food,2023-06-05,36.81,43.74598581474956 +0.2808425275827483,0.6150000000000001,0.696862348178138,0.5630336514314416,0.026964949273000405,0.601503759398496,0.5312815338042381,102.68,tampa/ft. myers smm food,2023-06-05,102.68,132.9654789078881 +0.4558676028084252,0.30800000000000005,0.5399797570850207,0.7272727272727273,0.005987954818131472,0.3784461152882207,0.7951564076690212,12.59,tucson/sierra vista smm food,2023-06-05,12.59,18.41637912332255 +0.45185556670010035,0.42000000000000004,0.7039473684210529,0.44751381215469616,0.031152243926948316,0.5167919799498747,0.43037336024217965,121.88999999999999,washington dc/hagerstown smm food,2023-06-05,121.88999999999999,133.89645885162065 +0.35105315947843535,0.526,0.33248987854251033,0.67754897036665,0.012008199955662855,0.7007518796992482,0.13521695257315844,10.72,new orleans smm food,2023-06-05,10.72,12.508747877626156 +0.09378134403209654,0.405,0.6953441295546557,0.04269211451531894,0.012611902299737757,0.7398496240601502,0.22452068617558021,93.85,rem us new england smm food,2023-06-05,93.85,100.21475260165002 +0.5857572718154462,0.81,0.4134615384615385,0.6017076845806129,0.01723828198317278,0.13132832080200463,0.5227043390514632,49.1,nashville smm food,2023-06-05,49.1,52.1829505912772 +0.9212637913741222,0.36200000000000004,0.758603238866397,0.4600703164239076,0.003770686219337243,0.7593984962406016,0.08375378405650857,3.2,yakima/pasco/richland/kennewick smm food,2023-06-05,3.2,3.248760320773272 +0.5867602808425274,0.8550000000000001,0.4504048582995955,0.41888498242089406,0.020058936354283085,0.7894736842105263,0.5317860746720484,34.66,minneapolis/st. paul smm food,2023-06-05,34.66,46.47812641306597 +0.23069207622868607,0.041,0.7196356275303647,0.5223505775991965,0.005767620873990864,0.6175438596491227,0.7048435923309788,31.389999999999997,albany/schenectady/troy smm food,2023-06-05,31.389999999999997,37.25697358292108 +0.3440320962888664,0.549,0.49392712550607315,0.5107985936715219,0.009695010113945347,0.7904761904761901,0.29263370332996974,17.84,albuquerque/santa fe smm food,2023-06-05,17.84,22.674867416817847 +0.3610832497492477,0.51,0.5354251012145753,0.29532898041185335,0.03691891508566272,0.8551378446115281,0.4475277497477296,117.25,atlanta smm food,2023-06-05,117.25,132.73885426040553 +0.5887662988966902,0.978,0.8512145748987859,0.7187343043696636,0.014640494130273652,0.17092731829573962,0.43541876892028253,53.1,baltimore smm food,2023-06-05,53.1,63.323068091416914 +0.41624874623871577,0.9119999999999999,0.35880566801619446,0.17528879959819188,0.006242161940466104,0.820050125313283,0.30625630676084764,2.99,baton rouge smm food,2023-06-05,2.99,1.065525255303072 +0.8871614844533597,0.28300000000000003,0.9372469635627537,0.7353088900050226,0.013339067629753504,0.7563909774436093,0.5373360242179617,12.54,birmingham/anniston/tuscaloosa smm food,2023-06-05,12.54,17.715527533919705 +0.7041123370110329,0.092,0.2717611336032392,0.8669010547463587,0.029154992700535867,0.2696741854636593,0.6533804238143289,136.15,boston/manchester smm food,2023-06-05,136.15,147.21372727346085 +0.7046138415245738,0.49500000000000005,0.5040485829959517,0.5258663987945756,0.006939886096911342,0.46766917293233073,0.6377396569122099,21.12,buffalo smm food,2023-06-05,21.12,21.036324924162415 +0.1995987963891673,0.67,0.26973684210526333,0.11200401808136616,0.019298847561349763,0.6807017543859649,0.14076690211907164,66.61,charlotte smm food,2023-06-05,66.61,79.55425788918795 +0.27783350050150435,0.9570000000000001,0.5531376518218625,0.16875941737820194,0.049781225646629235,0.7824561403508772,0.4899091826437941,122.44,chicago smm food,2023-06-05,122.44,137.32352969443352 +0.36409227683049145,0.40800000000000003,0.6219635627530368,0.5037669512807634,0.021101090584327423,0.049122807017543846,0.7593340060544904,87.65,cleveland/akron/canton smm food,2023-06-05,87.65,87.06594278284086 +0.5421263791374122,0.547,0.5490890688259112,0.8704168759417379,0.012517880487367414,0.48471177944862154,0.40766902119071646,54.44,columbus oh smm food,2023-06-05,54.44,61.49750263710065 +0.6905717151454367,0.37000000000000005,0.4331983805668019,0.5444500251130086,0.05275826646659798,0.5558897243107769,0.2840565085771948,70.6,dallas/ft. worth smm food,2023-06-05,70.6,70.33605363699866 +0.35255767301905705,0.987,0.7661943319838062,0.2948267202410849,0.006179164160460385,0.5007518796992482,0.5131180625630676,20.28,des moines/ames smm food,2023-06-05,20.28,17.99646324935574 +0.8149448345035103,0.6230000000000001,0.5136639676113363,0.6077348066298344,0.02386064660598493,0.3649122807017542,0.7330978809283552,111.16,detroit smm food,2023-06-05,111.16,119.43229901878817 +0.9463390170511535,0.329,0.44635627530364386,0.36614766449020597,0.010423441730996396,0.4992481203007521,0.8935418768920282,19.65,mobile/pensacola smm food,2023-06-05,19.65,23.529279038886543 +0.16850551654964885,0.08700000000000001,0.2940283400809722,0.696132596685083,0.010868541623901122,0.294736842105263,0.3239152371342079,27.9,greensboro smm food,2023-06-05,27.9,37.728492469177574 +0.6680040120361082,0.5980000000000001,0.57085020242915,0.9904570567553994,0.00991819320391536,0.3278195488721803,0.24268415741675076,67.4,grand rapids smm food,2023-06-05,67.4,68.0948311017662 +0.48294884653961895,0.9960000000000001,0.7575910931174095,0.7699648417880463,0.011755575692122346,0.37744360902255636,0.2669021190716448,22.6,milwaukee smm food,2023-06-05,22.6,25.335354193302003 +0.7988966900702108,0.32200000000000006,0.5926113360323888,0.19738824711200403,0.026968748134106265,0.47669172932330817,0.39656912209889,108.71,miami/west palm beach smm food,2023-06-05,108.71,139.82596415147214 +0.7081243731193578,0.197,0.5283400809716603,0.2887995981918634,0.0049112942663754496,0.581954887218045,0.8451059535822402,5.32,madison wi smm food,2023-06-05,5.32,8.153098750108711 +0.39418254764292876,0.65,0.23532388663967643,0.605223505775992,0.00950538363041055,0.26165413533834614,0.3703329969727548,9.31,little rock/pine bluff smm food,2023-06-05,9.31,10.993363360837797 +0.3806419257773322,0.6910000000000001,0.39726720647773334,0.5549974886991462,0.012738531003266839,0.7834586466165412,0.3355196770938446,26.51,las vegas smm food,2023-06-05,26.51,30.337284202183632 +0.43329989969909727,0.446,0.17510121457489888,0.2546459065796083,0.09068799517818157,0.5037593984962405,0.4374369323915237,127.54000000000002,los angeles smm food,2023-06-05,127.54000000000002,126.51073759227813 +0.7106318956870611,0.66,0.5536437246963568,0.8277247614264189,0.013434988872676797,0.16591478696741843,0.512108980827447,32.34,kansas city smm food,2023-06-05,32.34,36.455921177365774 +0.7387161484453356,0.177,0.1963562753036436,0.5499748869914616,0.011185746526241465,0.4040100250626563,0.15438950554994954,39.05,jacksonville smm food,2023-06-05,39.05,36.71989020619527 +0.8801404212637911,0.7330000000000001,0.8562753036437245,0.7172275238573582,0.01901140040433873,0.45864661654135325,0.6609485368314834,45.05,indianapolis smm food,2023-06-05,45.05,47.640676224391356 +0.16449348044132395,0.677,0.3658906882591095,0.5092918131592166,0.05278644135313318,0.6350877192982455,0.3753784056508577,125.01000000000002,houston smm food,2023-06-05,125.01000000000002,130.04302624457836 +0.15847542627883668,0.036,0.6487854251012153,0.8608739326971372,0.01400481803855766,0.5137844611528818,0.4828456104944501,65.88,hartford/new haven smm food,2023-06-05,65.88,75.46337114738571 +0.16599799398194598,0.44900000000000007,0.5273279352226724,0.6142641888498243,0.008904847003923879,0.4711779448621554,0.5186680121089808,31.27,harrisburg/lancaster smm food,2023-06-05,31.27,42.64660632908756 +0.41173520561685056,0.29900000000000004,0.22621457489878552,0.33048719236564544,0.008364775583372343,0.47969924812030057,0.6710393541876892,21.53,knoxville smm food,2023-06-05,21.53,24.60756176950884 +0.7061183550651959,0.126,0.8648785425101218,0.4796584630838775,0.03628862071384671,0.644611528822055,0.7058526740665994,44.28,portland or smm food,2023-06-12,44.28,48.52669932321697 +0.764794383149448,0.165,0.3749999999999998,0.7960823706680061,0.07165285189193112,0.7924812030075187,0.694752774974773,82.4,rem us middle atlantic smm food,2023-06-12,82.4,97.50128591872678 +0.8329989969909726,0.606,0.5855263157894738,0.3862380713209443,0.21138256108813208,0.1253132832080202,0.25731584258324924,231.14,rem us east north central smm food,2023-06-12,231.14,292.5978903786168 +0.2713139418254763,0.6160000000000001,0.24696356275303688,0.6880964339527876,0.044628703700030865,0.7874686716791981,0.6513622603430878,61.900000000000006,raleigh/durham/fayetteville smm food,2023-06-12,61.900000000000006,86.1966663785292 +0.813941825476429,0.572,0.0485829959514168,0.33149171270718236,0.02405375537886679,0.24010025062656637,0.4399596367305752,33.04,providence ri/new bedford ma smm food,2023-06-12,33.04,40.150800615234 +0.1950852557673019,0.6160000000000001,0.4412955465587045,0.2732295328980412,0.034289470056881315,0.4015037593984963,0.20837537840565085,43.51,pittsburgh smm food,2023-06-12,43.51,57.052369682839505 +0.6283851554663988,0.028999999999999998,0.47672064777327944,0.6228026117528881,0.028680768205819458,0.6265664160401004,0.6195761856710393,48.94,norfolk/portsmouth/newport news smm food,2023-06-12,48.94,61.682648217198235 +0.4107321965897694,0.6400000000000001,0.831477732793523,0.383726770467102,0.11235448292376636,0.2766917293233083,0.4334006054490414,140.51,philadelphia smm food,2023-06-12,140.51,166.95788423687264 +0.4749247743229684,0.9900000000000001,0.480769230769231,0.6273229532898041,0.013468545479112002,0.15137844611528817,0.5317860746720484,5.56,paducah ky/cape girardeau mo smm food,2023-06-12,5.56,7.880935632923567 +0.15747241725175526,0.42000000000000004,0.6072874493927127,0.5539929683576093,0.0637987065555398,0.657142857142857,0.5232088799192735,68.51,orlando/daytona beach/melborne smm food,2023-06-12,68.51,98.08748168916173 +0.6223671013039115,0.11299999999999999,0.7626518218623487,0.4927172275238574,0.016447802301392474,0.7172932330827065,0.606962663975782,12.24,omaha smm food,2023-06-12,12.24,17.210771009904505 +0.4468405215646944,0.164,0.3729757085020245,0.48116524359618285,0.030865113341696122,0.5874686716791976,0.7219979818365287,5.48,oklahoma city smm food,2023-06-12,5.48,8.829308893064123 +0.08375125376128384,0.17900000000000002,0.7823886639676118,0.6659969864389754,0.13535373777399473,0.46716791979949884,0.4374369323915237,138.42,rem us mountain smm food,2023-06-12,138.42,147.90299185348107 +0.20762286860581736,0.359,0.43218623481781393,0.5725765946760423,0.07187920069948936,0.63859649122807,0.6740665993945509,77.77,phoenix/prescott smm food,2023-06-12,77.77,84.21981594659654 +0.43029087261785376,0.5,0.8517206477732794,0.06328478151682572,0.034164424212146355,0.7413533834586464,0.25832492431886983,107.68,rem us new england smm food,2023-06-12,107.68,104.26629313865402 +0.5972918756268805,0.49400000000000005,0.5055668016194333,0.33601205424409847,0.03382126042558255,0.34987468671679184,0.24318869828456105,31.32,salt lake city smm food,2023-06-12,31.32,36.02176223991995 +0.17703109327983924,0.687,0.4362348178137654,0.7800100452034154,0.2609276242026796,0.35388471177944864,0.2966700302724521,210.72,rem us south atlantic smm food,2023-06-12,210.72,275.6052706947245 +0.24222668004012024,0.22599999999999998,0.7186234817813768,0.5580110497237569,0.4800361190648798,0.3167919799498743,0.5454086781029264,359.25,rem us south central smm food,2023-06-12,359.25,419.9580341312457 +0.6384152457372115,0.7610000000000001,0.5263157894736846,0.34354595680562533,0.15252269054198533,0.6135338345864658,0.644803229061554,71.01,rem us west north central smm food,2023-06-12,71.01,101.99403027604379 +0.5952858575727181,0.15600000000000003,0.7742914979757087,0.4264188849824209,0.01993673965537751,0.3794486215538845,0.40060544904137235,40.26,richmond/petersburg smm food,2023-06-12,40.26,41.49814568645227 +0.6900702106318954,0.5990000000000001,0.3162955465587052,0.21546961325966854,0.061606763697451404,0.5097744360902253,0.4803229061553986,30.269999999999996,sacramento/stockton/modesto smm food,2023-06-12,30.269999999999996,34.07911370639396 +0.9127382146439315,0.391,0.5804655870445347,0.34103465595178306,0.044019936207814823,0.5969924812030072,0.3819374369323915,39.79,san diego smm food,2023-06-12,39.79,32.659603416190556 +0.5336008024072214,0.545,0.24746963562753072,0.6298342541436465,0.07167184619746049,0.5764411027568921,0.7926337033299697,54.59,san francisco/oakland/san jose smm food,2023-06-12,54.59,54.93623002833529 +0.39418254764292854,0.6400000000000001,0.12753036437247006,0.27272727272727276,0.05277219562398616,0.44110275689223055,0.5660948536831484,55.89,seattle/tacoma smm food,2023-06-12,55.89,53.05122810693618 +0.39267803410230673,0.277,0.4382591093117412,0.8578603716725265,0.03850810531495271,0.5969924812030074,0.4364278506559031,38.0,st. louis smm food,2023-06-12,38.0,47.569190186462606 +0.17452357071213648,0.6190000000000001,0.7130566801619437,0.5037669512807634,0.07168767478540164,0.5809523809523806,0.30625630676084764,98.75,tampa/ft. myers smm food,2023-06-12,98.75,137.38718212678214 +0.39418254764292876,0.602,0.8598178137651827,0.4892014063284782,0.01600238583672893,0.44962406015037604,0.5247225025227044,16.08,tucson/sierra vista smm food,2023-06-12,16.08,17.34434742783197 +0.4558676028084253,0.132,0.4853238866396762,0.7227523857358112,0.08320518851488927,0.8095238095238094,0.6089808274470232,138.1,washington dc/hagerstown smm food,2023-06-12,138.1,144.47896624552783 +0.6414242728184553,0.49500000000000005,0.4063765182186235,0.598694123556002,0.01083815073505414,0.7854636591478699,0.5272452068617558,3.97,yakima/pasco/richland/kennewick smm food,2023-06-12,3.97,7.067842014752415 +0.47542627883650934,0.44800000000000006,0.13107287449392738,0.5183324962330488,0.2838616652705905,0.5393483709273181,0.788092835519677,256.87,new york smm food,2023-06-12,256.87,292.11170803867424 +0.6845536609829487,0.095,0.05819838056680183,0.6323455549974888,0.15464467104137394,0.6531328320802001,0.6342078708375378,72.75,rem us pacific smm food,2023-06-12,72.75,84.65492334496564 +0.3931795386158476,0.668,0.48228744939271284,0.5936715218483175,0.029661824086411014,0.4802005012531329,0.09889001009081735,9.39,new orleans smm food,2023-06-12,9.39,13.84693159414595 +0.28284854563691075,0.953,0.7074898785425103,0.48166750376695133,0.04329498688011083,0.3563909774436086,0.35519677093844604,45.63,nashville smm food,2023-06-12,45.63,54.62951031402613 +0.9012036108324977,0.024000000000000004,0.34159919028340097,0.3465595178302361,0.024496639269459757,0.7739348370927319,0.4515640766902119,17.66,mobile/pensacola smm food,2023-06-12,17.66,23.406975748130023 +0.4729187562688062,0.35100000000000003,0.21811740890688272,0.4595680562531392,0.025224121171234334,0.40050125313283186,0.6170534813319879,21.38,albuquerque/santa fe smm food,2023-06-12,21.38,25.19457809243461 +0.4433299899699097,0.675,0.23886639676113375,0.29583124058262183,0.0949632967810822,0.45012531328320743,0.8062563067608476,117.51,atlanta smm food,2023-06-12,117.51,141.76774848993543 +0.4503510531594786,0.96,0.5819838056680166,0.5861376192867906,0.039460036593732574,0.4711779448621557,0.39455095862764883,58.24,baltimore smm food,2023-06-12,58.24,66.34643193086852 +0.6013039117352053,0.851,0.6184210526315792,0.19588146659969866,0.015720003827859076,0.3438596491228069,0.2325933400605449,2.41,baton rouge smm food,2023-06-12,2.41,1.0547213130692512 +0.6474423269809425,0.268,0.9908906882591098,0.7584128578603717,0.03340085312986599,0.5949874686716795,0.5857719475277497,11.6,birmingham/anniston/tuscaloosa smm food,2023-06-12,11.6,20.07843140983379 +0.8164493480441322,0.6160000000000001,0.35020242914979804,0.4686087393269714,0.07920625405744088,0.46065162907268176,0.1781029263370333,155.27,boston/manchester smm food,2023-06-12,155.27,150.29204545605128 +0.7372116349047142,0.827,0.16902834008097167,0.7262682069311904,0.01974394745425448,0.3157894736842105,0.6044399596367306,19.43,buffalo smm food,2023-06-12,19.43,23.32609451689018 +0.3761283851554662,0.414,0.2990890688259111,0.4505273731793069,0.04998383157227576,0.6045112781954887,0.591321897073663,64.69,charlotte smm food,2023-06-12,64.69,88.3790159072723 +0.5566700100300901,0.852,0.6761133603238868,0.6268206931190358,0.13073622209980673,0.813032581453634,0.7719475277497477,120.42999999999999,chicago smm food,2023-06-12,120.42999999999999,153.55870865557526 +0.6945837512537612,0.915,0.4195344129554658,0.5027624309392266,0.05282696253826248,0.10726817042606515,0.7144298688193744,69.04,cleveland/akron/canton smm food,2023-06-12,69.04,92.10665226807875 +0.10030090270812445,0.8310000000000001,0.3572874493927128,0.6996484178804622,0.033628784796218336,0.48771929824561405,0.805247225025227,49.52,columbus oh smm food,2023-06-12,49.52,65.08198640619712 +0.6148445336008028,0.165,0.5126518218623484,0.6338523355097941,0.1369413451444906,0.4791979949874685,0.5045408678102926,66.58,dallas/ft. worth smm food,2023-06-12,66.58,83.56263827039696 +0.43580742226680025,0.28700000000000003,0.3704453441295549,0.5404319437468609,0.01575292729077664,0.22807017543859656,0.8763874873864783,16.9,des moines/ames smm food,2023-06-12,16.9,21.58429122087189 +0.6168505516549647,0.911,0.501012145748988,0.4364640883977901,0.06253178637673132,0.3674185463659146,0.4646821392532795,95.67,detroit smm food,2023-06-12,95.67,122.14194700622727 +0.9398194583751251,0.5660000000000001,0.5506072874493929,0.8322451029633351,0.025924694473508987,0.5929824561403507,0.2966700302724521,50.86,grand rapids smm food,2023-06-12,50.86,71.00114321173277 +0.44132397191574724,0.837,0.40030364372469646,0.7885484681064793,0.017271838589607978,0.23609022556390974,0.32593340060544906,36.34,albany/schenectady/troy smm food,2023-06-12,36.34,37.548128787887464 +0.14192577733199616,0.233,0.6745951417004054,0.6705173279758916,0.023106572676469265,0.7849624060150375,0.6962663975782039,35.15,harrisburg/lancaster smm food,2023-06-12,35.15,46.91744489160939 +0.31143430290872604,0.9380000000000002,0.6776315789473691,0.5750878955298845,0.02605195632055571,0.5578947368421051,0.24369323915237134,29.12,greensboro smm food,2023-06-12,29.12,40.387757591048945 +0.4548645937813439,0.9640000000000001,0.6067813765182192,0.4158714213962833,0.053501260384554855,0.5954887218045113,0.1851664984863774,34.39,minneapolis/st. paul smm food,2023-06-12,34.39,48.484340921167295 +0.5837512537612838,0.8330000000000001,0.6523279352226724,0.4148669010547464,0.029949587815180864,0.09323308270676689,0.42179616548940463,21.69,milwaukee smm food,2023-06-12,21.69,25.908974069695 +0.48846539618856594,0.727,0.6513157894736844,0.36162732295328986,0.07489581298931092,0.46265664160400993,0.698284561049445,108.78,miami/west palm beach smm food,2023-06-12,108.78,148.9216549804753 +0.4919759277833499,0.031,0.6634615384615388,0.3430436966348569,0.25591376068644556,0.5909774436090225,0.4021190716448032,152.67,los angeles smm food,2023-06-12,152.67,150.5381801840503 +0.5842527582748245,0.82,0.2889676113360327,0.821195379206429,0.022025796691848544,0.16290726817042633,0.3501513622603431,10.86,little rock/pine bluff smm food,2023-06-12,10.86,13.997243370435122 +0.6659979939819456,0.4610000000000001,0.33350202429149817,0.6649924660974386,0.011505167430893578,0.720300751879699,0.5797174571140262,5.61,madison wi smm food,2023-06-12,5.61,10.0584608663508 +0.543630892678034,0.381,0.3390688259109313,0.27774987443495736,0.019269089816020428,0.5894736842105261,0.9031281533804238,20.0,knoxville smm food,2023-06-12,20.0,27.8513169002317 +0.6880641925777331,0.9470000000000001,0.41447368421052677,0.6695128076343546,0.035718158404448204,0.5353383458646614,0.5025227043390514,30.780000000000005,kansas city smm food,2023-06-12,30.780000000000005,39.78447624656223 +0.43430290872617816,0.20099999999999998,0.6452429149797573,0.5509794073329985,0.029950220958698502,0.5433583959899746,0.2613521695257316,35.92,jacksonville smm food,2023-06-12,35.92,40.19501995472505 +0.5426278836509526,0.5740000000000001,0.7661943319838056,0.6318432948267203,0.04807680329712777,0.2606516290726816,0.8168516649848638,41.09,indianapolis smm food,2023-06-12,41.09,50.84181442588944 +0.4032096288866599,0.007000000000000001,0.18775303643724706,0.8181818181818182,0.13722087800753102,0.44862155388471164,0.3728557013118063,132.06,houston smm food,2023-06-12,132.06,143.08143908870719 +0.573219658976931,0.71,0.7920040485829967,0.5248618784530388,0.036539345546834294,0.9764411027568919,0.2921291624621594,65.87,hartford/new haven smm food,2023-06-12,65.87,78.12837083509093 +0.22016048144433323,0.031,0.5662955465587052,0.43947764942240086,0.03758688149677862,0.7137844611528821,0.0893037336024218,34.99,las vegas smm food,2023-06-12,34.99,31.06092938227473 +0.8019057171514548,0.281,0.7677125506072877,0.43445504771471627,0.0400042234471488,0.9679197994987466,0.9167507568113017,45.83,portland or smm food,2023-06-19,45.83,51.18571985414048 +0.8294884653961885,0.134,0.5556680161943317,0.5047714716223004,0.0782223490310199,0.5283208020050125,0.6846619576185671,90.52,rem us middle atlantic smm food,2023-06-19,90.52,96.08545617039573 +0.4628886659979936,0.213,0.6745951417004049,0.605223505775992,0.23200816089070775,0.5734335839598997,0.5766902119071645,266.44,rem us east north central smm food,2023-06-19,266.44,299.24777985685387 +0.4764292878635906,0.9980000000000001,0.24696356275303688,0.6057257659467605,0.05306185878330893,0.6576441102756894,0.6831483350151363,64.07,raleigh/durham/fayetteville smm food,2023-06-19,64.07,87.21266855348748 +0.7497492477432295,0.71,0.10374493927125489,0.5831240582621798,0.02668731584051288,0.20150375939849619,0.7426841574167508,39.95,providence ri/new bedford ma smm food,2023-06-19,39.95,43.58706137044624 +0.5626880641925777,0.7480000000000002,0.47165991902834026,0.6670015067805124,0.03733678980730868,0.47869674185463673,0.627648839556004,59.36,pittsburgh smm food,2023-06-19,59.36,63.09597679591574 +0.9187562688064188,0.7350000000000001,0.6685222672064779,0.45253641386238075,0.033215025507437074,0.7132832080200504,0.34460141271442984,49.18,norfolk/portsmouth/newport news smm food,2023-06-19,49.18,60.94851363679116 +0.6168505516549649,0.517,0.7631578947368428,0.3199397287795078,0.12438294347199387,0.40250626566416037,0.6195761856710393,143.75,philadelphia smm food,2023-06-19,143.75,169.9986239639023 +0.03560682046138379,0.35600000000000004,0.7560728744939276,0.7031642390758414,0.014009883186698829,0.3493734335839598,0.6770938446014128,6.96,paducah ky/cape girardeau mo smm food,2023-06-19,6.96,8.988699918572465 +0.46890672016048135,0.7490000000000001,0.23127530364372464,0.09894525364138625,0.07128752808224971,0.6501253132832079,0.2341069626639758,70.2,orlando/daytona beach/melborne smm food,2023-06-19,70.2,95.28133898233858 +0.30541624874623857,0.649,0.7586032388663972,0.4409844299347062,0.01755960231837782,0.6987468671679196,0.5393541876892028,11.5,omaha smm food,2023-06-19,11.5,16.339224761682644 +0.3671013039117355,0.675,0.4397773279352229,0.5851330989452537,0.03330999703508388,0.23408521303258104,0.5575176589303734,7.09,oklahoma city smm food,2023-06-19,7.09,7.865818190138668 +0.5130391173520561,0.036,0.7920040485829963,0.646911099949774,0.15077553100504282,0.23057644110275702,0.6806256306760847,142.9,rem us mountain smm food,2023-06-19,142.9,151.2957857820448 +0.4934804413239718,0.18100000000000002,0.6310728744939273,0.1572074334505274,0.08038295128498486,0.44661654135338336,0.8536831483350151,70.24,phoenix/prescott smm food,2023-06-19,70.24,84.00025580070144 +0.7758274824473422,0.736,0.5060728744939269,0.18633852335509796,0.03873192154844035,0.6812030075187968,0.24268415741675076,109.48,rem us new england smm food,2023-06-19,109.48,105.81096234153433 +0.8460381143430289,0.6910000000000001,0.6912955465587048,0.7930688096433953,0.040701947603594045,0.6120300751879697,0.20686175580222,38.03,salt lake city smm food,2023-06-19,38.03,40.82662116277089 +0.3319959879638914,0.04000000000000001,0.46862348178137664,0.3882471120040181,0.2942322395178635,0.26766917293233083,0.1791120080726539,218.77,rem us south atlantic smm food,2023-06-19,218.77,277.08011150761564 +0.5115346038114341,0.30200000000000005,0.8208502024291502,0.18382722250125566,0.528388972935701,0.45363408521303217,0.47628657921291623,369.12,rem us south central smm food,2023-06-19,369.12,425.1899535771073 +0.4047141424272818,0.10800000000000001,0.8638663967611341,0.7965846308387745,0.16600991375486787,0.45413533834586434,0.6337033299697276,85.28,rem us west north central smm food,2023-06-19,85.28,105.44229552150269 +0.48746238716148454,0.047,0.605769230769231,0.13862380713209443,0.022317042709965436,0.7769423558897239,0.5015136226034309,34.47,richmond/petersburg smm food,2023-06-19,34.47,41.66787770991768 +0.5030090270812435,0.8420000000000001,0.4129554655870453,0.42039176293319946,0.07181651949124247,0.48471177944862126,0.3753784056508577,29.400000000000002,sacramento/stockton/modesto smm food,2023-06-19,29.400000000000002,35.86308382903055 +0.6970912738214641,0.123,0.5850202429149802,0.3189352084379709,0.04982586226462324,0.15338345864661626,0.23763874873864782,37.33,san diego smm food,2023-06-19,37.33,30.66028581548185 +0.37211634904714125,0.867,0.49949392712550655,0.5781014565544953,0.08686127575753272,0.5037593984962404,0.5166498486377397,48.23,san francisco/oakland/san jose smm food,2023-06-19,48.23,54.98708147289845 +0.5065195586760279,0.935,0.3193319838056686,0.6785534907081869,0.06171661409776288,0.644110275689223,0.37336024217961655,66.57,seattle/tacoma smm food,2023-06-19,66.57,56.58559832953961 +0.5797392176529585,0.746,0.4868421052631582,0.4992466097438474,0.045007323523582846,0.48421052631578937,0.7386478304742684,51.35,st. louis smm food,2023-06-19,51.35,48.39101513664791 +0.19458375125376134,0.5820000000000001,0.5708502024291501,0.7664490205926671,0.07930439130267591,0.6576441102756888,0.5201816347124117,98.44,tampa/ft. myers smm food,2023-06-19,98.44,141.36949743586112 +0.2246740220661986,0.042,0.4438259109311744,0.6283274736313411,0.01765235784371287,0.6817042606516291,0.4944500504540868,14.029999999999998,tucson/sierra vista smm food,2023-06-19,14.029999999999998,18.12101290386496 +0.370110330992979,0.5740000000000001,0.2586032388663967,0.5760924158714215,0.09462678100145366,0.8581453634085213,0.768920282542886,138.94,washington dc/hagerstown smm food,2023-06-19,138.94,146.247285043128 +0.3244734202607823,0.96,0.5627530364372471,0.5419387242591663,0.013405231127347456,0.7739348370927321,0.8097880928355197,5.72,yakima/pasco/richland/kennewick smm food,2023-06-19,5.72,8.487863185302928 +0.31444332998996977,0.485,0.15688259109311767,0.6725263686589654,0.3334868210401201,0.5904761904761903,0.9258324924318869,257.67,new york smm food,2023-06-19,257.67,300.69924777677875 +0.5010030090270812,0.367,0.33147773279352266,0.26067302862882974,0.173835884204724,0.33634085213032555,0.6115035317860746,74.85,rem us pacific smm food,2023-06-19,74.85,84.10223150142409 +0.5546639919759279,0.32000000000000006,0.6578947368421056,0.419889502762431,0.03394250740921164,0.21002506265664175,0.3572149344096872,10.44,new orleans smm food,2023-06-19,10.44,14.330046222440977 +0.4714142427281845,0.4730000000000001,0.6103238866396763,0.5620291310899046,0.04922627535341304,0.4531328320802,0.20181634712411706,53.34,nashville smm food,2023-06-19,53.34,55.3680277260327 +0.8585757271815447,0.9289999999999999,0.5657894736842108,0.2687091913611251,0.026307113158166813,0.3879699248120303,0.07467204843592332,17.86,mobile/pensacola smm food,2023-06-19,17.86,20.32171163172201 +0.5150451354062184,0.397,0.2803643724696358,0.5248618784530388,0.027635764829945703,0.22355889724310754,0.7310797174571141,18.94,albuquerque/santa fe smm food,2023-06-19,18.94,26.150131794648118 +0.42627883650952847,0.31400000000000006,0.19078947368421068,0.3380210949271723,0.10895038680114578,0.4957393483709267,0.6801210898082745,121.28000000000002,atlanta smm food,2023-06-19,121.28000000000002,143.16336909941995 +0.21263791374122384,0.883,0.4114372469635631,0.2169763937719739,0.04513806765997662,0.4010025062656644,0.2704339051463169,60.89999999999999,baltimore smm food,2023-06-19,60.89999999999999,63.55998818289849 +0.5315947843530588,0.5990000000000001,0.6169028340080974,0.1320944249121045,0.018003752496006074,0.20250626566416036,0.33097880928355194,2.84,baton rouge smm food,2023-06-19,2.84,0.909775849696274 +0.4839518555666998,0.572,0.9585020242914983,0.5293822199899548,0.03790345325560133,0.6411027568922308,0.7563067608476287,9.85,birmingham/anniston/tuscaloosa smm food,2023-06-19,9.85,20.380198769372292 +0.8731193580742224,0.634,0.4676113360323892,0.14766449020592667,0.08973764675819582,0.5548872180451129,0.14883955600403634,178.51,boston/manchester smm food,2023-06-19,178.51,150.2332421649131 +0.908726178535607,0.8900000000000001,0.2196356275303644,0.5057759919638373,0.024054388522384437,0.4275689223057643,0.4545913218970737,21.64,buffalo smm food,2023-06-19,21.64,22.493970256222653 +0.7221664994984952,0.15500000000000003,0.13815789473684217,0.44902059266700156,0.0566767916973054,0.6711779448621553,0.5938446014127144,70.19,charlotte smm food,2023-06-19,70.19,89.89200826951432 +0.6790371113340018,0.9710000000000001,0.2925101214574899,0.5595178302360624,0.15020886755675014,0.5734335839598997,0.8481331987891019,123.4,chicago smm food,2023-06-19,123.4,155.63863490437785 +0.4307923771313941,0.22799999999999998,0.2707489878542511,0.27272727272727276,0.05761954239507942,0.11879699248120298,0.2336024217961655,80.48,cleveland/akron/canton smm food,2023-06-19,80.48,87.86583993452591 +0.0556670010030091,0.36500000000000005,0.4407894736842108,0.2737317930688097,0.03955722412369115,0.2786967418546366,0.7865792129162462,55.71,columbus oh smm food,2023-06-19,55.71,62.48370356678322 +0.6303911735205622,0.547,0.7079959514170043,0.695128076343546,0.14764147059269805,0.18345864661654132,0.6326942482341069,77.64,dallas/ft. worth smm food,2023-06-19,77.64,85.56799763859753 +0.5010030090270811,0.396,0.33755060728744957,0.689603214465093,0.016580129296580367,0.30075187969924816,0.7734611503531786,19.11,des moines/ames smm food,2023-06-19,19.11,22.32233133936181 +0.5982948846539616,0.883,0.4068825910931176,0.38874937217478656,0.07321766609579174,0.44110275689223033,0.46266397578203833,116.45999999999998,detroit smm food,2023-06-19,116.45999999999998,123.48777729463224 +0.743731193580742,0.20099999999999998,0.5111336032388666,0.6916122551481668,0.02881182891397206,0.6741854636591477,0.1992936427850656,63.209999999999994,grand rapids smm food,2023-06-19,63.209999999999994,69.76985922073348 +0.6389167502507522,0.11299999999999999,0.47469635627530365,0.7769964841788047,0.01901741526775637,0.26566416040100244,0.6104944500504541,36.01,albany/schenectady/troy smm food,2023-06-19,36.01,39.507728512960796 +0.5737211634904715,0.593,0.6113360323886644,0.4424912104470116,0.027481910955157875,0.4586466165413533,0.6432896064581232,38.02,harrisburg/lancaster smm food,2023-06-19,38.02,45.75809614357459 +0.32848545636910714,0.9369999999999999,0.7454453441295554,0.14213962832747365,0.02719794608749391,0.6025062656641602,0.40615539858728555,31.68,greensboro smm food,2023-06-19,31.68,39.219144691367326 +0.4338014042126378,0.422,0.4412955465587049,0.35459568056253143,0.05918435659894005,0.34085213032581463,0.38698284561049445,37.81,minneapolis/st. paul smm food,2023-06-19,37.81,48.927748585064016 +0.6243731193580743,0.781,0.5683198380566805,0.4485183324962331,0.034326192380904764,0.09223057644110273,0.4031281533804238,25.13,milwaukee smm food,2023-06-19,25.13,26.598710913616422 +0.29338014042126404,0.9640000000000001,0.43117408906882604,0.7202410848819689,0.08900383342124477,0.7077694235588972,0.5933400605449042,110.57,miami/west palm beach smm food,2023-06-19,110.57,152.76121549775155 +0.28485456369107315,0.095,0.7930161943319842,0.5620291310899046,0.29764646593676636,0.751378446115288,0.3385469223007064,146.31,los angeles smm food,2023-06-19,146.31,157.55661891494597 +0.5070210631895686,0.15500000000000003,0.5445344129554661,0.6233048719236565,0.025354865307628118,0.3809523809523812,0.3627648839556004,10.77,little rock/pine bluff smm food,2023-06-19,10.77,13.80042345376787 +0.4734202607823468,0.793,0.3243927125506075,0.629331993972878,0.012394417501426558,0.720300751879699,0.18718466195761857,7.12,madison wi smm food,2023-06-19,7.12,7.532157791395093 +0.551654964894684,0.828,0.3588056680161945,0.4339527875439478,0.021014666494168822,0.7097744360902254,0.6866801210898082,24.16,knoxville smm food,2023-06-19,24.16,28.341659603571166 +0.40070210631895686,0.45300000000000007,0.3967611336032393,0.45755901557006534,0.040127686433089664,0.5969924812030073,0.9238143289606459,32.76,kansas city smm food,2023-06-19,32.76,41.10537358104616 +0.21614844533600766,0.20099999999999998,0.7388663967611337,0.6318432948267203,0.03388362506207061,0.7358395989974934,0.4803229061553986,30.239999999999995,jacksonville smm food,2023-06-19,30.239999999999995,42.769683440709564 +0.30441323971915735,0.08800000000000002,0.714068825910931,0.5012556504269212,0.052900090614550505,0.2781954887218044,0.5257315842583249,47.3,indianapolis smm food,2023-06-19,47.3,48.48698898497457 +0.26780341023069204,0.9119999999999999,0.24240890688259123,0.47664490205926674,0.14909295210690013,0.2862155388471177,0.239656912209889,138.09,houston smm food,2023-06-19,138.09,141.74867693550024 +0.5551654964894686,0.0030000000000000005,0.5951417004048589,0.18633852335509796,0.04088524265195239,0.8020050125313279,0.4667003027245207,65.7,hartford/new haven smm food,2023-06-19,65.7,76.79633631895629 +0.11534603811434327,0.019000000000000003,0.5141700404858305,0.21898543445504773,0.04386544918950933,0.5709273182957393,0.30070635721493444,27.44,las vegas smm food,2023-06-19,27.44,31.252895826754177 +0.5797392176529592,0.9550000000000001,0.29301619433198384,0.4927172275238574,0.0280916281626504,0.7238095238095237,0.6528758829465187,44.17,portland or smm food,2023-06-26,44.17,47.21034150102256 +0.6088264794383149,0.845,0.41042510121457465,0.6594676042189855,0.05632982904963571,0.07368421052631577,0.7013118062563067,86.94,rem us middle atlantic smm food,2023-06-26,86.94,92.45181731907059 +0.45687061183550615,0.03900000000000001,0.5946356275303644,0.634856855851331,0.1653153553160108,0.6882205513784462,0.7896064581231079,269.69,rem us east north central smm food,2023-06-26,269.69,291.48140903480225 +0.7587763289869608,0.797,0.5121457489878547,0.6202913108990458,0.04086403234411127,0.8085213032581453,0.512108980827447,89.02,raleigh/durham/fayetteville smm food,2023-06-26,89.02,85.59463877722445 +0.4658976930792376,0.916,0.19888663967611325,0.2747363134103466,0.019146259973597216,0.17493734335839597,0.6957618567103936,39.78,providence ri/new bedford ma smm food,2023-06-26,39.78,40.086459538907015 +0.47793380140421254,0.17,0.5824898785425103,0.7252636865896535,0.026025997436332243,0.46215538847117804,0.7447023208879919,59.05,pittsburgh smm food,2023-06-26,59.05,62.12375032441678 +0.6073219658976926,0.7960000000000002,0.6826923076923079,0.3817177297840282,0.023362679229356833,0.8155388471177947,0.17457114026236126,58.55,norfolk/portsmouth/newport news smm food,2023-06-26,58.55,58.005805636681 +0.3901705115346039,0.9140000000000001,0.4251012145748993,0.1461577096936213,0.09215657156736008,0.3583959899749373,0.6165489404641776,157.83,philadelphia smm food,2023-06-26,157.83,163.91419068349296 +0.03861584754262752,0.5790000000000001,0.649291497975709,0.9095931692616777,0.010524111550302018,0.49273182957393463,0.6735620585267407,4.5,paducah ky/cape girardeau mo smm food,2023-06-26,4.5,10.146331269492691 +0.7016048144433298,0.5700000000000001,0.31123481781376516,0.44801607232546464,0.05531489999085012,0.7473684210526315,0.4863773965691221,77.91,orlando/daytona beach/melborne smm food,2023-06-26,77.91,97.1483383760064 +0.2502507522567702,0.802,0.7206477732793527,0.545956805625314,0.012109819490244946,0.6390977443609019,0.5353178607467205,15.779999999999998,omaha smm food,2023-06-26,15.779999999999998,15.9208976911398 +0.1349047141424276,0.034999999999999996,0.487854251012146,0.4660974384731291,0.026121918679255535,0.40350877192982415,0.3602421796165489,4.04,oklahoma city smm food,2023-06-26,4.04,4.900550012337206 +0.5792377131394182,0.9410000000000001,0.731275303643725,0.767453540934204,0.10581822581935398,0.2275689223057646,0.7169525731584259,135.7,rem us mountain smm food,2023-06-26,135.7,146.3520331489549 +0.7166499498495484,0.741,0.4529352226720651,0.32094424912104474,0.05851860619013591,0.7604010025062655,0.9192734611503531,70.24,phoenix/prescott smm food,2023-06-26,70.24,83.73435293487863 +0.8445336008024072,0.559,0.1563765182186231,0.5213460572576595,0.02691461436334758,0.3137844611528821,0.5418768920282543,97.11,rem us new england smm food,2023-06-26,97.11,106.48141797989571 +0.6760280842527582,0.24500000000000002,0.30718623481781393,0.9261677548970367,0.03068814972851423,0.6210526315789471,0.43592330978809285,31.660000000000004,salt lake city smm food,2023-06-26,31.660000000000004,40.81076656702085 +0.7362086258776326,0.33,0.5020242914979759,0.15067805123053743,0.2255424992885129,0.3709273182957393,0.5797174571140262,240.98,rem us south atlantic smm food,2023-06-26,240.98,269.5220998848182 +0.9488465396188563,0.6040000000000001,0.8041497975708505,0.25715720743345055,0.39542820108664706,0.3739348370927314,0.8183652875882946,366.27,rem us south central smm food,2023-06-26,366.27,409.4915418723879 +0.320962888665998,0.395,0.8061740890688264,0.9723756906077349,0.11731516238451815,0.6862155388471175,0.46417759838546924,89.71,rem us west north central smm food,2023-06-26,89.71,99.29000525153259 +0.6760280842527583,0.466,0.22317813765182182,0.3430436966348569,0.016423109704204304,0.44912280701754365,0.34157416750756814,36.06,richmond/petersburg smm food,2023-06-26,36.06,40.34196574575129 +0.6594784353059174,0.025,0.582489878542511,0.431943746860874,0.05211119379156437,0.1393483709273181,0.4419778002018164,29.09,sacramento/stockton/modesto smm food,2023-06-26,29.09,32.45900584282989 +0.5050150451354058,0.7570000000000001,0.6938259109311745,0.38774485183324964,0.03601130385311802,0.05764411027568894,0.5736629667003027,36.1,san diego smm food,2023-06-26,36.1,30.800194422876608 +0.3119358074222666,0.666,0.5172064777327939,0.8161727774987444,0.06489784370217225,0.43458646616541335,0.5872855701311807,45.76,san francisco/oakland/san jose smm food,2023-06-26,45.76,53.27177158032444 +0.35205616850551635,0.341,0.5015182186234824,0.9492717227523858,0.04220059830986074,0.3774436090225564,0.7623612512613521,67.41,seattle/tacoma smm food,2023-06-26,67.41,56.39629153959032 +0.7181544633901703,0.762,0.40232793522267235,0.5243596182822703,0.032966200105002424,0.42205513784461146,0.5766902119071645,43.15,st. louis smm food,2023-06-26,43.15,45.89592383706733 +0.5546639919759279,0.42800000000000005,0.25961538461538475,0.35409342039176295,0.057694569901920414,0.35438596491228036,0.963673057517659,105.88,tampa/ft. myers smm food,2023-06-26,105.88,137.93752678422032 +0.5471414242728184,0.44400000000000006,0.3178137651821865,0.4786539427423406,0.0118233220485104,0.3764411027568923,0.6281533804238143,14.21,tucson/sierra vista smm food,2023-06-26,14.21,16.9199771980119 +0.3681043129388165,0.046,0.2763157894736842,0.4485183324962331,0.07016116576435853,0.6330827067669172,0.3082744702320888,151.41,washington dc/hagerstown smm food,2023-06-26,151.41,138.47129940141207 +0.5421263791374121,0.986,0.8562753036437248,0.5565042692114516,0.010332269064455456,0.6295739348370929,0.5090817356205852,4.65,yakima/pasco/richland/kennewick smm food,2023-06-26,4.65,6.503190446779399 +0.4102306920762285,0.722,0.46052631578947406,0.5775991963837268,0.25520907195130627,0.5473684210526314,0.8340060544904138,282.59,new york smm food,2023-06-26,282.59,288.928473147306 +0.5190571715145436,0.895,0.8076923076923084,0.26820693119035666,0.12742266550020956,0.3684210526315787,0.570635721493441,70.57,rem us pacific smm food,2023-06-26,70.57,78.04067644739969 +0.8064192577733199,0.543,0.7646761133603243,0.21848317428427927,0.02678165422464204,0.33383458646616554,0.7663975782038345,11.96,new orleans smm food,2023-06-26,11.96,15.511138301718525 +0.691073219658977,0.23399999999999999,0.4463562753036438,0.5966850828729282,0.03715317818719152,0.24160401002506218,0.40161453077699294,49.48,nashville smm food,2023-06-26,49.48,54.52573470649484 +0.5290872617853563,0.466,0.3653846153846156,0.11803114013058766,0.019779403491242627,0.3318295739348373,0.4339051463168517,19.43,mobile/pensacola smm food,2023-06-26,19.43,19.562739107952666 +0.381644934804413,0.455,0.6442307692307696,0.42290306378704173,0.019177284005961838,0.2711779448621552,0.7320887991927346,18.38,albuquerque/santa fe smm food,2023-06-26,18.38,24.555656292459688 +0.23971915747241723,0.7490000000000001,0.5495951417004052,0.30035158211953794,0.08394564985877559,0.8536340852130317,0.7522704339051464,114.39000000000001,atlanta smm food,2023-06-26,114.39000000000001,141.0637833299491 +0.345035105315948,0.5860000000000001,0.5283400809716603,0.22350577599196386,0.03322452266020175,0.16741854636591505,0.25529767911200807,63.54999999999999,baltimore smm food,2023-06-26,63.54999999999999,61.264467770705096 +0.18104312938816416,0.845,0.3390688259109313,0.39527875439477655,0.01391586137432848,0.43107769423558895,0.5055499495459133,3.15,baton rouge smm food,2023-06-26,3.15,2.9205575226441596 +0.6213640922768302,0.606,0.940283400809717,0.36614766449020597,0.028239467174020597,0.9208020050125315,0.6286579212916247,12.25,birmingham/anniston/tuscaloosa smm food,2023-06-26,12.25,18.445485793455212 +0.8906720160481443,0.8400000000000001,0.45344129554655915,0.11250627825213462,0.06388164835635135,0.6536340852130326,0.39656912209889,148.59,boston/manchester smm food,2023-06-26,148.59,148.25017501820747 +0.4914744232698096,0.028000000000000004,0.4043522267206479,0.2742340532395781,0.017592209209536556,0.7167919799498745,0.48133198789101916,18.82,buffalo smm food,2023-06-26,18.82,20.327860530811563 +0.7993981945837509,0.908,0.16244939271255068,0.4314414866901055,0.04305027691054087,0.738345864661654,0.44803229061553984,94.53,charlotte smm food,2023-06-26,94.53,87.72854557080933 +0.7226680040120359,0.639,0.4888663967611337,0.26770467101958817,0.11712743533153627,0.5403508771929826,0.9349142280524723,120.89,chicago smm food,2023-06-26,120.89,149.75166415977128 +0.37412236710130387,0.026000000000000002,0.1366396761133603,0.2893018583626319,0.04114451492242819,0.13533834586466162,0.22351160443995963,85.43,cleveland/akron/canton smm food,2023-06-26,85.43,85.36529421781711 +0.15997993981945843,0.11100000000000002,0.6103238866396764,0.3214465092918132,0.02913188296214182,0.4962406015037594,0.7421796165489405,56.31000000000001,columbus oh smm food,2023-06-26,56.31000000000001,61.865561084981266 +0.42377131394182593,0.21400000000000002,0.7413967611336036,0.544952285283777,0.10603761004821811,0.4406015037593984,0.2542885973763875,74.09,dallas/ft. worth smm food,2023-06-26,74.09,76.97878622448458 +0.4994984954864592,0.119,0.4068825910931176,0.7101958814665997,0.010781167818466051,0.4095238095238095,0.47124117053481335,22.56,des moines/ames smm food,2023-06-26,22.56,20.12136747956552 +0.7803410230692073,0.19599999999999998,0.5055668016194333,0.23606228026117532,0.058387228910224465,0.32731829573934823,0.6084762865792129,107.68,detroit smm food,2023-06-26,107.68,121.06490738759119 +0.6454363089267803,0.762,0.3937246963562754,0.545956805625314,0.02073291762881662,0.5583959899749371,0.48890010090817354,71.6,grand rapids smm food,2023-06-26,71.6,69.14273206123676 +0.48094282848545633,0.9960000000000001,0.645748987854251,0.5575087895529885,0.01258689313079076,0.606516290726817,0.8652875882946519,32.51,albany/schenectady/troy smm food,2023-06-26,32.51,40.127124202493775 +0.7577733199598797,0.8900000000000001,0.3188259109311744,0.19688598694123557,0.019813909812954302,0.49273182957393474,0.40766902119071646,35.01,harrisburg/lancaster smm food,2023-06-26,35.01,42.27892317259784 +0.3229689067201603,0.371,0.6447368421052638,0.4349573078854847,0.022000787522901553,0.5674185463659146,0.33148335015136227,40.75,greensboro smm food,2023-06-26,40.75,39.290450613799756 +0.28736208625877624,0.43700000000000006,0.46963562753036475,0.6991461577096937,0.04201002211104947,0.43358395989974946,0.693239152371342,36.71,minneapolis/st. paul smm food,2023-06-26,36.71,50.325085054092774 +0.8545636910732197,0.188,0.4908906882591097,0.6228026117528881,0.026532512250448583,0.38395989974937333,0.35166498486377396,22.65,milwaukee smm food,2023-06-26,22.65,27.166663163505156 +0.33650952858575744,0.625,0.24038461538461542,0.7825213460572578,0.07043056833111666,0.4741854636591478,0.24520686175580222,125.12,miami/west palm beach smm food,2023-06-26,125.12,147.56244520713068 +0.17552657973921765,0.22400000000000003,0.47823886639676133,0.6991461577096937,0.2212526353847064,0.6235588972431076,0.35872855701311807,145.32,los angeles smm food,2023-06-26,145.32,146.9974377321985 +0.5957873620862587,0.021,0.5546558704453446,0.6454043194374687,0.02047586136065258,0.3192982456140353,0.5055499495459133,8.74,little rock/pine bluff smm food,2023-06-26,8.74,13.968878269197965 +0.4072216649949847,0.9830000000000001,0.460526315789474,0.3319939728779508,0.008877305260906302,0.34486215538847104,0.4112008072653885,7.38,madison wi smm food,2023-06-26,7.38,5.531257541190385 +0.3435305917753259,0.8180000000000001,0.571862348178138,0.8895027624309393,0.015374624038983506,0.4947368421052629,0.34157416750756814,23.33,knoxville smm food,2023-06-26,23.33,27.26910058802779 +0.39869608826479436,0.909,0.5055668016194338,0.3751883475640382,0.028434475377455398,0.463659147869674,0.5736629667003027,32.9,kansas city smm food,2023-06-26,32.9,36.82050910055741 +0.38214643931795345,0.629,0.6710526315789475,0.43093922651933714,0.02643690757928412,0.6406015037593983,0.5277497477295661,36.06,jacksonville smm food,2023-06-26,36.06,40.98473394247171 +0.4593781344032095,0.516,0.7014170040485828,0.7634354595680564,0.037057573516027044,0.38295739348370916,0.3854692230070636,43.44,indianapolis smm food,2023-06-26,43.44,47.71849620865609 +0.007021063189568706,0.5910000000000001,0.529858299595142,0.2531391260673029,0.1029592662654261,0.5037593984962405,0.24419778002018164,133.72,houston smm food,2023-06-26,133.72,134.26860479780026 +0.5165496489468406,0.466,0.392712550607288,0.14364640883977903,0.02976407676451075,0.615037593984962,0.4939455095862765,69.68,hartford/new haven smm food,2023-06-26,69.68,74.59230835020266 +0.35656970912738234,0.7240000000000001,0.517206477732794,0.3586137619286791,0.0320471922891401,0.4947368421052631,0.31836528758829463,28.949999999999996,las vegas smm food,2023-06-26,28.949999999999996,30.985418717327654 +0.4262788365095285,0.48300000000000004,0.500506072874494,0.3731793068809644,0.009386036077334382,0.511779448621554,0.3304742684157417,53.44,pittsburgh smm food,2023-07-03,53.44,55.528540880118534 +0.4157472417251752,0.484,0.3547570850202429,0.6685082872928177,0.05996248998212623,0.6090225563909776,0.49949545913218973,346.22,rem us east north central smm food,2023-07-03,346.22,274.9125370799432 +0.6980942828485454,0.36200000000000004,0.8243927125506081,0.8377699648417881,0.01633067075062807,0.5804511278195489,0.20988900100908173,91.75,raleigh/durham/fayetteville smm food,2023-07-03,91.75,80.81796343662992 +0.07773319959879628,0.30600000000000005,0.28340080971659914,0.4660974384731291,0.007577145047421452,0.31127819548872177,0.6649848637739657,44.3,providence ri/new bedford ma smm food,2023-07-03,44.3,38.920156141282995 +0.5611835506519562,0.405,0.09463562753036425,0.5976896032144652,0.011448184514305492,0.581954887218045,0.6922300706357215,38.13,portland or smm food,2023-07-03,38.13,44.85169111116935 +0.7552657973921764,0.6930000000000001,0.33046558704453466,0.4640883977900553,0.02431650993868964,0.9508771929824559,0.9016145307769929,77.59,phoenix/prescott smm food,2023-07-03,77.59,80.19535164988365 +0.6980942828485455,0.618,0.8572874493927133,0.3676544450025113,0.10328818432284291,0.5132832080200499,0.5554994954591322,278.76,new york smm food,2023-07-03,278.76,265.3006879721129 +0.3375125376128381,0.668,0.7606275303643729,0.6659969864389754,0.00386819032105464,0.3323308270676691,0.40817356205852673,6.53,paducah ky/cape girardeau mo smm food,2023-07-03,6.53,6.387895721574381 +0.33249749247743227,0.5990000000000001,0.3026315789473684,0.4992466097438474,0.022952402229922602,0.49974937343358383,0.8415741675075681,294.31,orlando/daytona beach/melborne smm food,2023-07-03,294.31,93.57184862430276 +0.45135406218655955,0.8260000000000001,0.5850202429149802,0.6921145153189353,0.004439285773970797,0.6791979949874684,0.35872855701311807,12.5,omaha smm food,2023-07-03,12.5,15.042634130394731 +0.07422266800401234,0.731,0.4838056680161946,0.7137117026619789,0.011130663040206323,0.6416040100250622,0.37336024217961655,4.88,oklahoma city smm food,2023-07-03,4.88,5.23980135384663 +0.5757271815446335,0.484,0.6791497975708505,0.5770969362129583,0.008466395117954434,0.691729323308271,0.22704339051463168,62.08,norfolk/portsmouth/newport news smm food,2023-07-03,62.08,56.749611749477296 +0.26730190571715146,0.8710000000000001,0.44433198380566774,0.5404319437468609,0.020167203895800442,0.28170426065162896,0.6049445005045408,84.0,rem us middle atlantic smm food,2023-07-03,84.0,86.23031074827848 +0.39317953861584765,0.726,0.1654858299595146,0.4173782019085887,0.037190850226491406,0.32531328320802005,0.23662966700302732,135.56,philadelphia smm food,2023-07-03,135.56,155.18757118300957 +0.5040120361083249,0.147,0.5541497975708505,0.5057759919638374,0.04068168701102942,0.62406015037594,0.7906155398587286,139.58,rem us mountain smm food,2023-07-03,139.58,136.74080642562527 +0.47241725175526555,0.662,0.3997975708502032,0.4409844299347062,0.020417928728788046,0.3558897243107767,0.33905146316851664,30.59,sacramento/stockton/modesto smm food,2023-07-03,30.59,27.996044633092957 +0.29137412236710125,0.8330000000000001,0.5622469635627535,0.19286790557508793,0.05078824041144433,0.7112781954887215,0.4026236125126135,65.22,rem us pacific smm food,2023-07-03,65.22,66.35465962669167 +0.8520561685055162,0.909,0.39574898785425117,0.33400301356102463,0.08839949793365223,0.4922305764411027,0.8072653884964682,375.28,rem us south atlantic smm food,2023-07-03,375.28,253.36130877400268 +0.5140421263791374,0.6030000000000001,0.648279352226721,0.371672526368659,0.1515872209946642,0.31629072681704223,0.5307769929364279,409.0,rem us south central smm food,2023-07-03,409.0,373.16622107679643 +0.253259779338014,0.954,0.4509109311740894,0.9698643897538927,0.04182229505806762,0.5072681704260649,0.2058526740665994,85.48,rem us west north central smm food,2023-07-03,85.48,86.52983095711265 +0.7021063189568707,0.634,0.2160931174089068,0.6911099949773983,0.006120598385078184,0.1263157894736841,0.615539858728557,49.05,richmond/petersburg smm food,2023-07-03,49.05,41.58969344706062 +0.6609829488465394,0.256,0.19180161943319848,0.6067302862882974,0.01132155581077641,0.6746867167919797,0.45963673057517657,36.48,salt lake city smm food,2023-07-03,36.48,36.46961687750142 +0.7467402206619858,0.9970000000000001,0.5480769230769234,0.2084379708689101,0.014995687643672729,0.11528822055137818,0.82744702320888,29.65,san diego smm food,2023-07-03,29.65,28.889977011067778 +0.3660982948846538,0.909,0.718623481781377,0.8709191361125064,0.026254878817961073,0.30426065162907256,0.5408678102926338,43.96,san francisco/oakland/san jose smm food,2023-07-03,43.96,47.79994415842273 +0.4152457372116347,0.31600000000000006,0.45748987854251066,0.9015570065293823,0.01687137531469726,0.1764411027568923,0.9303733602421796,51.02,seattle/tacoma smm food,2023-07-03,51.02,52.97665318568684 +0.4343029087261783,0.301,0.3304655870445347,0.6604721245605224,0.01214337609668016,0.2310776942355889,0.3148335015136226,45.24,st. louis smm food,2023-07-03,45.24,40.90626329686157 +0.7081243731193582,0.862,0.313765182186235,0.2692114515318935,0.02311290411164573,0.2902255639097741,0.5015136226034309,372.06,tampa/ft. myers smm food,2023-07-03,372.06,130.19786285692186 +0.9463390170511535,0.073,0.2419028340080974,0.5946760421898544,0.004185395223394985,0.3197994987468673,0.6952573158425832,14.029999999999998,tucson/sierra vista smm food,2023-07-03,14.029999999999998,17.170091348302826 +0.5737211634904714,0.073,0.1619433198380566,0.4987443495730789,0.027587329350845832,0.4842105263157895,0.3794147325933401,140.88,washington dc/hagerstown smm food,2023-07-03,140.88,133.00409354537675 +0.7567703109327983,0.653,0.3886639676113362,0.42842792566549476,0.010492770946178565,0.5899749373433585,0.5610494450050454,8.91,new orleans smm food,2023-07-03,8.91,13.762734699765964 +0.9553660982948847,0.96,0.3340080971659916,0.586639879457559,0.009735214727315833,0.5779448621553883,0.7759838546922301,103.51,rem us new england smm food,2023-07-03,103.51,107.09019141337706 +0.49448345035105307,0.24300000000000002,0.5587044534412956,0.4866901054746359,0.013983607730716547,0.4170426065162903,0.5176589303733602,75.98,nashville smm food,2023-07-03,75.98,51.59587281929081 +0.8966900702106317,0.506,0.6578947368421054,0.7091913611250629,0.003994502452824896,0.6937343358395992,0.6508577194752775,4.29,yakima/pasco/richland/kennewick smm food,2023-07-03,4.29,7.753359657386255 +0.2953861584754262,0.48700000000000004,0.5991902834008102,0.8719236564540432,0.01626798954238119,0.7824561403508773,0.8314833501513623,37.4,minneapolis/st. paul smm food,2023-07-03,37.4,49.68798872803142 +0.5175526579739217,0.7389999999999999,0.42004048582995956,0.5062782521346058,0.005073695578651495,0.6160401002506265,0.4667003027245207,34.97,albany/schenectady/troy smm food,2023-07-03,34.97,36.30102470794991 +0.22818455366098273,0.439,0.6437246963562756,0.5534907081868409,0.00707063023330512,0.47568922305764394,0.6458123107971746,17.74,albuquerque/santa fe smm food,2023-07-03,17.74,23.469249006662736 +0.19959879638916747,0.883,0.3962550607287452,0.34605725765946765,0.03303964475304929,0.8240601503759393,0.9616548940464178,265.08,atlanta smm food,2023-07-03,265.08,135.18467382415182 +0.40220661985957884,0.686,0.4306680161943323,0.3470617780010046,0.01290599746368405,0.2476190476190479,0.36881937436932394,63.89,baltimore smm food,2023-07-03,63.89,60.10038128294053 +0.24774322968906687,0.11299999999999999,0.6310728744939273,0.8493219487694627,0.00538995076571538,0.5107769423558897,0.35872855701311807,2.33,baton rouge smm food,2023-07-03,2.33,3.666663968817957 +0.4317953861584752,0.002,0.6816801619433203,0.6745354093420393,0.010397799418531748,0.49223057644110313,0.5403632694248234,34.27,birmingham/anniston/tuscaloosa smm food,2023-07-03,34.27,15.108904216845538 +0.7532597793380138,0.919,0.4944331983805673,0.24309392265193372,0.024195262955060543,0.7112781954887218,0.36881937436932394,151.56,boston/manchester smm food,2023-07-03,151.56,143.26287221359655 +0.18455366098294898,0.08600000000000001,0.4276315789473686,0.3345052737317931,0.006341882044495254,0.7924812030075185,0.48234106962663975,20.23,buffalo smm food,2023-07-03,20.23,18.859376233635345 +0.43380140421263763,0.3740000000000001,0.3036437246963564,0.3721747865394275,0.017058469224161477,0.36942355889724304,0.6210898082744702,113.35,charlotte smm food,2023-07-03,113.35,82.8219186663337 +0.4598796389167501,0.209,0.8046558704453445,0.3872425916624812,0.047873564227963614,0.3894736842105264,0.9364278506559032,157.67,chicago smm food,2023-07-03,157.67,139.78723821287568 +0.39618856569709127,0.892,0.46609311740890697,0.4590657960823707,0.015250844481283828,0.23959899749373426,0.5726538849646822,92.71,cleveland/akron/canton smm food,2023-07-03,92.71,85.67703875443797 +0.14142427281845543,0.81,0.8618421052631584,0.6885986941235561,0.0106855631473016,0.6481203007518798,0.5025227043390514,64.87,columbus oh smm food,2023-07-03,64.87,60.89878886677542 +0.277833500501505,0.31600000000000006,0.9043522267206483,0.641386238071321,0.04257921813341271,0.7553884711779447,0.13471241170534815,75.47,dallas/ft. worth smm food,2023-07-03,75.47,68.78523170282686 +0.6659979939819456,0.708,0.5581983805668019,0.8980411853340031,0.003774801652201938,0.5463659147869674,0.1644803229061554,22.64,des moines/ames smm food,2023-07-03,22.64,19.49906898636091 +0.9473420260782343,0.097,0.72419028340081,0.10748367654445004,0.0238407025851791,0.43659147869674164,0.7527749747729566,145.76,detroit smm food,2023-07-03,145.76,117.00713762938739 +0.5616850551654966,0.169,0.6007085020242918,0.17830236062280264,0.00754548787153918,0.5704260651629075,0.6881937436932392,50.17,mobile/pensacola smm food,2023-07-03,50.17,20.458497319236997 +0.44684052156469395,0.668,0.8238866396761142,0.8578603716725265,0.009986256132062242,0.4666666666666665,0.2053481331987891,42.84,greensboro smm food,2023-07-03,42.84,39.4309857750469 +0.7271815446339015,0.549,0.6715587044534416,0.5720743345052738,0.00792758998443819,0.46616541353383434,0.6886982845610494,100.92,grand rapids smm food,2023-07-03,100.92,68.5693545967893 +0.9167502507522567,0.634,0.6594129554655876,0.29532898041185335,0.010400331992602345,0.7834586466165412,0.31331987891019175,29.400000000000002,milwaukee smm food,2023-07-03,29.400000000000002,24.4487584217679 +0.46990972918756285,0.17500000000000002,0.3319838056680163,0.6172777498744351,0.029353799765076523,0.5157894736842105,0.5116044399596368,393.29,miami/west palm beach smm food,2023-07-03,393.29,142.57796554720724 +0.24172517552657952,0.769,0.4574898785425104,0.3666499246609744,0.003076760923997873,0.3604010025062655,0.5479313824419778,6.5,madison wi smm food,2023-07-03,6.5,5.377080189411274 +0.5757271815446339,0.11200000000000002,0.4757085020242919,0.923154193872426,0.00764140911446246,0.12681704260651658,0.2674066599394551,9.43,little rock/pine bluff smm food,2023-07-03,9.43,11.737612822067838 +0.4563691073219661,0.666,0.5258097165991907,0.7031642390758414,0.013030093593142552,0.281704260651629,0.36427850655903127,28.22,las vegas smm food,2023-07-03,28.22,30.03292346509466 +0.2763289869608826,0.548,0.5840080971659921,0.8970366649924661,0.08883193495620408,0.5538847117794485,0.39656912209889,119.37,los angeles smm food,2023-07-03,119.37,129.88045834689518 +0.7337011033099298,0.8300000000000001,0.17611336032388702,0.6624811652435962,0.010589958476137145,0.6902255639097742,0.3647830474268416,31.86,kansas city smm food,2023-07-03,31.86,35.765903895944824 +0.7271815446339013,0.783,0.919028340080972,0.2576594676042191,0.011317756949670537,0.3964912280701752,0.6740665993945509,90.82,jacksonville smm food,2023-07-03,90.82,38.75441456396339 +0.7407221664994984,0.48,0.45748987854250966,0.8201908588648921,0.013222885794265563,0.5719298245614032,0.3627648839556004,57.76,indianapolis smm food,2023-07-03,57.76,45.446029930509184 +0.027582748244734202,0.9550000000000001,0.765688259109312,0.4163736815670518,0.03830075081292382,0.863659147869674,0.14228052472250252,132.74,houston smm food,2023-07-03,132.74,126.9736114204837 +0.7161484453360082,0.6120000000000001,0.33906882591093174,0.5228528377699649,0.011413361620834993,0.6516290726817039,0.24369323915237134,72.33,hartford/new haven smm food,2023-07-03,72.33,73.21142480045974 +0.36359077231695097,0.252,0.2707489878542512,0.37468608739326975,0.006533724530341814,0.5749373433583959,0.44601412714429867,36.98,harrisburg/lancaster smm food,2023-07-03,36.98,40.92329583649888 +0.6865596790371113,0.917,0.6659919028340084,0.8297338021094928,0.005264271777462766,0.6060150375939848,0.5797174571140262,30.019999999999996,knoxville smm food,2023-07-03,30.019999999999996,27.903175541347956 +0.8495486459378138,0.675,0.3618421052631579,0.44349573078854854,0.0,0.48120300751879685,0.8980827447023209,40.03,portland or smm food,2023-07-10,40.03,44.006954383553285 +0.5366098294884654,0.319,0.6837044534412955,0.37117026619789056,0.0,0.45614035087719296,0.7179616548940464,86.5,rem us middle atlantic smm food,2023-07-10,86.5,83.95732489909835 +0.10381143430290846,0.9380000000000002,0.3997975708502024,0.8232044198895029,0.0,0.5313283208020051,0.6251261352169526,323.21,rem us east north central smm food,2023-07-10,323.21,267.56462312681265 +0.3024072216649949,0.48200000000000004,0.6325910931174096,0.5138121546961326,0.0,0.4466165413533836,0.30978809283551967,88.1,raleigh/durham/fayetteville smm food,2023-07-10,88.1,76.10883594177878 +0.05566700100300893,0.6980000000000001,0.22874493927125497,0.5344048216976395,0.0,0.5122807017543859,0.29919273461150353,40.0,providence ri/new bedford ma smm food,2023-07-10,40.0,36.858867603613895 +0.7352056168505516,0.387,0.21558704453441294,0.4565544952285284,0.0,0.4897243107769425,0.20282542885973764,52.28,pittsburgh smm food,2023-07-10,52.28,54.173738718421866 +0.6725175526579735,0.675,0.4185222672064777,0.8538422903063788,0.0,0.5934837092731832,0.5403632694248234,66.94,norfolk/portsmouth/newport news smm food,2023-07-10,66.94,58.74452705957761 +0.8214643931795387,0.5710000000000001,0.21811740890688308,0.7076845806127575,0.0,0.18245614035087726,0.10443995963673064,143.89,philadelphia smm food,2023-07-10,143.89,151.08152880508413 +0.44132397191574685,0.7389999999999999,0.662449392712551,0.3897538925163235,0.0,0.48020050125313263,0.3229061553985873,7.1,paducah ky/cape girardeau mo smm food,2023-07-10,7.1,4.371710104013005 +0.24072216649949846,0.458,0.11487854251012139,0.3134103465595179,0.0,0.15037593984962402,0.843087790110999,70.48,orlando/daytona beach/melborne smm food,2023-07-10,70.48,87.87244319853988 +0.7301905717151453,0.6480000000000001,0.391194331983806,0.8372677046710196,0.0,0.7403508771929821,0.5494450050454087,11.77,omaha smm food,2023-07-10,11.77,16.807383194704784 +0.1840521564694085,0.388,0.26012145748987864,0.4831742842792567,0.0,0.5313283208020045,0.35923309788092833,7.960000000000001,oklahoma city smm food,2023-07-10,7.960000000000001,1.8183191490553128 +0.8385155466399196,0.894,0.6801619433198385,0.19939728779507787,0.0,0.7062656641604012,0.9212916246215943,135.21,rem us mountain smm food,2023-07-10,135.21,131.25296552310323 +0.5045135406218655,0.952,0.24038461538461556,0.32596685082872934,0.0,0.8967418546365913,0.7552976791120081,81.66,phoenix/prescott smm food,2023-07-10,81.66,74.61418593429259 +0.6680040120361085,0.968,0.44433198380566774,0.5138121546961326,0.0,0.7583959899749372,0.35418768920282545,95.14,rem us new england smm food,2023-07-10,95.14,103.00997013322991 +0.7001003009027079,0.647,0.47570850202429177,0.485685585133099,0.0,0.5378446115288218,0.15136226034308778,36.13,salt lake city smm food,2023-07-10,36.13,32.39263095400058 +0.7868605817452354,0.07900000000000001,0.16093117408906882,0.4947262682069312,0.0,0.7438596491228069,0.7295660948536832,254.07,rem us south atlantic smm food,2023-07-10,254.07,241.5339109499506 +0.14192577733199588,0.8410000000000001,0.717611336032389,0.5233550979407333,0.0,0.4771929824561399,0.5242179616548941,381.45,rem us south central smm food,2023-07-10,381.45,352.6938647144411 +0.15697091273821462,0.25,0.0668016194331985,0.533902561526871,0.0,0.4496240601503756,0.4318869828456105,81.44,rem us west north central smm food,2023-07-10,81.44,78.55925290069065 +0.3014042126379139,0.41700000000000004,0.6442307692307694,0.8141637368156706,0.0,0.19949874686716781,0.772452068617558,39.86,richmond/petersburg smm food,2023-07-10,39.86,42.061457944840576 +0.24473420260782325,0.021,0.6811740890688268,0.47312908086388755,0.0,0.5689223057644108,0.24470232088799193,29.65,sacramento/stockton/modesto smm food,2023-07-10,29.65,24.915071972027413 +0.7683049147442325,0.026000000000000002,0.6644736842105267,0.5705675539929684,0.0,0.38596491228070146,0.5287588294651867,32.44,san diego smm food,2023-07-10,32.44,27.617829580329335 +0.5025075225677028,0.7370000000000001,0.6093117408906888,0.6770467101958816,0.0,0.4431077694235588,0.2830474268415742,37.29,san francisco/oakland/san jose smm food,2023-07-10,37.29,42.01221691468689 +0.5762286860581743,0.655,0.27580971659919074,0.539427423405324,0.0,0.39548872180451133,0.8340060544904138,57.17000000000001,seattle/tacoma smm food,2023-07-10,57.17000000000001,48.96316238554192 +0.3721163490471412,0.762,0.5167004048582999,0.6378704168759418,0.0,0.37493734335839596,0.23662966700302726,42.52,st. louis smm food,2023-07-10,42.52,39.28326099498433 +0.35506519558676036,0.15100000000000002,0.23026315789473695,0.7533902561526872,0.0,0.32832080200501224,0.3087790110998991,100.52,tampa/ft. myers smm food,2023-07-10,100.52,127.7501686503906 +0.9227683049147443,0.8970000000000001,0.4979757085020247,0.9357106981416374,0.0,0.7127819548872181,0.5489404641775983,13.76,tucson/sierra vista smm food,2023-07-10,13.76,19.40019638023572 +0.668505516549649,0.7680000000000001,0.3466599190283401,0.6408839779005525,0.0,0.32280701754385965,0.5408678102926338,141.46,washington dc/hagerstown smm food,2023-07-10,141.46,130.96327611156602 +0.8099297893681041,0.9300000000000002,0.730769230769231,0.7187343043696636,0.0,0.592481203007519,0.512108980827447,4.42,yakima/pasco/richland/kennewick smm food,2023-07-10,4.42,6.224428724475175 +0.5651955867602808,0.082,0.6341093117408911,0.6936212958312407,0.0,0.6350877192982454,0.3062563067608476,256.62,new york smm food,2023-07-10,256.62,250.9584139821289 +0.4699097291875626,0.952,0.20091093117408934,0.24158714213962834,0.0,0.46616541353383434,0.5302724520686176,68.36,rem us pacific smm food,2023-07-10,68.36,59.59917149243757 +0.598294884653962,0.18100000000000002,0.3001012145748989,0.37418382722250126,0.0,0.47418546365914793,0.5928355196770938,9.84,new orleans smm food,2023-07-10,9.84,11.264876627681438 +0.29187562688064184,0.9130000000000001,0.4671052631578948,0.47162230035158215,0.0,0.3012531328320798,0.30625630676084764,51.3,nashville smm food,2023-07-10,51.3,47.87477445042153 +0.8024072216649952,0.231,0.49392712550607315,0.299347061778001,0.0,0.6917293233082707,0.4636730575176589,18.98,mobile/pensacola smm food,2023-07-10,18.98,19.52889353706466 +0.4643931795386156,0.7719999999999999,0.7388663967611341,0.5856353591160222,0.0,0.763408521303258,0.6917255297679112,19.53,albuquerque/santa fe smm food,2023-07-10,19.53,24.4205499949487 +0.4854563691073219,0.801,0.2246963562753038,0.2546459065796083,0.0,0.6862155388471171,0.5095862764883956,123.92000000000002,atlanta smm food,2023-07-10,123.92000000000002,127.29936413455945 +0.4598796389167504,0.447,0.5900809716599195,0.3480662983425415,0.0,0.10025062656641633,0.7174571140262361,59.97999999999999,baltimore smm food,2023-07-10,59.97999999999999,59.93645174281687 +0.3640922768304911,0.47000000000000003,0.9038461538461543,0.9457559015570066,0.0,0.30075187969924805,0.5075681130171544,2.66,baton rouge smm food,2023-07-10,2.66,4.197730679693251 +0.0521564694082244,0.4,0.6599190283400813,0.6760421898543446,0.0,0.11829573934837137,0.45660948536831486,10.99,birmingham/anniston/tuscaloosa smm food,2023-07-10,10.99,11.549592504403925 +0.5110330992978934,0.55,0.831477732793523,0.2842792566549473,0.0,0.5503759398496242,0.46417759838546924,142.67,boston/manchester smm food,2023-07-10,142.67,139.7792010438295 +0.22266800401203624,0.8970000000000001,0.4251012145748989,0.4018081366147665,0.0,0.6055137844611527,0.38244197780020184,20.75,buffalo smm food,2023-07-10,20.75,17.63164519415679 +0.29488465396188546,0.11100000000000002,0.7181174089068829,0.45755901557006534,0.0,0.4917293233082706,0.751765893037336,91.68,charlotte smm food,2023-07-10,91.68,81.94538842820137 +0.5080240722166498,0.6900000000000001,0.389676113360324,0.5278754394776495,0.0,0.18195488721804526,0.5454086781029264,165.42,chicago smm food,2023-07-10,165.42,130.99672601662618 +0.4488465396188565,0.7910000000000001,0.7059716599190285,0.8292315419387244,0.0,0.4947368421052631,0.437941473259334,90.01,cleveland/akron/canton smm food,2023-07-10,90.01,85.84648351610508 +0.4057171514543631,0.36400000000000005,0.6255060728744942,0.6353591160220995,0.0,0.499248120300752,0.5474268415741675,60.69,columbus oh smm food,2023-07-10,60.69,58.97956073367965 +0.41975927783350103,0.251,0.6022267206477736,0.3370165745856354,0.0,0.657142857142857,0.15035317860746722,79.92,dallas/ft. worth smm food,2023-07-10,79.92,60.859229036915224 +0.668004012036108,0.597,0.49645748987854277,0.8849824208940232,0.0,0.7924812030075188,0.3521695257315843,18.89,des moines/ames smm food,2023-07-10,18.89,20.6568308173118 +0.7527582748244732,0.523,0.8932186234817818,0.11903566047212458,0.0,0.42506265664160386,0.6059535822401615,132.12,detroit smm food,2023-07-10,132.12,112.8075738362836 +0.6318956870611834,0.41500000000000004,0.926619433198381,0.7086891009542944,0.0,0.3488721804511277,0.5166498486377397,82.61,grand rapids smm food,2023-07-10,82.61,66.8105573692013 +0.5275827482447342,0.978,0.36791497975708504,0.7307885484681066,0.0,0.5288220551378445,0.43491422805247226,33.23,albany/schenectady/troy smm food,2023-07-10,33.23,36.51362264078608 +0.3981945837512539,0.9890000000000001,0.5895748987854256,0.5379206428930187,0.0,0.38746867167919796,0.49949545913218973,34.08,harrisburg/lancaster smm food,2023-07-10,34.08,41.26075615496329 +0.566198595787362,0.20400000000000001,0.6629554655870451,0.647915620291311,0.0,0.6456140350877191,0.3738647830474268,39.05,greensboro smm food,2023-07-10,39.05,38.24022124828256 +0.5090270812437311,0.164,0.2839068825910934,0.47262682069311907,0.0,0.9052631578947368,0.7371342078708375,33.26,minneapolis/st. paul smm food,2023-07-10,33.26,44.96049978954651 +0.8189568706118355,0.44400000000000006,0.4908906882591098,0.39527875439477655,0.0,0.788471177944862,0.198284561049445,28.160000000000004,milwaukee smm food,2023-07-10,28.160000000000004,22.552725492560093 +0.7863590772316953,0.333,0.25,0.45755901557006534,0.0,0.8335839598997493,0.7593340060544904,114.66,miami/west palm beach smm food,2023-07-10,114.66,140.5021585315156 +0.2577733199598796,0.219,0.759615384615385,0.6378704168759418,0.0,0.6641604010025062,0.26992936427850656,130.8,los angeles smm food,2023-07-10,130.8,115.42684098261752 +0.3881644934804413,0.028000000000000004,0.7201417004048588,0.9030637870416877,0.0,0.2586466165413536,0.08526740665993945,10.21,little rock/pine bluff smm food,2023-07-10,10.21,9.697573163451686 +0.04012036108324948,0.8180000000000001,0.34058704453441313,0.5092918131592166,0.0,0.7122807017543857,0.4737638748738648,6.04,madison wi smm food,2023-07-10,6.04,6.035722262417863 +0.5461384152457371,0.554,0.6771255060728748,0.5539929683576093,0.0,0.6255639097744359,0.6326942482341069,27.8,knoxville smm food,2023-07-10,27.8,25.55608986458011 +0.9207622868605816,0.40599999999999997,0.3178137651821867,0.850828729281768,0.0,0.6245614035087718,0.6715438950554995,29.230000000000004,kansas city smm food,2023-07-10,29.230000000000004,37.129970801486245 +0.47642928786359034,0.799,0.6093117408906884,0.6810647915620291,0.0,0.4370927318295737,0.6972754793138244,31.389999999999997,jacksonville smm food,2023-07-10,31.389999999999997,39.24655631876326 +0.5631895687061184,0.783,0.4711538461538458,0.6971371170266198,0.0,0.42857142857142827,0.18869828456104945,57.519999999999996,indianapolis smm food,2023-07-10,57.519999999999996,41.280962175920905 +0.2662988966900702,0.9510000000000001,0.6852226720647776,0.47413360120542447,0.0,0.6561403508771928,0.21644803229061554,136.73,houston smm food,2023-07-10,136.73,122.04837106269358 +0.4162487462387163,0.9279999999999999,0.4256072874493933,0.6067302862882974,0.0,0.48220551378446075,0.07063572149344097,67.91,hartford/new haven smm food,2023-07-10,67.91,70.25738026256379 +0.23019057171514568,0.685,0.10425101214574932,0.6353591160220995,0.0,0.4606516290726816,0.508577194752775,32.86,las vegas smm food,2023-07-10,32.86,28.57596365148523 +0.5591775325977933,0.8340000000000001,0.21002024291497975,0.7247614264188851,0.0,0.4771929824561405,0.239656912209889,49.53,pittsburgh smm food,2023-07-17,49.53,55.79386936840476 +0.20511534603811404,0.327,0.2454453441295546,0.6212958312405826,0.0,0.5939849624060151,0.975782038345106,253.39,rem us east north central smm food,2023-07-17,253.39,268.4265309360412 +0.07221664994984946,0.925,0.14018218623481823,0.13510798593671522,0.0,0.7077694235588973,0.4525731584258325,67.6,raleigh/durham/fayetteville smm food,2023-07-17,67.6,75.09768313462854 +0.35807422266800387,0.169,0.3274291497975708,0.26770467101958817,0.0,0.3142857142857142,0.2966700302724521,35.88,providence ri/new bedford ma smm food,2023-07-17,35.88,35.023863220518784 +0.5366098294884657,0.504,0.4134615384615385,0.4414866901054747,0.0,0.275187969924812,0.44046417759838546,38.82,portland or smm food,2023-07-17,38.82,40.137092202878414 +0.24072216649949837,0.544,0.467105263157895,0.2230035158211954,0.0,0.9353383458646615,0.7098890010090817,76.37,phoenix/prescott smm food,2023-07-17,76.37,73.39103046590574 +0.2953861584754262,0.43200000000000005,0.3173076923076926,0.6167754897036666,0.0,0.8776942355889722,0.1331987891019172,254.33999999999997,new york smm food,2023-07-17,254.33999999999997,249.78594744669877 +0.22166499498495448,0.28500000000000003,0.47975708502024317,0.3088900050226017,0.0,0.5704260651629071,0.5403632694248234,4.78,paducah ky/cape girardeau mo smm food,2023-07-17,4.78,4.76067313182871 +0.24222668004012035,0.376,0.27834008097165996,0.293822199899548,0.0,0.4165413533834585,0.6014127144298689,76.2,orlando/daytona beach/melborne smm food,2023-07-17,76.2,87.24817656523564 +0.9007021063189564,0.659,0.24797570850202452,0.5886489201406329,0.0,0.414035087719298,0.9339051463168516,10.5,omaha smm food,2023-07-17,10.5,16.803425880021933 +0.19458375125376157,0.294,0.45900809716599217,0.2134605725765947,0.0,0.6250626566416035,0.6347124117053481,5.01,oklahoma city smm food,2023-07-17,5.01,2.25587362740319 +0.5466399197592774,0.7700000000000001,0.5708502024291499,0.8679055750878956,0.0,0.3498746867167922,0.5504540867810293,54.06,norfolk/portsmouth/newport news smm food,2023-07-17,54.06,58.05642319958102 +0.7156469408224673,0.296,0.5141700404858298,0.47312908086388755,0.0,0.4145363408521304,0.6331987891019173,85.2,rem us middle atlantic smm food,2023-07-17,85.2,84.10546177956677 +0.7447342026078236,0.166,0.40435222672064836,0.8653942742340534,0.0,0.4681704260651629,0.2790110998990919,141.54,philadelphia smm food,2023-07-17,141.54,153.6787257440392 +0.5842527582748245,0.8210000000000002,0.46862348178137686,0.544952285283777,0.0,0.29924812030075204,0.7033299697275479,130.99,rem us mountain smm food,2023-07-17,130.99,130.12195679277067 +0.5010030090270811,0.6240000000000001,0.5728744939271264,0.4691109994977399,0.0,0.45513784461152856,0.384460141271443,27.48,sacramento/stockton/modesto smm food,2023-07-17,27.48,25.989530410660542 +0.6449348044132396,0.7440000000000001,0.6153846153846159,0.2596685082872928,0.0,0.13583959899749354,0.35923309788092833,62.739999999999995,rem us pacific smm food,2023-07-17,62.739999999999995,58.13718586291912 +0.8149448345035101,0.549,0.5845141700404861,0.4399799095931693,0.0,0.6275689223057642,0.875882946518668,217.26,rem us south atlantic smm food,2023-07-17,217.26,242.23068559883768 +0.4488465396188565,0.129,0.6169028340080975,0.7117026619789052,0.0,0.6360902255639093,0.7487386478304743,370.12,rem us south central smm food,2023-07-17,370.12,355.6856669539693 +0.44082246740220654,0.883,0.3309716599190286,0.5042692114515319,0.0,0.6380952380952376,0.6488395560040363,78.7,rem us west north central smm food,2023-07-17,78.7,81.15692110990481 +0.3485456369107323,0.5990000000000001,0.7530364372469638,0.3510798593671522,0.0,0.5764411027568921,0.5020181634712412,39.48,richmond/petersburg smm food,2023-07-17,39.48,39.23932263322981 +0.5185556670010029,0.557,0.3588056680161945,0.6202913108990458,0.0,0.24210526315789452,0.38799192734611504,34.14,salt lake city smm food,2023-07-17,34.14,33.20340453880593 +0.45987963891675004,0.8650000000000001,0.4802631578947371,0.6418884982420895,0.0,0.43007518796992456,0.16548940464177597,29.809999999999995,san diego smm food,2023-07-17,29.809999999999995,25.819676703889208 +0.4538615847542626,0.6360000000000001,0.2201417004048586,0.4113510798593672,0.0,0.5684210526315787,0.5020181634712412,37.88,san francisco/oakland/san jose smm food,2023-07-17,37.88,41.78278379178397 +0.28585757271815426,0.5740000000000001,0.1816801619433203,0.3134103465595179,0.0,0.5182957393483709,0.5539858728557013,56.190000000000005,seattle/tacoma smm food,2023-07-17,56.190000000000005,45.84820212356014 +0.4257773319959878,0.893,0.20698380566801639,0.7066800602712205,0.0,0.4576441102756892,0.5227043390514632,36.85,st. louis smm food,2023-07-17,36.85,41.551997932932096 +0.45937813440320974,0.8150000000000001,0.5334008097165994,0.8121546961325967,0.0,0.3473684210526312,0.5630676084762866,108.59,tampa/ft. myers smm food,2023-07-17,108.59,130.2846880701519 +0.49498495486459376,0.13,0.5905870445344134,0.696132596685083,0.0,0.844110275689223,0.4737638748738648,12.97,tucson/sierra vista smm food,2023-07-17,12.97,16.988442175431096 +0.42326980942828496,0.221,0.5991902834008098,0.4801607232546459,0.0,0.2626566416040101,0.18970736629667004,119.35999999999999,washington dc/hagerstown smm food,2023-07-17,119.35999999999999,127.31454215269949 +0.19608826479438324,0.6890000000000001,0.5728744939271259,0.3706680060271221,0.0,0.20952380952380964,0.8410696266397578,13.56,new orleans smm food,2023-07-17,13.56,11.594800231673126 +0.21514543630892694,0.8380000000000001,0.2520242914979754,0.5077850326469111,0.0,0.3162907268170425,0.47225025227043393,97.79,rem us new england smm food,2023-07-17,97.79,101.35895995313511 +0.3425275827482447,0.268,0.1310728744939271,0.7267704671019589,0.0,0.40852130325814484,0.4339051463168517,51.08,nashville smm food,2023-07-17,51.08,49.98839663861953 +0.8104312938816448,0.298,0.5298582995951417,0.8297338021094928,0.0,0.5639097744360905,0.5040363269424823,4.18,yakima/pasco/richland/kennewick smm food,2023-07-17,4.18,6.3107131224181074 +0.7803410230692075,0.367,0.6012145748987858,0.1461577096936213,0.0,0.6330827067669172,0.7265388496468214,32.81,minneapolis/st. paul smm food,2023-07-17,32.81,42.926930521560614 +0.4037111334002006,0.58,0.6239878542510123,0.68407835258664,0.0,0.7443609022556389,0.8107971745711403,33.01,albany/schenectady/troy smm food,2023-07-17,33.01,38.85697650755583 +0.7377131394182546,0.42400000000000004,0.5035425101214579,0.6554495228528379,0.0,0.8751879699248117,0.5126135216952573,18.82,albuquerque/santa fe smm food,2023-07-17,18.82,24.27948395605975 +0.5210631895687061,0.011000000000000003,0.43218623481781393,0.26770467101958817,0.0,0.7438596491228063,0.5247225025227044,119.38999999999999,atlanta smm food,2023-07-17,119.38999999999999,127.46068951865837 +0.24172517552657985,0.504,0.8183198380566806,0.5133098945253642,0.0,0.12030075187969953,0.6422805247225025,53.8,baltimore smm food,2023-07-17,53.8,60.31093008094237 +0.2046138415245734,0.926,0.6528340080971663,0.7584128578603717,0.0,0.5388471177944861,0.7426841574167508,3.38,baton rouge smm food,2023-07-17,3.38,5.01671682975838 +0.11233701103309902,0.135,0.5688259109311744,0.437468608739327,0.0,0.547368421052632,0.1574167507568113,11.68,birmingham/anniston/tuscaloosa smm food,2023-07-17,11.68,9.700631122729625 +0.43380140421263763,0.09600000000000002,0.5566801619433203,0.1788046207935711,0.0,0.6556390977443609,0.6382441977800202,139.74,boston/manchester smm food,2023-07-17,139.74,140.00359084350376 +0.13490471414242744,0.263,0.5759109311740893,0.4244098442993471,0.0,0.6626566416040099,0.09788092835519677,19.47,buffalo smm food,2023-07-17,19.47,15.941581010720625 +0.21915747241725156,0.8730000000000001,0.5678137651821865,0.47413360120542447,0.0,0.9087719298245613,0.4818365287588295,64.98,charlotte smm food,2023-07-17,64.98,81.90192058038102 +0.6675025075225676,0.133,0.5480769230769232,0.7081868407835259,0.0,0.16090225563909788,0.1579212916246216,124.56,chicago smm food,2023-07-17,124.56,129.82333506744638 +0.8064192577733198,0.144,0.8162955465587048,0.5911602209944752,0.0,0.8551378446115288,0.4374369323915237,71.66,cleveland/akron/canton smm food,2023-07-17,71.66,85.96011514063211 +0.8019057171514544,0.41600000000000004,0.5146761133603242,0.6564540431943747,0.0,0.5714285714285715,0.5418768920282543,53.13,columbus oh smm food,2023-07-17,53.13,59.90828855603415 +0.714142427281846,0.513,0.15485829959514177,0.44198895027624313,0.0,0.25714285714285706,0.5590312815338042,73.22,dallas/ft. worth smm food,2023-07-17,73.22,62.928889788969514 +0.6599799398194582,0.7730000000000001,0.5065789473684214,0.6690105474635862,0.0,0.6335839598997494,0.6296670030272452,17.9,des moines/ames smm food,2023-07-17,17.9,20.610581420890455 +0.7432296890672013,0.969,0.5905870445344131,0.12908086388749374,0.0,0.5303258145363406,0.32441977800201816,105.21,detroit smm food,2023-07-17,105.21,111.56561297640334 +0.6414242728184556,0.414,0.20293522267206487,0.551481667503767,0.0,0.7854636591478698,0.5958627648839556,20.75,mobile/pensacola smm food,2023-07-17,20.75,21.667459899094283 +0.46639919759277815,0.79,0.3421052631578952,0.2782521346057258,0.0,0.9308270676691724,0.6892028254288597,30.770000000000003,greensboro smm food,2023-07-17,30.770000000000003,38.74311048288545 +0.7758274824473419,0.798,0.6740890688259112,0.7056755399296837,0.0,0.369423558897243,0.3884964682139253,58.24,grand rapids smm food,2023-07-17,58.24,66.37742791722452 +0.6654964894684053,0.015,0.1654858299595144,0.4771471622300352,0.0,0.43458646616541347,0.15943491422805248,24.01,milwaukee smm food,2023-07-17,24.01,21.04830070992417 +0.6028084252758278,0.8570000000000001,0.508097165991903,0.3731793068809644,0.0,0.6375939849624059,0.5312815338042381,128.38,miami/west palm beach smm food,2023-07-17,128.38,138.18484237841778 +0.24172517552657946,0.7230000000000001,0.4827935222672068,0.43797086891009546,0.0,0.38796992481202985,0.31079717457114026,7.619999999999999,madison wi smm food,2023-07-17,7.619999999999999,4.057888383360492 +0.5035105315947842,0.012000000000000002,0.635121457489879,0.8066298342541437,0.0,0.31077694235589,0.22250252270433904,10.19,little rock/pine bluff smm food,2023-07-17,10.19,10.235009317243147 +0.5461384152457374,0.028000000000000004,0.03896761133603268,0.46810647915620296,0.0,0.5523809523809523,0.6962663975782039,28.86,las vegas smm food,2023-07-17,28.86,29.172705242903483 +0.5797392176529589,0.10500000000000001,0.4974696356275306,0.17930688096433955,0.0,0.5228070175438595,0.5857719475277497,132.2,los angeles smm food,2023-07-17,132.2,114.5180124369236 +0.8655967903711134,0.033,0.6528340080971666,0.6408839779005525,0.0,0.6250626566416039,0.6200807265388496,26.63,kansas city smm food,2023-07-17,26.63,35.571187812582444 +0.20310932798395145,0.808,0.5915991902834009,0.8267202410848821,0.0,0.4857142857142855,0.5398587285570131,33.08,jacksonville smm food,2023-07-17,33.08,38.85676820114677 +0.44282848545636905,0.40199999999999997,0.7059716599190281,0.6941235560020091,0.0,0.4957393483709271,0.24318869828456105,43.55,indianapolis smm food,2023-07-17,43.55,41.55372340725273 +0.6228686058174523,0.037,0.5511133603238869,0.2887995981918634,0.0,0.6451127819548872,0.42936427850655906,131.08,houston smm food,2023-07-17,131.08,122.27652853757914 +0.5115346038114343,0.585,0.6528340080971667,0.551481667503767,0.0,0.5849624060150372,0.1584258324924319,57.63000000000001,hartford/new haven smm food,2023-07-17,57.63000000000001,70.90650116155538 +0.7006018054162488,0.819,0.502024291497976,0.6418884982420895,0.0,0.5664160401002506,0.47578203834510596,36.86,harrisburg/lancaster smm food,2023-07-17,36.86,42.64443785626072 +0.36609829488465384,0.23700000000000002,0.4347165991902836,0.6494224008036164,0.0,0.56390977443609,0.6402623612512613,24.34,knoxville smm food,2023-07-17,24.34,25.361007847968658 +0.3570712136409227,0.917,0.5607287449392715,0.6474133601205425,0.0,0.637092731829574,0.5237134207870837,52.341,pittsburgh smm food,2023-07-24,52.341,57.40732903458606 +0.4984954864593778,0.328,0.4068825910931174,0.6228026117528881,0.0,0.9814536340852131,0.5141271442986881,264.093,rem us east north central smm food,2023-07-24,264.093,267.54746208742847 +0.30140421263791367,0.7050000000000001,0.2869433198380572,0.10949271722752386,0.0,0.40100250626566425,0.48587285570131183,64.57,raleigh/durham/fayetteville smm food,2023-07-24,64.57,74.5639461541471 +0.6705115346038112,0.783,0.5344129554655871,0.5087895529884481,0.0,0.06115288220551377,0.5751765893037336,33.287,providence ri/new bedford ma smm food,2023-07-24,33.287,38.16496927795318 +0.43380140421263835,0.168,0.12297570850202419,0.22953289804118535,0.0,0.25062656641604003,0.4384460141271443,36.389,portland or smm food,2023-07-24,36.389,38.33212993319223 +0.35606820461384137,0.9990000000000001,0.7469635627530368,0.19136112506278255,0.0,0.5513784461152881,0.5343087790110999,67.409,phoenix/prescott smm food,2023-07-24,67.409,71.57718862989289 +0.4608826479438313,0.7300000000000001,0.5607287449392717,0.5434455047714717,0.0,0.7929824561403506,0.41725529767911196,268.181,new york smm food,2023-07-24,268.181,251.3117678402395 +0.30892678034102267,0.535,0.4149797570850205,0.31692616775489707,0.0,0.569423558897243,0.2870837537840565,5.289,paducah ky/cape girardeau mo smm food,2023-07-24,5.289,3.5575832335848077 +0.44684052156469406,0.5820000000000001,0.7211538461538465,0.20894023103967857,0.0,0.5924812030075187,0.3299697275479314,72.226,orlando/daytona beach/melborne smm food,2023-07-24,72.226,86.44026851513277 +0.7617853560682044,0.041,0.19534412955465608,0.6459065796082372,0.0,0.20100250626566393,0.955095862764884,17.03,omaha smm food,2023-07-24,17.03,16.045118214321434 +0.24824473420260812,0.388,0.49240890688259137,0.605223505775992,0.0,0.6491228070175434,0.7971745711402624,5.881,oklahoma city smm food,2023-07-24,5.881,5.667777493166653 +0.36710130391173484,0.7280000000000001,0.3972672064777328,0.833249623304872,0.0,0.20952380952380983,0.2250252270433905,51.547,norfolk/portsmouth/newport news smm food,2023-07-24,51.547,55.11353470406435 +0.30240722166499495,0.011000000000000003,0.25455465587044507,0.6428930185836264,0.0,0.3548872180451128,0.28557013118062563,83.596,rem us middle atlantic smm food,2023-07-24,83.596,81.89980110590687 +0.6283851554663994,0.844,0.2712550607287454,0.8412857860371673,0.0,0.5959899749373434,0.6735620585267407,131.773,philadelphia smm food,2023-07-24,131.773,156.26107496118777 +0.28786359077231694,0.47800000000000004,0.16751012145748995,0.38774485183324964,0.0,0.518295739348371,0.5514631685166499,122.69499999999998,rem us mountain smm food,2023-07-24,122.69499999999998,128.18401050452633 +0.5055165496489467,0.668,0.10931174089068878,0.6408839779005525,0.0,0.5934837092731826,0.35368314833501513,24.214,sacramento/stockton/modesto smm food,2023-07-24,24.214,26.968153320965946 +0.6840521564694082,0.844,0.7297570850202434,0.06981416373681568,0.0,0.46365914786967394,0.20080726538849647,65.874,rem us pacific smm food,2023-07-24,65.874,57.328303295750025 +0.6810431293881641,0.462,0.7586032388663971,0.21546961325966854,0.0,0.6015037593984961,0.822401614530777,219.594,rem us south atlantic smm food,2023-07-24,219.594,240.3975616478651 +0.78234704112337,0.389,0.5936234817813768,0.7614264188849825,0.0,0.8260651629072677,0.727547931382442,367.605,rem us south central smm food,2023-07-24,367.605,357.09743937093083 +0.6168505516549648,0.034999999999999996,0.36791497975708526,0.6398794575590157,0.0,0.3759398496240598,0.4783047426841574,90.079,rem us west north central smm food,2023-07-24,90.079,80.0572455639213 +0.6253761283851555,0.524,0.48431174089068835,0.20642893018583627,0.0,0.7243107769423557,0.5242179616548941,36.514,richmond/petersburg smm food,2023-07-24,36.514,39.260369947772325 +0.19007021063189558,0.9050000000000001,0.34716599190283415,0.28679055750878957,0.0,0.4731829573934834,0.6099899091826438,32.109,salt lake city smm food,2023-07-24,32.109,32.90225627004976 +0.3901705115346036,0.38500000000000006,0.5146761133603242,0.371672526368659,0.0,0.2561403508771927,0.4112008072653885,28.657,san diego smm food,2023-07-24,28.657,24.840753108771686 +0.2537612838515545,0.414,0.11740890688259133,0.6328478151682572,0.0,0.4561403508771928,0.7098890010090817,35.514,san francisco/oakland/san jose smm food,2023-07-24,35.514,43.40896074698394 +0.23520561685055152,0.227,0.5571862348178144,0.3671521848317429,0.0,0.3318295739348371,0.558526740665994,55.868,seattle/tacoma smm food,2023-07-24,55.868,45.588954298622625 +0.7522567703109325,0.30800000000000005,0.2763157894736845,0.6599698643897539,0.0,0.600501253132832,0.7320887991927346,40.108,st. louis smm food,2023-07-24,40.108,43.25573531736481 +0.728184553660983,0.52,0.662955465587045,0.6901054746358615,0.0,0.18696741854636556,0.6670030272452069,93.652,tampa/ft. myers smm food,2023-07-24,93.652,130.08208299632412 +0.45887662988966904,0.006000000000000001,0.5106275303643728,0.2923154193872426,0.0,0.7273182957393483,0.4253279515640767,12.543,tucson/sierra vista smm food,2023-07-24,12.543,13.8681403052068 +0.4102306920762288,0.994,0.45091093117408915,0.36614766449020597,0.0,0.2401002506265665,0.33097880928355194,109.731,washington dc/hagerstown smm food,2023-07-24,109.731,127.65596653172648 +0.29388164493480445,0.916,0.7191295546558709,0.6549472626820694,0.0,0.25012531328320814,0.7421796165489405,7.769,new orleans smm food,2023-07-24,7.769,13.132102084111757 +0.38615847542627896,0.171,0.19180161943319804,0.6629834254143647,0.0,0.33182957393483703,0.5514631685166499,92.367,rem us new england smm food,2023-07-24,92.367,102.69428393551276 +0.450852557673019,0.8210000000000002,0.42155870445344146,0.6474133601205425,0.0,0.7699248120300751,0.7674066599394551,50.721,nashville smm food,2023-07-24,50.721,53.198595820633805 +0.5641925777331995,0.5940000000000001,0.5414979757085022,0.8372677046710196,0.0,0.48771929824561433,0.7088799192734612,3.5160000000000005,yakima/pasco/richland/kennewick smm food,2023-07-24,3.5160000000000005,7.0385751459975125 +0.5060180541624874,0.282,0.6649797570850207,0.47212456052235063,0.0,0.5789473684210528,0.4192734611503532,37.275,minneapolis/st. paul smm food,2023-07-24,37.275,42.38758969021843 +0.1584754262788365,0.901,0.779352226720648,0.5118031140130588,0.0,0.6972431077694234,0.6765893037336024,31.341999999999995,albany/schenectady/troy smm food,2023-07-24,31.341999999999995,36.78176173878752 +0.5095285857572716,0.064,0.19129554655870454,0.916624811652436,0.0,0.5619047619047616,0.46215943491422806,17.687,albuquerque/santa fe smm food,2023-07-24,17.687,23.775456644474417 +0.42176529588766287,0.894,0.6255060728744942,0.42742340532395784,0.0,0.6681704260651622,0.5691220988900101,121.53400000000002,atlanta smm food,2023-07-24,121.53400000000002,128.7588295756502 +0.2337011033099299,0.8390000000000001,0.6938259109311745,0.7478653942742342,0.0,0.3669172932330829,0.6584258324924319,52.84,baltimore smm food,2023-07-24,52.84,62.57642928118294 +0.4709127382146436,0.7200000000000002,0.6791497975708505,0.317930688096434,0.0,0.9689223057644107,0.7749747729566094,2.08,baton rouge smm food,2023-07-24,2.08,4.377934878388274 +0.414744232698094,0.29100000000000004,0.501518218623482,0.49121044701155203,0.0,0.9438596491228073,0.384460141271443,10.641,birmingham/anniston/tuscaloosa smm food,2023-07-24,10.641,13.086267347388038 +0.40772316950852533,0.6910000000000001,0.42358299595141735,0.45303867403314924,0.0,0.4536340852130326,0.6644803229061554,137.309,boston/manchester smm food,2023-07-24,137.309,141.2508682833901 +0.18104312938816464,0.676,0.5855263157894738,0.5615268709191361,0.0,0.512781954887218,0.3218970736629667,19.92,buffalo smm food,2023-07-24,19.92,17.83437068109835 +0.5040120361083248,0.75,0.334514170040486,0.26670015067805125,0.0,0.9253132832080199,0.1236125126135217,69.199,charlotte smm food,2023-07-24,69.199,78.96551437375827 +0.32998996990972895,0.6110000000000001,0.6594129554655873,0.7664490205926671,0.0,0.5172932330827068,0.48133198789101916,121.17699999999999,chicago smm food,2023-07-24,121.17699999999999,132.8606017415433 +0.8936810431293881,0.07900000000000001,0.7778340080971663,0.5675539929683576,0.0,0.5694235588972429,0.3794147325933401,73.543,cleveland/akron/canton smm food,2023-07-24,73.543,84.69620184810789 +0.7211634904714143,0.477,0.4701417004048585,0.6735308890005023,0.0,0.7082706766917293,0.49747729566094856,52.54,columbus oh smm food,2023-07-24,52.54,60.03893326394433 +0.7377131394182552,0.995,0.07338056680161949,0.5665494726268208,0.0,0.3498746867167919,0.8768920282542886,73.873,dallas/ft. worth smm food,2023-07-24,73.873,65.98335170204417 +0.8234704112337008,0.013000000000000001,0.675607287449393,0.3274736313410347,0.0,0.48020050125313285,0.4263370332996973,26.515,des moines/ames smm food,2023-07-24,26.515,17.026283096994334 +0.965396188565697,0.265,0.39372469635627544,0.39829231541938726,0.0,0.588471177944862,0.4339051463168517,106.519,detroit smm food,2023-07-24,106.519,113.84578633693198 +0.6313941825476431,0.11299999999999999,0.46862348178137675,0.5911602209944752,0.0,0.8932330827067672,0.8234106962663976,16.8,mobile/pensacola smm food,2023-07-24,16.8,23.552715786753154 +0.4899699097291874,0.962,0.4777327935222677,0.25364138623807136,0.0,0.852130325814536,0.6992936427850656,30.667,greensboro smm food,2023-07-24,30.667,38.618576133425 +0.554162487462387,0.39199999999999996,0.5344129554655873,0.700652938221999,0.0,0.24561403508771917,0.29919273461150353,58.12400000000001,grand rapids smm food,2023-07-24,58.12400000000001,64.8056563814971 +0.5962888665997994,0.7610000000000001,0.5759109311740895,0.34555499748869917,0.0,0.23007518796992477,0.5378405650857719,21.788,milwaukee smm food,2023-07-24,21.788,22.334316131646354 +0.611835506519559,0.45300000000000007,0.6533400809716601,0.3581115017579106,0.0,0.5448621553884712,0.47426841574167505,107.748,miami/west palm beach smm food,2023-07-24,107.748,137.39788780928686 +0.47693079237713104,0.40900000000000003,0.6467611336032393,0.6544450025113009,0.0,0.23007518796992468,0.313824419778002,5.583,madison wi smm food,2023-07-24,5.583,5.172598231860846 +0.5356068204613841,0.261,0.4848178137651825,0.8744349573078856,0.0,0.36741854636591503,0.40615539858728555,8.797,little rock/pine bluff smm food,2023-07-24,8.797,11.939680553761512 +0.8049147442326983,0.683,0.38410931174089114,0.4259166248116525,0.0,0.14636591478696742,0.6548940464177598,28.633,las vegas smm food,2023-07-24,28.633,28.37913483106349 +0.8655967903711131,0.24100000000000002,0.28087044534412975,0.4063284781516826,0.0,0.4882205513784461,0.6871846619576186,104.459,los angeles smm food,2023-07-24,104.459,116.70543859105223 +0.6349047141424272,0.29,0.7940283400809725,0.38523355097940737,0.0,0.6741854636591477,0.5726538849646822,41.667,kansas city smm food,2023-07-24,41.667,33.80539917456267 +0.25075225677031054,0.554,0.967611336032389,0.5349070818684079,0.0,0.1268170426065161,0.7103935418768921,27.324,jacksonville smm food,2023-07-24,27.324,37.254355037942595 +0.7367101303911734,0.11000000000000001,0.7201417004048581,0.42993470617780016,0.0,0.7263157894736839,0.1644803229061554,47.452,indianapolis smm food,2023-07-24,47.452,40.662267891171155 +0.4042126379137412,0.564,0.33248987854251033,0.2923154193872426,0.0,0.6611528822055137,0.6417759838546923,130.956,houston smm food,2023-07-24,130.956,123.32319118704035 +0.8269809428284854,0.466,0.8355263157894746,0.695128076343546,0.0,0.8456140350877188,0.5176589303733602,59.29900000000001,hartford/new haven smm food,2023-07-24,59.29900000000001,75.19918661908007 +0.5576730190571716,0.31600000000000006,0.027834008097166008,0.7960823706680061,0.0,0.6370927318295738,0.3657921291624622,35.635,harrisburg/lancaster smm food,2023-07-24,35.635,42.348793325991124 +0.24272818455366085,0.7530000000000001,0.5425101214574901,0.5971873430436967,0.0,0.6235588972431075,0.7330978809283552,25.167,knoxville smm food,2023-07-24,25.167,25.883326245772174 +0.3961885656970912,0.5910000000000001,0.5349190283400811,0.5806127574083376,0.0,0.2416040100250629,0.591321897073663,50.03,pittsburgh smm food,2023-07-31,50.03,56.0909974728438 +0.5441323971915744,0.39199999999999996,0.6047570850202431,0.8940231039678554,0.0,0.5062656641604012,0.13471241170534815,301.687,rem us east north central smm food,2023-07-31,301.687,265.6570499060179 +0.5787362086258775,0.8240000000000001,0.5688259109311746,0.0743345052737318,0.0,0.211528822055138,0.6220988900100908,62.22699999999999,raleigh/durham/fayetteville smm food,2023-07-31,62.22699999999999,75.25444362215245 +0.49598796389167493,0.5730000000000001,0.39979757085020245,0.40934203917629336,0.0,0.15989974937343354,0.5383451059535822,31.879000000000005,providence ri/new bedford ma smm food,2023-07-31,31.879000000000005,37.217905046654785 +0.7276830491474426,0.064,0.4463562753036438,0.1592164741336012,0.0,0.21604010025062656,0.4656912209889001,35.484,portland or smm food,2023-07-31,35.484,38.619100511371606 +0.42126379137412223,0.205,0.6766194331983809,0.5389251632345555,0.0,0.46616541353383445,0.1856710393541877,65.858,phoenix/prescott smm food,2023-07-31,65.858,70.98162605500492 +0.5682046138415244,0.969,0.8846153846153852,0.623807132094425,0.0,0.7027568922305762,0.9021190716448032,232.29400000000004,new york smm food,2023-07-31,232.29400000000004,254.78873614035933 +0.53259779338014,0.45300000000000007,0.6938259109311745,0.575590155700653,0.0,0.5348370927318296,0.49041372351160445,5.246,paducah ky/cape girardeau mo smm food,2023-07-31,5.246,6.614256045365806 +0.6910732196589768,0.094,0.9033400809716605,0.48216976393771976,0.0,0.37894736842105253,0.45509586276488395,68.346,orlando/daytona beach/melborne smm food,2023-07-31,68.346,88.36079112068953 +0.751755265797392,0.063,0.3588056680161946,0.7117026619789052,0.0,0.5243107769423556,0.6331987891019173,15.127,omaha smm food,2023-07-31,15.127,15.65063137197933 +0.4232698094282851,0.07700000000000001,0.4013157894736844,0.6288297338021096,0.0,0.6055137844611524,0.5938446014127144,5.337,oklahoma city smm food,2023-07-31,5.337,4.58206510907911 +0.0932798395185553,0.395,0.3669028340080972,0.744349573078855,0.0,0.42005012531328345,0.5116044399596368,50.742,norfolk/portsmouth/newport news smm food,2023-07-31,50.742,56.287980041590274 +0.05165496489468405,0.025,0.11791497975708463,0.5891511803114013,0.0,0.3172932330827067,0.4177598385469223,74.222,rem us middle atlantic smm food,2023-07-31,74.222,81.74702595101148 +0.41775325977933814,0.073,0.12702429149797612,0.6418884982420895,0.0,0.5959899749373434,0.6881937436932392,126.36599999999999,philadelphia smm food,2023-07-31,126.36599999999999,154.40878885499404 +0.32146439317953857,0.8,0.24493927125506085,0.14213962832747365,0.0,0.7518796992481204,0.48335015136226034,120.001,rem us mountain smm food,2023-07-31,120.001,127.35849275160997 +0.4533600802407219,0.8310000000000001,0.33755060728745,0.47212456052235063,0.0,0.889724310776942,0.2976791120080727,25.211,sacramento/stockton/modesto smm food,2023-07-31,25.211,26.722191280668092 +0.9202607823470411,0.45300000000000007,0.6047570850202432,0.45153189352084383,0.0,0.9187969924812027,0.2462159434914228,65.629,rem us pacific smm food,2023-07-31,65.629,61.32223294271966 +0.49197592778334975,0.45999999999999996,0.7424089068825914,0.19387242591662482,0.0,0.7042606516290726,0.6553985872855701,208.779,rem us south atlantic smm food,2023-07-31,208.779,239.29852780355415 +0.4443329989969908,0.537,0.8856275303643729,0.4796584630838775,0.0,0.8857142857142852,0.7325933400605449,354.86,rem us south central smm food,2023-07-31,354.86,355.3814314872842 +0.4132397191574724,0.006000000000000001,0.29301619433198406,0.26569563033651433,0.0,0.07719298245614008,0.334510595358224,83.335,rem us west north central smm food,2023-07-31,83.335,75.75871253471858 +0.5787362086258777,0.447,0.5754048582995952,0.34505273731793074,0.0,0.31528822055137834,0.44601412714429867,34.902,richmond/petersburg smm food,2023-07-31,34.902,38.2768643209044 +0.39618856569709116,0.7889999999999999,0.6432186234817817,0.5047714716223004,0.0,0.7949874686716788,0.43440968718466194,36.029,salt lake city smm food,2023-07-31,36.029,34.599326449586655 +0.32647943831494464,0.20299999999999999,0.6376518218623485,0.6700150678051231,0.0,0.20802005012531305,0.4924318869828456,27.812,san diego smm food,2023-07-31,27.812,26.755112682052392 +0.1905717151454361,0.269,0.2500000000000003,0.6710195881466601,0.0,0.49774436090225543,0.46316851664984865,33.932,san francisco/oakland/san jose smm food,2023-07-31,33.932,42.23520843746819 +0.2903711133400199,0.801,0.9772267206477743,0.22752385735811154,0.0,0.27117794486215535,0.4046417759838547,54.947,seattle/tacoma smm food,2023-07-31,54.947,44.32367042540348 +0.7201604814443328,0.137,0.599696356275304,0.5364138623807133,0.0,0.5027568922305763,0.5075681130171544,38.997,st. louis smm food,2023-07-31,38.997,41.009442559526434 +0.5606820461384153,0.131,0.28694331983805693,0.6619789050728278,0.0,0.3734335839598994,0.6553985872855701,100.147,tampa/ft. myers smm food,2023-07-31,100.147,129.74279732966045 +0.6258776328986961,0.7300000000000001,0.6523279352226725,0.40482169763937725,0.0,0.8426065162907268,0.1094853683148335,12.629,tucson/sierra vista smm food,2023-07-31,12.629,13.73861686707236 +0.20912738214643947,0.867,0.3714574898785425,0.2230035158211954,0.0,0.3538847117794487,0.768920282542886,111.889,washington dc/hagerstown smm food,2023-07-31,111.889,129.28393595742085 +0.43380140421263796,0.44800000000000006,0.8395748987854256,0.7965846308387745,0.0,0.23308270676691745,0.7699293642785066,8.773,new orleans smm food,2023-07-31,8.773,14.141110503416463 +0.6885656970912739,0.097,0.40283400809716574,0.7664490205926671,0.0,0.6200501253132832,0.6261352169525731,89.243,rem us new england smm food,2023-07-31,89.243,105.20984559002925 +0.4252758274824473,0.083,0.6047570850202432,0.8483174284279258,0.0,0.4892230576441105,0.4001009081735621,4.599,yakima/pasco/richland/kennewick smm food,2023-07-31,4.599,4.888095645582624 +0.36208625877632894,0.18500000000000003,0.3987854251012147,0.4851833249623305,0.0,0.7298245614035083,0.736125126135217,48.047,nashville smm food,2023-07-31,48.047,51.50847691807855 +0.4383149448345034,0.6160000000000001,0.48582995951417035,0.4510296333500754,0.0,0.5077694235588974,0.4127144298688194,34.328,minneapolis/st. paul smm food,2023-07-31,34.328,41.940936009020724 +0.8164493480441325,0.332,0.37955465587044557,0.2169763937719739,0.0,0.7027568922305767,0.8627648839556004,16.525,mobile/pensacola smm food,2023-07-31,16.525,21.404262680754528 +0.08375125376128384,0.24500000000000002,0.5455465587044536,0.3249623304871924,0.0,0.7934837092731829,0.425832492431887,29.022,albany/schenectady/troy smm food,2023-07-31,29.022,33.986635685424375 +0.21263791374122348,0.894,0.452935222672065,0.8658965344048217,0.0,0.2531328320802003,0.87941473259334,17.236,albuquerque/santa fe smm food,2023-07-31,17.236,24.995519202191844 +0.5626880641925777,0.005000000000000001,0.6467611336032393,0.7227523857358112,0.0,0.39498746867167855,0.45862764883955603,124.68299999999999,atlanta smm food,2023-07-31,124.68299999999999,128.80026112528222 +0.3179538615847544,0.44900000000000007,0.3750000000000003,0.4771471622300352,0.0,0.637092731829574,0.512108980827447,49.019,baltimore smm food,2023-07-31,49.019,60.780807794179 +0.8580742226680037,0.9390000000000001,0.5799595141700408,0.26569563033651433,0.0,0.5899749373433583,0.656912209889001,2.424,baton rouge smm food,2023-07-31,2.424,2.9076925719296582 +0.3941825476429285,0.8890000000000001,0.6098178137651824,0.4907081868407836,0.0,0.8546365914786972,0.4192734611503532,10.491,birmingham/anniston/tuscaloosa smm food,2023-07-31,10.491,13.317255789535146 +0.20712136409227663,0.097,0.5986842105263162,0.5901557006529383,0.0,0.35137844611528835,0.8218970736629667,130.143,boston/manchester smm food,2023-07-31,130.143,142.12913764552627 +0.479939819458375,0.34600000000000003,0.49443319838056704,0.24259166248116526,0.0,0.5949874686716792,0.29364278506559033,65.384,charlotte smm food,2023-07-31,65.384,78.66061388626656 +0.08074222668003993,0.339,0.25,0.7584128578603717,0.0,0.7909774436090227,0.8244197780020182,124.07500000000002,chicago smm food,2023-07-31,124.07500000000002,134.8590199215189 +0.7382146439317953,0.8550000000000001,0.38917004048583015,0.8879959819186339,0.0,0.27869674185463655,0.3794147325933401,70.681,cleveland/akron/canton smm food,2023-07-31,70.681,85.49367042014045 +0.6845536609829489,0.8390000000000001,0.1978744939271256,0.4746358613761929,0.0,0.3894736842105264,0.7330978809283552,53.129,columbus oh smm food,2023-07-31,53.129,59.21906479412057 +0.37161484453360133,0.036,0.4868421052631582,0.5489703666499247,0.0,0.5588972431077692,0.6468213925327951,71.878,dallas/ft. worth smm food,2023-07-31,71.878,64.39513864766448 +0.4704112337011032,0.668,0.35931174089068846,0.2757408337518835,0.0,0.5082706766917292,0.20837537840565085,22.14,des moines/ames smm food,2023-07-31,22.14,15.075934422065913 +0.8350050150451352,0.31200000000000006,0.27985829959514175,0.5399296835760925,0.0,0.5338345864661652,0.7053481331987891,113.89499999999998,detroit smm food,2023-07-31,113.89499999999998,115.79535899396636 +0.3239719157472418,0.496,0.7348178137651825,0.6062280261175289,0.0,0.16491228070175434,0.4106962663975782,20.187,buffalo smm food,2023-07-31,20.187,17.773835023626077 +0.6860581745235705,0.037,0.43370445344129605,0.6745354093420393,0.0,0.5308270676691726,0.5232088799192735,30.953999999999997,greensboro smm food,2023-07-31,30.953999999999997,38.8853338886673 +0.5386158475426277,0.5559999999999999,0.4301619433198382,0.4957307885484682,0.0,0.07819548872180442,0.2759838546922301,82.42,grand rapids smm food,2023-07-31,82.42,62.966134693487795 +0.638415245737212,0.58,0.6826923076923079,0.37368156705173283,0.0,0.34987468671679195,0.7820383451059536,106.458,miami/west palm beach smm food,2023-07-31,106.458,138.78761031427476 +0.34704112337011,0.132,0.6609311740890691,0.9286790557508791,0.0,0.6616541353383456,0.5484359233097881,7.444,madison wi smm food,2023-07-31,7.444,9.102057170824523 +0.7437311935807421,0.40700000000000003,0.2823886639676115,0.6845806127574084,0.0,0.6195488721804511,0.5665993945509586,110.34,los angeles smm food,2023-07-31,110.34,117.88091693970732 +0.6379137412236711,0.68,0.42257085020242946,0.5544952285283777,0.0,0.41002506265664185,0.5322906155398587,10.949,little rock/pine bluff smm food,2023-07-31,10.949,11.297113775529205 +0.3911735205616852,0.5700000000000001,0.5850202429149803,0.2566549472626821,0.0,0.11829573934837087,0.29616548940464177,26.125,las vegas smm food,2023-07-31,26.125,24.62546396714739 +0.04212637913741214,0.7350000000000001,0.6715587044534417,0.2998493219487695,0.0,0.5624060150375938,0.7134207870837538,21.421,knoxville smm food,2023-07-31,21.421,23.613827503399186 +0.6389167502507523,0.6110000000000001,0.47267206477732837,0.5539929683576093,0.0,0.33934837092731823,0.649848637739657,24.435,milwaukee smm food,2023-07-31,24.435,24.453601232076004 +0.42377131394182505,0.44000000000000006,0.8648785425101218,0.3746860873932698,0.0,0.42807017543859627,0.6024217961654894,28.570999999999998,jacksonville smm food,2023-07-31,28.570999999999998,36.817015986466465 +0.7246740220661985,0.122,0.39777327935222634,0.5233550979407333,0.0,0.7278195488721801,0.09889001009081735,54.888,indianapolis smm food,2023-07-31,54.888,40.610687870351924 +0.17352056168505514,0.042,0.08046558704453446,0.3038674033149172,0.0,0.4431077694235588,0.7023208879919274,131.839,houston smm food,2023-07-31,131.839,122.28565281601854 +0.9277833500501506,0.082,0.8335020242914987,0.8227021597187344,0.0,0.7964912280701749,0.8617558022199798,57.62400000000001,hartford/new haven smm food,2023-07-31,57.62400000000001,77.76035719579158 +0.6780341023069208,0.3740000000000001,0.29453441295546573,0.863887493721748,0.0,0.3223057644110275,0.27749747729566093,31.330999999999996,harrisburg/lancaster smm food,2023-07-31,31.330999999999996,41.640878121530434 +0.4292878635907723,0.9060000000000001,0.6093117408906888,0.17679558011049726,0.0,0.5859649122807016,0.5378405650857719,36.865,kansas city smm food,2023-07-31,36.865,31.9669752096627 +0.18655967903711132,0.9670000000000001,0.19180161943319804,0.3706680060271221,0.0,0.669172932330827,0.8531786074672049,84.899,rem us middle atlantic smm food,2023-08-07,84.899,84.81395418111492 +0.392176529588766,0.17500000000000002,0.7459514170040488,0.8021094927172276,0.0,0.49373433583959914,0.16145307769929365,288.005,rem us east north central smm food,2023-08-07,288.005,264.97948785566814 +0.5145436308926779,0.9400000000000001,0.6862348178137658,0.17478653942742342,0.0,0.48270676691729325,0.7780020181634713,74.844,raleigh/durham/fayetteville smm food,2023-08-07,74.844,77.59059336594436 +0.16900702106318946,0.7010000000000001,0.3081983805668016,0.257659467604219,0.0,0.2927318295739348,0.46972754793138244,35.059,providence ri/new bedford ma smm food,2023-08-07,35.059,35.821653936304294 +0.6414242728184558,0.5860000000000001,0.7717611336032391,0.1737820190858865,0.0,0.3473684210526315,0.4091826437941473,31.759,portland or smm food,2023-08-07,31.759,39.07769019469659 +0.5847542627883651,0.004,0.3238866396761134,0.6639879457559016,0.0,0.3563909774436092,0.4328960645812311,54.092,pittsburgh smm food,2023-08-07,54.092,55.91977084357726 +0.24423269809428275,0.013000000000000001,0.3284412955465589,0.5806127574083376,0.0,0.48120300751879685,0.313824419778002,79.849,phoenix/prescott smm food,2023-08-07,79.849,71.4133309357044 +0.39167502507522567,0.034999999999999996,0.5349190283400813,0.37418382722250126,0.0,0.3779448621553884,0.8506559031281534,296.409,orlando/daytona beach/melborne smm food,2023-08-07,296.409,89.28063876572372 +0.43380140421263746,0.53,0.8061740890688264,0.3812154696132597,0.0,0.2656641604010025,0.8713420787083754,6.148,paducah ky/cape girardeau mo smm food,2023-08-07,6.148,6.8148405475727145 +0.7447342026078233,0.54,0.41902834008097195,0.5991963837267705,0.0,0.6917293233082703,0.5050454086781029,12.325,omaha smm food,2023-08-07,12.325,15.027905634964199 +0.5205616850551658,0.9740000000000001,0.5455465587044537,0.23405323957810148,0.0,0.7117794486215534,0.39505549949545915,5.432,oklahoma city smm food,2023-08-07,5.432,2.164063238837727 +0.43380140421263746,0.242,0.5030364372469637,0.5158211953792065,0.0,0.51077694235589,0.8935418768920282,53.749,norfolk/portsmouth/newport news smm food,2023-08-07,53.749,58.05317500617339 +0.697592778335005,0.7350000000000001,0.9099190283400816,0.41336012054244103,0.0,0.5087719298245612,0.5322906155398587,246.856,new york smm food,2023-08-07,246.856,250.96336688522382 +0.4443329989969911,0.54,0.2378542510121462,0.425414364640884,0.0,0.7393483709273182,0.5338042381432896,136.614,philadelphia smm food,2023-08-07,136.614,153.04656663751408 +0.487963891675025,0.311,0.4428137651821863,0.6087393269713712,0.0,0.39749373433583984,0.33148335015136227,3.773,yakima/pasco/richland/kennewick smm food,2023-08-07,3.773,2.9461696709546032 +0.5065195586760283,0.852,0.9124493927125511,0.8412857860371673,0.0,0.16491228070175454,0.5242179616548941,10.449,new orleans smm food,2023-08-07,10.449,13.11475754551666 +0.8239719157472416,0.268,0.7854251012145753,0.5062782521346058,0.0,0.5478696741854634,0.5746720484359233,58.14,rem us pacific smm food,2023-08-07,58.14,62.25463978241472 +0.2457372116349044,0.118,0.5855263157894739,0.1642390758412858,0.0,0.5343358395989974,0.42936427850655906,361.601,rem us south atlantic smm food,2023-08-07,361.601,236.62902760270543 +0.41073219658976917,0.6880000000000001,0.8674089068825915,0.38573581115017586,0.0,0.7022556390977439,0.7300706357214934,402.383,rem us south central smm food,2023-08-07,402.383,354.2639316316738 +0.2848545636910732,0.068,0.40080971659919057,0.20090406830738325,0.0,0.31679197994987435,0.38092835519677093,81.439,rem us west north central smm food,2023-08-07,81.439,76.27890797024193 +0.6975927783350051,0.7580000000000001,0.6250000000000001,0.2029131089904571,0.0,0.1483709273182957,0.16548940464177597,43.858,richmond/petersburg smm food,2023-08-07,43.858,35.693127463075676 +0.706619859578736,0.7490000000000001,0.43016194331983876,0.35560020090406835,0.0,0.8365914786967416,0.19525731584258324,26.418,sacramento/stockton/modesto smm food,2023-08-07,26.418,25.73770503352994 +0.4232698094282847,0.488,0.5581983805668018,0.5801104972375691,0.0,0.9443609022556387,0.6453077699293643,31.866,salt lake city smm food,2023-08-07,31.866,36.56910413216596 +0.3936810431293879,0.5950000000000001,0.26113360323886653,0.7805123053741839,0.0,0.30626566416040074,0.19424823410696265,27.155,san diego smm food,2023-08-07,27.155,26.027880240404862 +0.18405215646940806,0.321,0.5440283400809721,0.47262682069311907,0.0,0.7939849624060148,0.35065590312815337,37.539,san francisco/oakland/san jose smm food,2023-08-07,37.539,41.55698598334824 +0.35456369107321944,0.9660000000000001,0.5870445344129561,0.13561024610748368,0.0,0.4446115288220551,0.5216952573158425,54.498,seattle/tacoma smm food,2023-08-07,54.498,44.95801563582046 +0.7146439317953859,0.24700000000000003,0.4969635627530368,0.4470115519839277,0.0,0.28521303258145353,0.34157416750756814,41.124,st. louis smm food,2023-08-07,41.124,38.84143804333105 +0.4508525576730192,0.521,0.5323886639676118,0.7036664992466098,0.0,0.615538847117794,0.2684157416750757,392.534,tampa/ft. myers smm food,2023-08-07,392.534,128.6356867394046 +0.5481444332998998,0.7700000000000001,0.565283400809717,0.6233048719236565,0.0,0.536842105263158,0.2542885973763875,14.745,tucson/sierra vista smm food,2023-08-07,14.745,14.71780937071771 +0.33550651955867616,0.9550000000000001,0.291497975708502,0.03967855349070819,0.0,0.35187969924812035,0.6589303733602422,117.859,washington dc/hagerstown smm food,2023-08-07,117.859,127.79344764608489 +0.4277833500501506,0.11499999999999999,0.4504048582995949,0.5298844801607233,0.0,0.7854636591478694,0.8526740665993946,95.632,rem us new england smm food,2023-08-07,95.632,105.28296505447918 +0.2773319959879638,0.952,0.19382591093117407,0.6223003515821196,0.0,0.534335839598997,0.4248234106962664,77.43,nashville smm food,2023-08-07,77.43,49.97315720867761 +0.30240722166499495,0.621,0.23886639676113366,0.46810647915620296,0.0,0.36390977443609035,0.3410696266397578,129.148,rem us mountain smm food,2023-08-07,129.148,127.08097136356633 +0.7678034102306919,0.5630000000000001,0.32287449392712575,0.5203415369161226,0.0,0.37243107769423567,0.8183652875882946,37.06,minneapolis/st. paul smm food,2023-08-07,37.06,44.69438034510278 +0.43681043129388153,0.266,0.3016194331983805,0.4686087393269714,0.0,0.6471177944862154,0.5903128153380424,31.745999999999995,albany/schenectady/troy smm food,2023-08-07,31.745999999999995,35.7582646744938 +0.3269809428284852,0.48200000000000004,0.6032388663967615,0.8925163234555501,0.0,0.5844611528822052,0.6508577194752775,19.524,albuquerque/santa fe smm food,2023-08-07,19.524,24.940890624516598 +0.650952858575727,0.7370000000000001,0.24848178137651836,0.4871923656454043,0.0,0.4556390977443603,0.5428859737638749,261.197,atlanta smm food,2023-08-07,261.197,128.3705137200801 +0.5270812437311937,0.053000000000000005,0.39271255060728777,0.49171270718232046,0.0,0.47017543859649147,0.49344096871846627,50.534,baltimore smm food,2023-08-07,50.534,60.41541976969532 +0.4729187562688061,0.668,0.27834008097165996,0.5067805123053742,0.0,0.3659147869674185,0.5832492431886983,2.491,baton rouge smm food,2023-08-07,2.491,2.2164545560640647 +0.4974924774322966,0.7140000000000001,0.3618421052631581,0.48367654445002517,0.0,0.7794486215538851,0.5807265388496469,30.899,birmingham/anniston/tuscaloosa smm food,2023-08-07,30.899,13.91976936701311 +0.4643931795386157,0.764,0.3674089068825915,0.497739829231542,0.0,0.38746867167919813,0.5938446014127144,142.058,boston/manchester smm food,2023-08-07,142.058,140.98663214640132 +0.4182547642928788,0.48700000000000004,0.5946356275303646,0.7117026619789052,0.0,0.15238095238095237,0.5418768920282543,21.059,buffalo smm food,2023-08-07,21.059,19.16645330027754 +0.10330992978936801,0.519,0.6239878542510124,0.13761928679055752,0.0,0.35087719298245607,0.3708375378405651,91.731,charlotte smm food,2023-08-07,91.731,77.28265324922094 +0.09478435305917735,0.523,0.4767206477732795,0.8262179809141136,0.0,0.5278195488721806,0.843087790110999,127.16399999999999,chicago smm food,2023-08-07,127.16399999999999,134.78743609416654 +0.716148445336008,0.255,0.4306680161943323,0.6946258161727775,0.0,0.3984962406015036,0.6125126135216953,72.288,cleveland/akron/canton smm food,2023-08-07,72.288,85.81910646372573 +0.5732196589769308,0.6400000000000001,0.4827935222672067,0.5605223505775992,0.0,0.4255639097744362,0.7462159434914228,54.72,columbus oh smm food,2023-08-07,54.72,59.79461703129678 +0.12387161484453411,0.359,0.9585020242914986,0.6815670517327976,0.0,0.4365914786967417,0.5398587285570131,73.064,dallas/ft. worth smm food,2023-08-07,73.064,64.17997506959911 +0.07873620862587763,0.8970000000000001,0.5126518218623484,0.6675037669512808,0.0,0.3869674185463659,0.4939455095862765,19.057,des moines/ames smm food,2023-08-07,19.057,18.14463195013346 +0.6359077231695083,0.808,0.16093117408906882,0.6634856855851332,0.0,0.5162907268170426,0.5635721493440968,124.957,detroit smm food,2023-08-07,124.957,115.45208590885382 +0.6103309929789369,0.463,0.3021255060728747,0.33601205424409847,0.0,0.3122807017543862,0.648335015136226,48.944,mobile/pensacola smm food,2023-08-07,48.944,19.304442950223162 +0.4338014042126378,0.303,0.23684210526315827,0.9728779507785034,0.0,0.531829573934837,0.26387487386478303,34.23,greensboro smm food,2023-08-07,34.23,38.676495868244935 +0.49699097291875616,0.3600000000000001,0.34767206477732804,0.32847815168257166,0.0,0.3488721804511277,0.27800201816347125,71.874,grand rapids smm food,2023-08-07,71.874,62.647930417108334 +0.8139418254764293,0.313,0.3952429149797575,0.6378704168759418,0.0,0.5077694235588972,0.4243188698284561,24.866,milwaukee smm food,2023-08-07,24.866,24.255025333791416 +0.6875626880641929,0.7719999999999999,0.5010121457489879,0.5233550979407333,0.0,0.1588972431077694,0.9006054490413724,395.275,miami/west palm beach smm food,2023-08-07,395.275,139.80023472311825 +0.34804413239719123,0.782,0.46002024291498,0.5434455047714717,0.0,0.8265664160401001,0.47426841574167505,5.978,madison wi smm food,2023-08-07,5.978,7.157222766867875 +0.9062186559679036,0.6160000000000001,0.21862348178137675,0.43345052737317935,0.0,0.23007518796992513,0.6922300706357215,10.063,little rock/pine bluff smm food,2023-08-07,10.063,11.266946527152946 +0.09829488465396205,0.29,0.23228744939271292,0.269713711702662,0.0,0.1383458646616541,0.3274470232088799,31.532,las vegas smm food,2023-08-07,31.532,24.110974120261652 +0.6900702106318956,0.736,0.2252024291497977,0.7398292315419388,0.0,0.4786967418546365,0.40514631685166497,114.624,los angeles smm food,2023-08-07,114.624,116.85359256852098 +0.42276830491474415,0.8140000000000001,0.23329959514170082,0.40833751883475644,0.0,0.40451127819548854,0.34460141271442984,29.171999999999997,kansas city smm food,2023-08-07,29.171999999999997,31.328531062954745 +0.5471414242728181,0.649,0.5551619433198381,0.5404319437468609,0.0,0.820050125313283,0.4818365287588295,96.535,jacksonville smm food,2023-08-07,96.535,38.39409113635755 +0.5075225677031092,0.6110000000000001,0.1675101214574893,0.4756403817177298,0.0,0.4852130325814534,0.5898082744702321,48.376,indianapolis smm food,2023-08-07,48.376,42.154926744323944 +0.45185556670010024,0.23399999999999999,0.5511133603238869,0.4711200401808137,0.0,0.6426065162907267,0.3773965691220989,133.105,houston smm food,2023-08-07,133.105,122.81759404079335 +0.603811434302909,0.48600000000000004,0.5617408906882597,0.8166750376695129,0.0,0.46466165413533794,0.627648839556004,65.791,hartford/new haven smm food,2023-08-07,65.791,74.8235178781965 +0.590270812437312,0.6900000000000001,0.5829959514170043,0.7830236062280262,0.0,0.41854636591478694,0.18314833501513622,34.307,harrisburg/lancaster smm food,2023-08-07,34.307,41.104952624667845 +0.41574724172517546,0.515,0.6386639676113364,0.22350577599196386,0.0,0.5087719298245612,0.781029263370333,28.985000000000003,knoxville smm food,2023-08-07,28.985000000000003,23.90323150894816 +0.7051153460381148,0.038000000000000006,0.41801619433198384,0.30738322451029637,0.0,0.26165413533834575,0.5887991927346115,40.088,portland or smm food,2023-08-14,40.088,40.254957913511554 +0.19909729187562686,0.481,0.4337044534412953,0.6710195881466601,0.0,0.52531328320802,0.6745711402623612,84.719,rem us middle atlantic smm food,2023-08-14,84.719,84.9967988898056 +0.21664994984954836,0.645,0.5926113360323887,0.6408839779005525,0.0,0.5919799498746868,0.26084762865792127,263.275,rem us east north central smm food,2023-08-14,263.275,264.7679505017957 +0.4287863590772315,0.319,0.83755060728745,0.22601707684580616,0.0,0.6175438596491228,0.743188698284561,80.218,raleigh/durham/fayetteville smm food,2023-08-14,80.218,77.7616893933663 +0.09578736208625867,0.168,0.5966599190283401,0.49573078854846814,0.0,0.5864661654135337,0.6987891019172553,35.982,providence ri/new bedford ma smm food,2023-08-14,35.982,39.22843593323119 +0.48996990972918747,0.731,0.5263157894736844,0.37368156705173283,0.0,0.36892230576441126,0.6029263370332997,53.939,pittsburgh smm food,2023-08-14,53.939,55.58347592820419 +0.47141424272818405,0.22000000000000003,0.5541497975708504,0.3088900050226017,0.0,0.5984962406015041,0.6675075681130171,64.007,norfolk/portsmouth/newport news smm food,2023-08-14,64.007,55.91402519505934 +0.3766298896690071,0.31000000000000005,0.42408906882591146,0.6127574083375189,0.0,0.49724310776942354,0.38647830474268424,144.031,philadelphia smm food,2023-08-14,144.031,152.41032281395223 +0.2377131394182544,0.617,0.4832995951417008,0.3726770467101959,0.0,0.5097744360902253,0.7416750756811302,5.403,paducah ky/cape girardeau mo smm food,2023-08-14,5.403,6.286994138274707 +0.2577733199598796,0.41500000000000004,0.40991902834008115,0.4028126569563034,0.0,0.3588972431077694,0.7401614530776993,67.158,orlando/daytona beach/melborne smm food,2023-08-14,67.158,88.62178735656803 +0.7808425275827482,0.986,0.6371457489878547,0.8357609241587143,0.0,0.42355889724310747,0.5524722502522704,12.326,omaha smm food,2023-08-14,12.326,16.226290440953917 +0.6775325977933804,0.597,0.3997975708502026,0.42993470617780016,0.0,0.3117794486215535,0.5338042381432896,7.648,oklahoma city smm food,2023-08-14,7.648,2.849491020259393 +0.4949849548645937,0.277,0.1872469635627531,0.6680060271220493,0.0,0.2716791979949876,0.6518668012108981,136.198,rem us mountain smm food,2023-08-14,136.198,129.8710081714741 +0.21213640922768295,0.5700000000000001,0.09868421052631583,0.4500251130085385,0.0,0.08020050125313283,0.3350151362260343,76.436,phoenix/prescott smm food,2023-08-14,76.436,69.61122562096945 +0.5947843530591777,0.20099999999999998,0.4721659919028338,0.257659467604219,0.0,0.6315789473684208,0.6781029263370333,100.289,rem us new england smm food,2023-08-14,100.289,102.56793771329227 +0.5005015045135404,0.551,0.5865384615384618,0.3691612255148167,0.0,0.808020050125313,0.9288597376387487,34.313,salt lake city smm food,2023-08-14,34.313,36.757420644886665 +0.09528585757271787,0.131,0.4509109311740892,0.41888498242089406,0.0,0.42957393483709266,0.4112008072653885,251.249,rem us south atlantic smm food,2023-08-14,251.249,237.33056761554369 +0.8069207622868603,0.7960000000000002,0.7054655870445349,0.36263184329482673,0.0,0.6646616541353378,0.9167507568113017,374.535,rem us south central smm food,2023-08-14,374.535,355.7083559072537 +0.23319959879638916,0.22999999999999998,0.20344129554655888,0.3776996484178805,0.0,0.34586466165413504,0.22199798183652877,80.143,rem us west north central smm food,2023-08-14,80.143,76.3287261710386 +0.8766298896690071,0.085,0.6806680161943323,0.5243596182822703,0.0,0.2215538847117794,0.5095862764883956,45.235,richmond/petersburg smm food,2023-08-14,45.235,39.77469022710411 +0.7502507522567701,0.918,0.4954453441295553,0.18734304369663488,0.0,0.4736842105263155,0.3218970736629667,26.84,sacramento/stockton/modesto smm food,2023-08-14,26.84,24.575443151287793 +0.4548645937813438,0.629,0.42459514170040513,0.5102963335007534,0.0,0.5689223057644106,0.30978809283551967,29.266,san diego smm food,2023-08-14,29.266,26.18078001343485 +0.218655967903711,0.307,0.6725708502024297,0.28076343545956806,0.0,0.5694235588972429,0.665489404641776,39.461,san francisco/oakland/san jose smm food,2023-08-14,39.461,41.717154879450746 +0.5626880641925776,0.502,0.5571862348178144,0.4841788046207936,0.0,0.7869674185463658,0.7204843592330978,54.691,seattle/tacoma smm food,2023-08-14,54.691,49.27918182099468 +0.5305917753259777,0.057999999999999996,0.2110323886639678,0.3370165745856354,0.0,0.2621553884711779,0.3910191725529768,39.763,st. louis smm food,2023-08-14,39.763,37.85841889843819 +0.3921765295887664,0.42900000000000005,0.6290485829959519,0.646911099949774,0.0,0.6285714285714281,0.11352169525731584,92.881,tampa/ft. myers smm food,2023-08-14,92.881,127.37222203450955 +0.5436308926780341,0.5820000000000001,0.49139676113360353,0.293822199899548,0.0,0.442606516290727,0.6392532795156408,15.363000000000001,tucson/sierra vista smm food,2023-08-14,15.363000000000001,14.630843393363115 +0.3475426278836511,0.8119999999999999,0.10070850202429137,0.15318935208437973,0.0,0.17192982456140354,0.3481331987891019,121.08899999999998,washington dc/hagerstown smm food,2023-08-14,121.08899999999998,125.92302489462473 +0.2592778335005015,0.30600000000000005,0.4043522267206478,0.2887995981918634,0.0,0.5142857142857146,0.40060544904137235,3.753,yakima/pasco/richland/kennewick smm food,2023-08-14,3.753,1.4697519583443608 +0.7231695085255766,0.5750000000000001,0.7596153846153852,0.6464088397790055,0.0,0.57593984962406,0.5131180625630676,252.89600000000002,new york smm food,2023-08-14,252.89600000000002,252.27139172450742 +0.6394182547642928,0.75,0.7965587044534418,0.4213962832747363,0.0,0.3563909774436088,0.7265388496468214,63.759,rem us pacific smm food,2023-08-14,63.759,61.9780849639049 +0.7116349047141426,0.9460000000000002,0.7125506072874498,0.8925163234555501,0.0,0.46917293233082724,0.2129162462159435,9.813,new orleans smm food,2023-08-14,9.813,12.809610826726832 +0.19057171514543628,0.08700000000000001,0.2560728744939271,0.5143144148669011,0.0,0.5503759398496236,0.1987891019172553,53.542,nashville smm food,2023-08-14,53.542,47.58819432976454 +0.3721163490471416,0.9359999999999999,0.5931174089068829,0.6077348066298344,0.0,0.4536340852130327,0.4873864783047427,18.885,mobile/pensacola smm food,2023-08-14,18.885,20.36428925182706 +0.21915747241725156,0.902,0.40637651821862364,0.6680060271220493,0.0,0.4706766917293231,0.39354187689202824,18.193,albuquerque/santa fe smm food,2023-08-14,18.193,21.706992556114542 +0.6725175526579736,0.073,0.04959514170040488,0.13962832747363135,0.0,0.4807017543859643,0.2951564076690212,129.855,atlanta smm food,2023-08-14,129.855,124.63048537065356 +0.6168505516549649,0.382,0.46002024291498006,0.48869914615770976,0.0,0.10225563909774465,0.579212916246216,57.44799999999999,baltimore smm food,2023-08-14,57.44799999999999,60.09898184182103 +0.5085255767301904,0.8390000000000001,0.6189271255060731,0.7051732797589152,0.0,0.6591478696741854,0.7653884964682139,2.5,baton rouge smm food,2023-08-14,2.5,5.661392296623973 +0.6429287863590769,0.326,0.1680161943319839,0.6177800100452034,0.0,0.5859649122807021,0.6781029263370333,10.118,birmingham/anniston/tuscaloosa smm food,2023-08-14,10.118,14.597488834611134 +0.5797392176529585,0.282,0.0890688259109314,0.2852837769964842,0.0,0.2466165413533836,0.3834510595358224,145.152,boston/manchester smm food,2023-08-14,145.152,137.91482641076882 +0.2878635907723171,0.248,0.39321862348178155,0.689603214465093,0.0,0.15538847117794483,0.7669021190716448,19.287,buffalo smm food,2023-08-14,19.287,19.902475116944743 +0.43129388164493465,0.8550000000000001,0.39068825910931193,0.39427423405323964,0.0,0.36591478696741847,0.5126135216952573,84.904,charlotte smm food,2023-08-14,84.904,80.17974346802276 +0.4438314944834501,0.422,0.4686234817813766,0.5027624309392266,0.0,0.680701754385965,0.8329969727547931,137.356,chicago smm food,2023-08-14,137.356,133.88044210564502 +0.485456369107322,0.6120000000000001,0.6720647773279357,0.6649924660974386,0.0,0.6857142857142855,0.599899091826438,73.926,cleveland/akron/canton smm food,2023-08-14,73.926,86.39337185933887 +0.6860581745235708,0.55,0.7277327935222675,0.7995981918633853,0.0,0.5157894736842106,0.6190716448032291,54.127,columbus oh smm food,2023-08-14,54.127,61.0016440184781 +0.360080240722167,0.9050000000000001,0.850202429149798,0.45253641386238075,0.0,0.5022556390977443,0.29616548940464177,77.194,dallas/ft. worth smm food,2023-08-14,77.194,62.24018076958434 +0.08876629889669006,0.8140000000000001,0.7667004048583,0.5012556504269212,0.0,0.6010025062656641,0.5726538849646822,20.253,des moines/ames smm food,2023-08-14,20.253,18.44468758790343 +0.6288866599799395,0.268,0.46457489878542524,0.5680562531391261,0.0,0.1614035087719298,0.3627648839556004,107.394,detroit smm food,2023-08-14,107.394,112.56726675639239 +0.4338014042126378,0.7719999999999999,0.28744939271255066,0.6012054244098444,0.0,0.4150375939849622,0.47225025227043393,59.403,grand rapids smm food,2023-08-14,59.403,65.58817764446495 +0.4403209628886659,0.9289999999999999,0.31781376518218624,0.5474635861376194,0.0,0.381954887218045,0.6735620585267407,31.422000000000004,albany/schenectady/troy smm food,2023-08-14,31.422000000000004,36.19359639519895 +0.34002006018054176,0.787,0.4068825910931176,0.6750376695128077,0.0,0.7213032581453633,0.15136226034308778,35.252,harrisburg/lancaster smm food,2023-08-14,35.252,40.76029988446797 +0.37211634904714136,0.24700000000000003,0.28593117408906926,0.7930688096433953,0.0,0.42656641604010015,0.3350151362260343,39.092,greensboro smm food,2023-08-14,39.092,37.634669391599466 +0.7316950852557672,0.10400000000000001,0.45647773279352255,0.8613761928679057,0.0,0.499248120300752,0.5181634712411706,39.201,minneapolis/st. paul smm food,2023-08-14,39.201,45.10892629951463 +0.7632898696088265,0.8470000000000001,0.45900809716599233,0.5851330989452537,0.0,0.41604010025062654,0.7527749747729566,24.636,milwaukee smm food,2023-08-14,24.636,25.773737880592925 +0.5591775325977937,0.28900000000000003,0.34210526315789475,0.7704671019588147,0.0,0.16491228070175434,0.7098890010090817,103.202,miami/west palm beach smm food,2023-08-14,103.202,139.5943124478269 +0.36008024072216643,0.788,0.44838056680161975,0.4866901054746359,0.0,0.4636591478696741,0.29364278506559033,119.642,los angeles smm food,2023-08-14,119.642,114.32198528967689 +0.5541624874623872,0.06,0.19180161943319857,0.7594173782019087,0.0,0.14085213032581484,0.5196770938446014,10.74,little rock/pine bluff smm food,2023-08-14,10.74,10.996927725172405 +0.30692076228686027,0.33,0.46002024291498,0.30286288297338027,0.0,0.5629072681704258,0.5993945509586277,6.746,madison wi smm food,2023-08-14,6.746,5.41110744177611 +0.8294884653961885,0.919,0.5040485829959517,0.5590155700652939,0.0,0.6977443609022554,0.5519677093844602,23.681,knoxville smm food,2023-08-14,23.681,25.87601907434655 +0.5987963891675026,0.223,0.357287449392713,0.6875941737820191,0.0,0.12531328320801993,0.32441977800201816,30.13,kansas city smm food,2023-08-14,30.13,32.041575724721774 +0.37813440320962854,0.296,0.4954453441295547,0.7825213460572578,0.0,0.6751879699248118,0.43491422805247226,28.41,jacksonville smm food,2023-08-14,28.41,38.578425724561065 +0.5456369107321964,0.783,0.28441295546558654,0.22099447513812157,0.0,0.3308270676691727,0.8955600403632694,46.557,indianapolis smm food,2023-08-14,46.557,42.20507131867713 +0.3495486459378134,0.085,0.9792510121457496,0.7317930688096435,0.0,0.9373433583959899,0.5312815338042381,139.617,houston smm food,2023-08-14,139.617,126.1355787838962 +0.19307923771313967,0.49900000000000005,0.6255060728744946,0.4063284781516826,0.0,0.41453634085213,0.2759838546922301,64.294,hartford/new haven smm food,2023-08-14,64.294,69.64198483992831 +0.3565697091273823,0.82,0.27732793522267246,0.3239578101456555,0.0,0.20952380952380947,0.6226034308779012,30.007,las vegas smm food,2023-08-14,30.007,27.055022808976837 +0.650451354062187,0.328,0.26872469635627527,0.6162732295328981,0.0,0.3313283208020049,0.33097880928355194,41.308,portland or smm food,2023-08-21,41.308,40.69721339062796 +0.3635907723169508,0.9960000000000001,0.8507085020242915,0.7468608739326972,0.0,0.23508771929824554,0.4646821392532795,93.533,rem us middle atlantic smm food,2023-08-21,93.533,84.08292871958439 +0.2031093279839516,0.878,0.27327935222672056,0.4213962832747363,0.0,0.5388471177944862,0.5893037336024218,280.537,rem us east north central smm food,2023-08-21,280.537,265.14058324085534 +0.40521564694082235,0.48700000000000004,0.6118421052631585,0.5504771471622301,0.0,0.36190476190476195,0.570635721493441,80.905,raleigh/durham/fayetteville smm food,2023-08-21,80.905,77.72887716085006 +0.23620862587763278,0.7580000000000001,0.4929149797570851,0.7307885484681066,0.0,0.4115288220551378,0.942986881937437,35.792,providence ri/new bedford ma smm food,2023-08-21,35.792,41.89115451660229 +0.24874623871614832,0.81,0.5207489878542513,0.07785032646911101,0.0,0.18646616541353409,0.8425832492431887,57.703,pittsburgh smm food,2023-08-21,57.703,54.34483133094498 +0.09628886659979903,0.08800000000000002,0.5035425101214577,0.46358613761928685,0.0,0.7704260651629076,0.27648839556004035,56.798,norfolk/portsmouth/newport news smm food,2023-08-21,56.798,54.34926965492923 +0.4398194583751255,0.8140000000000001,0.6310728744939278,0.8282270215971874,0.0,0.4987468671679198,0.4233097880928356,150.934,philadelphia smm food,2023-08-21,150.934,154.32653372716058 +0.2331995987963888,0.9880000000000001,0.5905870445344134,0.7227523857358112,0.0,0.5879699248120299,0.38092835519677093,5.971,paducah ky/cape girardeau mo smm food,2023-08-21,5.971,6.672484098830623 +0.5651955867602808,0.33,0.49089068825910953,0.5248618784530388,0.0,0.4671679197994987,0.7088799192734612,79.27,orlando/daytona beach/melborne smm food,2023-08-21,79.27,89.99674638438094 +0.6193580742226679,0.262,0.7079959514170046,0.7629331993972879,0.0,0.25062656641603986,0.25075681130171545,15.27,omaha smm food,2023-08-21,15.27,12.96505038204748 +0.4047141424272821,0.788,0.21811740890688264,0.8277247614264189,0.0,0.19498746867167877,0.5454086781029264,5.176,oklahoma city smm food,2023-08-21,5.176,4.355502793603819 +0.7316950852557672,0.34,0.25556680161943335,0.33048719236564544,0.0,0.6005012531328322,0.9439959636730575,141.545,rem us mountain smm food,2023-08-21,141.545,131.1145164165864 +0.44132397191574707,0.236,0.23431174089068843,0.7282772476142643,0.0,0.16240601503759397,0.5534813319878911,84.548,phoenix/prescott smm food,2023-08-21,84.548,73.03461690176574 +0.5912738214643932,0.327,0.5713562753036436,0.3676544450025113,0.0,0.40451127819548854,0.8022199798183653,101.226,rem us new england smm food,2023-08-21,101.226,103.32678428490743 +0.5431293881644933,0.29900000000000004,0.37550607287449406,0.6579608237066801,0.0,0.7734335839598994,0.4828456104944501,39.778,salt lake city smm food,2023-08-21,39.778,35.545265196194464 +0.08174523570712108,0.7010000000000001,0.30263157894736853,0.6187845303867404,0.0,0.5348370927318294,0.470736629667003,245.391,rem us south atlantic smm food,2023-08-21,245.391,239.29649691388477 +0.5636910732196588,0.033,0.4493927125506076,0.3731793068809644,0.0,0.5413533834586461,0.91372351160444,380.082,rem us south central smm food,2023-08-21,380.082,354.45516039488643 +0.43029087261785354,0.4730000000000001,0.03087044534412966,0.5610246107483677,0.0,0.29473684210526285,0.19979818365287588,85.207,rem us west north central smm food,2023-08-21,85.207,77.42696843178231 +0.6760280842527584,0.6150000000000001,0.9488866396761136,0.6243093922651934,0.0,0.4150375939849623,0.6503531786074672,35.252,richmond/petersburg smm food,2023-08-21,35.252,41.835868498740474 +0.6870611835506517,0.20400000000000001,0.7793522267206485,0.26167754897036666,0.0,0.4180451127819546,0.7628657921291625,29.444000000000003,sacramento/stockton/modesto smm food,2023-08-21,29.444000000000003,27.121341462941494 +0.4739217652958874,0.307,0.5495951417004051,0.6147664490205927,0.0,0.7348370927318292,0.46417759838546924,30.756999999999998,san diego smm food,2023-08-21,30.756999999999998,28.14606293148079 +0.23069207622868593,0.519,0.5217611336032394,0.2004018081366148,0.0,0.2781954887218044,0.7214934409687185,49.953,san francisco/oakland/san jose smm food,2023-08-21,49.953,40.70622150278936 +0.7487462387161482,0.835,0.9129554655870453,0.779507785032647,0.0,0.9132832080200499,0.6856710393541877,55.112,seattle/tacoma smm food,2023-08-21,55.112,51.84018428060314 +0.4132397191574721,0.476,0.4291497975708504,0.0708186840783526,0.0,0.4275689223057644,0.3012108980827447,36.723,st. louis smm food,2023-08-21,36.723,36.45690004627839 +0.6148445336008025,0.843,0.5774291497975712,0.5881466599698645,0.0,0.4456140350877189,0.28809283551967707,111.359,tampa/ft. myers smm food,2023-08-21,111.359,128.01198099744016 +0.3741223671013039,0.7389999999999999,0.5835020242914984,0.16223003515821197,0.0,0.7919799498746868,0.6306760847628659,16.61,tucson/sierra vista smm food,2023-08-21,16.61,14.755633134401698 +0.06318956870611848,0.252,0.19989878542510114,0.30989452536413864,0.0,0.4631578947368421,0.2598385469223007,130.838,washington dc/hagerstown smm food,2023-08-21,130.838,126.53772504289408 +0.3736208625877633,0.03900000000000001,0.173076923076923,0.37016574585635365,0.0,0.9644110275689226,0.6367305751765893,3.5649999999999995,yakima/pasco/richland/kennewick smm food,2023-08-21,3.5649999999999995,4.623205381881277 +0.3345035105315947,0.932,0.7338056680161948,0.5133098945253642,0.0,0.6280701754385962,0.591321897073663,244.94099999999997,new york smm food,2023-08-21,244.94099999999997,251.6256534887196 +0.3901705115346038,0.651,0.5111336032388667,0.7132094424912105,0.0,0.47117794486215514,0.36427850655903127,65.119,rem us pacific smm food,2023-08-21,65.119,61.26993137685201 +0.4092276830491476,0.327,0.5409919028340083,0.7780010045203416,0.0,0.4756892230576442,0.5726538849646822,14.597000000000001,new orleans smm food,2023-08-21,14.597000000000001,13.363766077460589 +0.07321965897693078,0.307,0.38917004048583004,0.6167754897036666,0.0,0.540350877192982,0.4046417759838547,53.434,nashville smm food,2023-08-21,53.434,49.32383991380066 +0.6860581745235708,0.427,0.47874493927125533,0.39829231541938726,0.0,0.3624060150375942,0.6851664984863775,18.665,mobile/pensacola smm food,2023-08-21,18.665,20.2467774677267 +0.2352056168505514,0.781,0.44534412955465613,0.5087895529884481,0.0,0.14586466165413522,0.62058526740666,20.215,albuquerque/santa fe smm food,2023-08-21,20.215,21.100034833404635 +0.36208625877632894,0.056999999999999995,0.5106275303643727,0.5444500251130086,0.0,0.40852130325814484,0.470736629667003,131.779,atlanta smm food,2023-08-21,131.779,127.4983383361459 +0.26178535606820474,0.546,0.32692307692307715,0.0743345052737318,0.0,0.27117794486215563,0.3829465186680121,55.5,baltimore smm food,2023-08-21,55.5,56.51554330592306 +0.9844533600802404,0.142,0.6604251012145751,0.5389251632345555,0.0,0.6486215538847117,0.751765893037336,3.743,baton rouge smm food,2023-08-21,3.743,5.094072908636832 +0.23871614844533576,0.09000000000000002,0.3056680161943321,0.46358613761928685,0.0,0.4375939849624064,0.6781029263370333,12.329,birmingham/anniston/tuscaloosa smm food,2023-08-21,12.329,12.556629868975655 +0.6318956870611832,0.1,0.0723684210526318,0.36263184329482673,0.0,0.09624060150375957,0.334510595358224,146.357,boston/manchester smm food,2023-08-21,146.357,137.6011076318353 +0.2487462387161486,0.968,0.7004048582995955,0.41185334003013563,0.0,0.4952380952380951,0.6902119071644803,25.027,buffalo smm food,2023-08-21,25.027,19.375171628295774 +0.7612838515546638,0.7719999999999999,0.006578947368421057,0.5369161225514817,0.0,0.5012531328320801,0.5105953582240161,86.804,charlotte smm food,2023-08-21,86.804,81.68096006404363 +0.4643931795386156,0.588,0.5718623481781379,0.07182320441988951,0.0,0.9463659147869675,0.42129162462159436,136.598,chicago smm food,2023-08-21,136.598,130.02421848635643 +0.4749247743229688,0.9510000000000001,0.3608299595141703,0.7112004018081367,0.0,0.6215538847117793,0.6957618567103936,78.462,cleveland/akron/canton smm food,2023-08-21,78.462,86.96425885542848 +0.716148445336008,0.43600000000000005,0.620445344129555,0.48568558513309906,0.0,0.2691729323308272,0.32088799192734613,60.94299999999999,columbus oh smm food,2023-08-21,60.94299999999999,56.64534365693653 +0.48645937813440365,0.191,0.6128542510121461,0.2004018081366148,0.0,0.5959899749373433,0.15640766902119072,78.256,dallas/ft. worth smm food,2023-08-21,78.256,60.01275693737422 +0.428284854563691,0.44800000000000006,0.7135627530364377,0.2898041185334003,0.0,0.40401002506265665,0.6584258324924319,19.192,des moines/ames smm food,2023-08-21,19.192,17.485360129244 +0.8069207622868603,0.41600000000000004,0.6376518218623484,0.41185334003013563,0.0,0.22807017543859648,0.5630676084762866,122.636,detroit smm food,2023-08-21,122.636,113.51060338089944 +0.48846539618856555,0.6880000000000001,0.08198380566801615,0.4932194876946259,0.0,0.29624060150375925,0.5822401614530777,62.563,grand rapids smm food,2023-08-21,62.563,65.16649041746503 +0.3044132397191574,0.4610000000000001,0.6998987854251014,0.5464590657960824,0.0,0.5192982456140349,0.6629667003027245,30.228,albany/schenectady/troy smm food,2023-08-21,30.228,36.34160807897001 +0.6489468405215648,0.198,0.16497975708502033,0.2827724761426419,0.0,0.5739348370927319,0.1927346115035318,40.533,harrisburg/lancaster smm food,2023-08-21,40.533,38.39298644390989 +0.5722166499498494,0.44100000000000006,0.5202429149797576,0.6167754897036666,0.0,0.11829573934837083,0.334510595358224,36.678,greensboro smm food,2023-08-21,36.678,36.23417406647045 +0.40220661985957856,0.8170000000000001,0.8137651821862354,0.4907081868407836,0.0,0.4020050125313284,0.1922300706357215,40.288,minneapolis/st. paul smm food,2023-08-21,40.288,40.79587046079818 +0.5566700100300903,0.798,0.5698380566801624,0.503264691109995,0.0,0.46015037593984953,0.7699293642785066,23.24,milwaukee smm food,2023-08-21,23.24,25.241590188290083 +0.2442326980942832,0.9369999999999999,0.4686234817813766,0.5263686589653441,0.0,0.28822055137844604,0.34611503531786075,119.066,miami/west palm beach smm food,2023-08-21,119.066,136.32285246280935 +0.1584754262788365,0.953,0.39018218623481804,0.2255148166750377,0.0,0.3614035087719297,0.25782038345105956,119.908,los angeles smm food,2023-08-21,119.908,112.00755476207969 +0.5421263791374122,0.28500000000000003,0.5288461538461542,0.473631341034656,0.0,0.33182957393483736,0.23057517658930374,10.245,little rock/pine bluff smm food,2023-08-21,10.245,8.566382397546384 +0.5310932798395183,0.676,0.29352226720647795,0.2541436464088398,0.0,0.2877192982456139,0.8476286579212916,6.9,madison wi smm food,2023-08-21,6.9,6.150701088153269 +0.613841524573721,0.305,0.13866396761133618,0.5605223505775992,0.0,0.7092731829573932,0.26185671039354186,24.113,knoxville smm food,2023-08-21,24.113,23.37330495041011 +0.5361083249749248,0.41200000000000003,0.8340080971659926,0.587644399799096,0.0,0.38446115288220534,0.36427850655903127,30.115,kansas city smm food,2023-08-21,30.115,32.776118000112014 +0.3856569709127378,0.35800000000000004,0.6391700404858301,0.665494726268207,0.0,0.4546365914786965,0.2830474268415742,34.715,jacksonville smm food,2023-08-21,34.715,36.47458465955602 +0.502507522567703,0.23500000000000001,0.46356275303643685,0.2290306378704169,0.0,0.3473684210526313,0.7351160443995963,48.13,indianapolis smm food,2023-08-21,48.13,41.156516587009435 +0.3756268806419257,0.994,0.6427125506072877,0.43947764942240086,0.0,0.600501253132832,0.9197780020181635,138.458,houston smm food,2023-08-21,138.458,125.92909575817444 +0.24072216649949874,0.993,0.9519230769230779,0.39879457559015574,0.0,0.46516290726817006,0.5050454086781029,61.227,hartford/new haven smm food,2023-08-21,61.227,71.58966495816117 +0.5190571715145438,0.549,0.6933198380566807,0.3294826720241085,0.0,0.4240601503759398,0.541372351160444,31.694,las vegas smm food,2023-08-21,31.694,27.679117071603507 +0.2768304914744237,0.524,0.45495951417004055,0.5479658463083878,0.0,0.45463659147869667,0.5560040363269425,45.758,portland or smm food,2023-08-28,45.758,41.57332116353259 +0.4859578736208625,0.788,0.5455465587044533,0.5323957810145656,0.0,0.6862155388471176,0.6256306760847629,92.022,rem us middle atlantic smm food,2023-08-28,92.022,85.10589312544903 +0.5300902708124371,0.9740000000000001,0.4306680161943319,0.5263686589653441,0.0,0.7699248120300752,0.8289606458123108,317.168,rem us east north central smm food,2023-08-28,317.168,268.5307053520071 +0.27733199598796376,0.945,0.43876518218623534,0.9146157709693622,0.0,0.22706766917293245,0.3365287588294652,82.236,raleigh/durham/fayetteville smm food,2023-08-28,82.236,77.93293020002838 +0.2021063189568705,0.602,0.21761133603238858,0.6474133601205425,0.0,0.5037593984962405,0.9490413723511605,34.703,providence ri/new bedford ma smm food,2023-08-28,34.703,41.43762199671297 diff --git a/Transformation_functions.py b/Transformation_functions.py new file mode 100644 index 0000000000000000000000000000000000000000..d871674fa0e9538d04375355bb573aeb8d5e34fb --- /dev/null +++ b/Transformation_functions.py @@ -0,0 +1,133 @@ +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,line_plot,summary +import numpy as np +import re + +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}" + + +def check_box(options, ad_stock_value,lag_value,num_columns=4, prefix=""): + num_rows = -(-len(options) // num_columns) # Ceiling division to calculate rows + + selected_options = [] + adstock_info = {} # Store adstock and lag info for each selected option + if ad_stock_value!=0: + for row in range(num_rows): + cols = st.columns(num_columns) + for col in cols: + if options: + option = options.pop(0) + key = sanitize_key(f"{option}_{row}", prefix=prefix) + selected = col.checkbox(option, key=key) + if selected: + selected_options.append(option) + + # Input minimum and maximum adstock values + adstock = col.slider('Select Adstock Range', 0.0, 1.0, ad_stock_value, step=0.05, format="%.2f",key= f"adstock_{key}" ) + + # Input minimum and maximum lag values + lag = col.slider('Select Lag Range', 0, 7, lag_value, step=1,key=f"lag_{key}" ) + + # Create a dictionary to store adstock and lag info for the option + option_info = { + 'adstock': adstock, + 'lag': lag} + # Append the dictionary to the adstock_info list + adstock_info[option]=option_info + + else:adstock_info[option]={ + 'adstock': ad_stock_value, + 'lag': lag_value} + + return selected_options, adstock_info + else: + for row in range(num_rows): + cols = st.columns(num_columns) + for col in cols: + if options: + option = options.pop(0) + key = sanitize_key(f"{option}_{row}", prefix=prefix) + selected = col.checkbox(option, key=key) + if selected: + selected_options.append(option) + + # Input minimum and maximum lag values + lag = col.slider('Select Lag Range', 0, 7, lag_value, step=1,key=f"lag_{key}" ) + + # dictionary to store adstock and lag info for the option + option_info = { + 'lag': lag} + # Append the dictionary to the adstock_info list + adstock_info[option]=option_info + + else:adstock_info[option]={ + 'lag': lag_value} + + return selected_options, adstock_info + +def apply_lag(X, features,lag_dict): + #lag_data=pd.DataFrame() + for col in features: + for lag in range(lag_dict[col]['lag'][0], lag_dict[col]['lag'][1] + 1): + if lag>0: + X[f'{col}_lag{lag}'] = X[col].shift(periods=lag, fill_value=0) + return X + +def apply_adstock(X, variable_name, decay): + values = X[variable_name].values + adstock = np.zeros(len(values)) + + for row in range(len(values)): + if row == 0: + adstock[row] = values[row] + else: + adstock[row] = values[row] + adstock[row - 1] * decay + + return adstock + +def top_correlated_features(df,target,media_data): + corr_df=df.drop(target,axis=1) + #corr_df[target]=df[target] + #st.dataframe(corr_df) + for i in media_data: + #st.write(media_data[2]) + #st.dataframe(corr_df.filter(like=media_data[2])) + d=(pd.concat([corr_df.filter(like=i),df[target]],axis=1)).corr()[target] + d=d.sort_values(ascending=False) + d=d.drop(target,axis=0) + corr=pd.DataFrame({'Feature_name':d.index,"Correlation":d.values}) + corr.columns = pd.MultiIndex.from_product([[i], ['Feature_name', 'Correlation']]) + + return corr + +def top_correlated_features(df,variables,target): + correlation_df=pd.DataFrame() + for col in variables: + d=pd.concat([df.filter(like=col),df[target]],axis=1).corr()[target] + #st.dataframe(d) + d=d.sort_values(ascending=False).iloc[1:] + corr_df=pd.DataFrame({'Media_channel':d.index,'Correlation':d.values}) + corr_df.columns=pd.MultiIndex.from_tuples([(col, 'Variable'), (col, 'Correlation')]) + correlation_df=pd.concat([corr_df,correlation_df],axis=1) + return correlation_df + +def top_correlated_feature(df,variable,target): + d=pd.concat([df.filter(like=variable),df[target]],axis=1).corr()[target] + # st.dataframe(d) + d=d.sort_values(ascending=False).iloc[1:] + # st.dataframe(d) + corr_df=pd.DataFrame({'Media_channel':d.index,'Correlation':d.values}) + corr_df['Adstock']=corr_df['Media_channel'].map(lambda x:x.split('_adst')[1] if len(x.split('_adst'))>1 else '-') + corr_df['Lag']=corr_df['Media_channel'].map(lambda x:x.split('_lag')[1][0] if len(x.split('_lag'))>1 else '-' ) + corr_df.drop(['Correlation'],axis=1,inplace=True) + corr_df['Correlation']=np.round(d.values,2) + sorted_corr_df= corr_df.loc[corr_df['Correlation'].abs().sort_values(ascending=False).index] + #corr_df.columns=pd.MultiIndex.from_tuples([(variable, 'Variable'), (variable, 'Correlation')]) + #correlation_df=pd.concat([corr_df,correlation_df],axis=1) + return sorted_corr_df \ No newline at end of file diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/Model_results.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/Model_results.pkl new file mode 100644 index 0000000000000000000000000000000000000000..793b922d197467b719072e682f810b86e49dbb69 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/Model_results.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04c8ce066288f1dbb6e6bff4981542de50e866c05bbfb54f62321447cc2ef4c2 +size 909052 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_0.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_0.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cbea121867ca432e0f42e662435f1f7aba9791a9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_0.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f694c7ff2993b16e8b92a255ced421ed619952814dcd09a15dc768ebadfdc9f +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1.pkl new file mode 100644 index 0000000000000000000000000000000000000000..09d606aff547e40884aa764fb6f2149720a5a806 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22080499808b7dbf146cc4972274a9e9068c1ee6708a0ba912c342fcb4a2443c +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_10.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_10.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a888bd085248a3f41d2f471217ecf5b71bce5bdf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_10.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35f51ccacea63005be36765aac21dc4aa077ea2fb5129ff240699b4f80714ca5 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_100.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_100.pkl new file mode 100644 index 0000000000000000000000000000000000000000..762a4dd897541870133825f013245ff98e0fd616 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_100.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:429ac13bdfc9bc16a35c67a058cbc41140436d8b89c7bd5c9ee395c539cd9451 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1000.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1000.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bc7a7544bf2e4bb1dd30b8aa028c23b380e14945 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1000.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7077e4d04aca63a735c75149c54c0f2c356a04677e66a91c3a6acc1e878955eb +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1001.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1001.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4a3bde06f6f6584325efa7ae19de18b7f3b8f589 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1001.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e6b8631dcb8c67cdea470beddf6fb6b3425bf08f1744891e5f2058c257249d2 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1002.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1002.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6369b4f2d8060117004ccaae4c63cf77b7c67aaf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1002.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e49de735f8dc9df1af30e5de31e0d6ea6b0364fdec7c01e59d684b5a845acac1 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1003.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1003.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b8790055d6a8f3b82ab8ff15828c0e0b62ea50c1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1003.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dec163cb86178c98d57a4c11ca8187d35323374a035024660595bdb6da1173f1 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1004.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1004.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7c10aa88b8b961659b2fb30e3ccc13df69b88703 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1004.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eefa9c34645679a7b022975207fce0133f1c4d824ca0c471f98fca3d7b12ee41 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1005.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1005.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0c88cdedc3f84472f3596c53754f5af37dc65877 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1005.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:575064ffb8f1e349f4a2b4c93416058b920f00bc6c66dd3f81200d1e9cb04b62 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1006.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1006.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e5ad8371937aec713b4348a26059da111533739a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1006.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da53635900f1c0fe88674b03bcd4f9a5688cda09c2c334233e989a5e0781a818 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1007.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1007.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8c7fe9bbd32bb0255190c82e25c0ae997dd8241a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1007.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed251a254df62d03a693f435cb824c243d796346aaa573b8491889189401ca83 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1008.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1008.pkl new file mode 100644 index 0000000000000000000000000000000000000000..02e6b81bb9d01fb96425889956e403340f0ecf7a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1008.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16ccfadcb1452291e9c739b42a2c132c038f8ede85c6a3d13841a367e8926da5 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1009.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1009.pkl new file mode 100644 index 0000000000000000000000000000000000000000..297aa2d37a1cc34b2e2eef492fcdd0729d6f795f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1009.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:600a325b2aab370e7c3e8e6e4521097c486157184d380be8e52177958c6fc2f7 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_101.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_101.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8f4417cff855dd0f0a90ad73dfca57407fb46a47 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_101.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:faf0404f824dfe6baaffd1fcb3efbcd12fd1156fa2ddb48d80bf013aeda49a78 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1010.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1010.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5d66678d4b9df574d30da1d3ab9b98f1120df949 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1010.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07398e4f1d211d08eaca5f1d3d47d4aa5179947b1449fa5175cda0fe7476e437 +size 25749 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1011.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1011.pkl new file mode 100644 index 0000000000000000000000000000000000000000..09131fdfc3fe7520d0bddfeefadf39e9448cb3f7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1011.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26b81c00e110082a9325a0c0968f518c4a6f450eeb9fb96beb8dfbe96c9f9c5b +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1012.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1012.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ad50c857a56773e50886dd6ab68f3f0a8060b111 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1012.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d7d2e6aeaf8ece1458d3276064becf47dd20d8f434102942c17ebd65ca80802 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1013.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1013.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b05e60b157488f967c814a853d05d45a0c69fb15 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1013.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:853a234ecd20649cbd6eff681b9a3b96c14c36cd057c02196967bb90bf11bd4e +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1014.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1014.pkl new file mode 100644 index 0000000000000000000000000000000000000000..10ab0b757c7e61e2def6231a55c27d38393fae5a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1014.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f0cad4a945c972de598722ac4e5b52e1cdb2df2481cb97b32f53671b7145ea5 +size 25757 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1015.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1015.pkl new file mode 100644 index 0000000000000000000000000000000000000000..16e90881547e02880f228198aca6c846687f881e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1015.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51abee948581b85f59d416f95eaa4fafb6d1c14324dad66275a594e4daaca393 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1016.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1016.pkl new file mode 100644 index 0000000000000000000000000000000000000000..af7e659dfde00b034ea47001958a6f8e3e90538d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1016.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31e66d2c6827a183c2f0d37630f345c204c8005db7c9f6da9dc0dc7396f4b60e +size 25751 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1017.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1017.pkl new file mode 100644 index 0000000000000000000000000000000000000000..52ee24c4371244d7221856ee4bdfa884129b58b5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1017.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7825e8a03c970aa6ebd695751a164c7d0c566b1f5d14cb9d09461c1d4d51df23 +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1018.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1018.pkl new file mode 100644 index 0000000000000000000000000000000000000000..efd6a16fece809cd42b0c5e9e59b84c61abd5ef2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1018.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5c4602022d31194e2e7a4ce3a497ff266478b7796fd4326f560370d846dad2f +size 25750 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1019.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1019.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8e4f4ab1437dd509c6a391ff831cb090097735a9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1019.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d7459b3f3fb37d80fe04395cad04814e4af9538378e93ce1e014782a05be824 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_102.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_102.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eda1708fe5f8162ac5b24740b24192e3c5881e28 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_102.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe2ee2218ce02828c1a064870ced2f607c522a6bbbc38b544182b01a372ac94e +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1020.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1020.pkl new file mode 100644 index 0000000000000000000000000000000000000000..94fd6a73bde1135e5b9c571c6e187e85e5210525 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1020.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60dc44d8399f1d12060f672b8ab3a6d30427fe5ecc743bff93477c7ba6a36b63 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1021.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1021.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b185c21f0af0dd671bb15d5687320b2c00e1a263 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1021.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72d6ff071ed61a17035d67007a2f49f738fb9edae370267210401f15cd65849c +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1022.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1022.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ee794590ba181758c69c288af3086dca6fc8f9f2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1022.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63e32c74eca430cfdc136cf3d317f3ec21c9edb3e75e980c9f3f5c6c73bd689e +size 25749 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1023.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1023.pkl new file mode 100644 index 0000000000000000000000000000000000000000..43e2d2f0265d7c8793944eae82a53bfee5d2bb7f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1023.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9e0bcd9e16673a5d746c164d9ddc34248cbbe8603aa98381a01437fbbc2353d +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1024.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1024.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bc0682a3dd860846299cc51046f56d2929011217 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1024.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63fe19abade15f9ad25e31455c15cf200fb0bee9e9ef323f60b8cd3579c23bc4 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1025.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1025.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f255c90fec518f1beea44f2d91ddbcf9523c1b3c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1025.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64ff527f4ed0b56726bb0d229662b78aa8f242fbcf55036c8581fdd4c9dad9e7 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1026.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1026.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a81716c00b9f33f0df1df23183de464275c42432 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1026.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ec7b72db789761edf9d855daf664ffdc1db9c63df7aad22fbabd0c52f6a4833 +size 25757 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1027.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1027.pkl new file mode 100644 index 0000000000000000000000000000000000000000..180ac8e06f5d1bf88dcd88c804bc08d38f535a1e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1027.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fa518c2e8e663a6d646cd90d465d5bab16fd1b58d7e969e1187f5ed011be873 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1028.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1028.pkl new file mode 100644 index 0000000000000000000000000000000000000000..811cf81bd127c7ff4173ae942a4b4b54cfe65a82 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1028.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49c948296559d48f518609d270636bcc78590e381f580fad1c74f0347e12def3 +size 25751 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1029.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1029.pkl new file mode 100644 index 0000000000000000000000000000000000000000..09d0d8a04ee540b19c6046b0d2b432241d7a1aca --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1029.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b98362108ef0a1621e75648decd15d2a8fed13bf280fd4d21d2acf46aa8f22af +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_103.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_103.pkl new file mode 100644 index 0000000000000000000000000000000000000000..77ff631e2920f5d0e70f3b5ec60988b4c6746cc8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_103.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc6c975da756bc33d1cacda336c443ec3e9528c98573e2f0ddbca6f48d18edd8 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1030.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1030.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6916f7132c27d571b278b8dbacd725776e964e6c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1030.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f760c42a9cadbe0e88d52b6e106fcdab0723aaac05c6e5ac118c56195ee274d9 +size 25750 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1031.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1031.pkl new file mode 100644 index 0000000000000000000000000000000000000000..92b5a44bf519178c92a6eec533c12e85349e15ee --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1031.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3edb1001c72c94631565ce60b117f93d333867d63a1408aa2cafae4f5b8fd2b +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1032.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1032.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f4e38bc1d7c010c7c22a88eef495daa2858fa0a6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1032.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a090f462cb79edaca85661eef9e3ab9de177e4de4365f0abb33efdf14160c175 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1033.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1033.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3131497fce9b741bacf268d26f2514605e5dd9c0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1033.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19f9ec6167eba1daa8a209eb0c9fc9bc3e5c3275bf2e098854ebcc3d9113b7e1 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1034.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1034.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c691057bf78050c31479ae76acd5c4b17936fafb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1034.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:884cab92c8dbb374128e9b98eb44574247508b2f15fbee690c6735b5df8a1098 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1035.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1035.pkl new file mode 100644 index 0000000000000000000000000000000000000000..21b50cebf04cee7d9674f7a3ba2de6946c3b513b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1035.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5fecbfb4b2517ccd3f5fcb61b6397154a5e29a4aee798986b6df6dde7b8f61b +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1036.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1036.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fe44a89eae4fb4279f877cf3eb373d1368e8fe20 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1036.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6a68d49dac0e92d6e2da982d6611c2dad59357ea69dc43b77967fab6e67a014 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1037.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1037.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2ec1c229018936e1b3940b26140e0fee40af7eae --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1037.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79a5db7314b740f8d87b6be365bdb9b19c29ba71001f6b328eee4af3791713e3 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1038.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1038.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3300b3978aeb28ff5cd482c21dd556fde9b29949 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1038.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:247a99620d6f53df01d03bdede5398d5948285acec8b37722693e9bbb43de404 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1039.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1039.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d86062f6aa2ea568db09c0674e99e93ec1924e00 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1039.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27ac3f56daeb0fad7ef9662033731013d9197e92819e7fd95513395159ed4c13 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_104.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_104.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ee8451920202c454f2397a258d9ec79fe603ccfa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_104.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e61e65f055c844a5edbdb4ae8f721ed8f48035c525719c0e5525c53cb8ea157f +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1040.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1040.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f90820ace2b1a915964783d8ded4cbfc7e324fda --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1040.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bae82dcc86f7561f708fb33d23bb6be0dc3377df76a4290f0af95d8f72a99de3 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1041.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1041.pkl new file mode 100644 index 0000000000000000000000000000000000000000..27d537f4d30d08180f922bf2f47d70f95dee8469 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1041.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c54036bc82e4fa5afbbfd389e32b6589c150fe94469f77e1490594a8cdec64b9 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1042.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1042.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e5d1079fb93e4eb175236bf0ed48ffc2e53a52ce --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1042.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca62071ec16cde8081925b3407a04a6b68fd5388c8aa8d13f858e55601c97771 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1043.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1043.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f752a1e0a8ba4ad8eec11d2efbb9517214fe663d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1043.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5520c535c27e5952891ef27ea66206a8f7f173e458259731e2af9adee0fc37c1 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1044.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1044.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2ef4d7c04c0fdfe74c6dbb7a9fac115e42b6e2aa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1044.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27b0ee1f6852e9c3ab3e73c2090e6680d268ffe3cc51e6493e3c6812c42a38a6 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1045.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1045.pkl new file mode 100644 index 0000000000000000000000000000000000000000..043e0736b59ed3b60b3c699f7e9d1abbf0f61ab2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1045.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da4b86e36ce734aa6232c5a137f1710d0f69e1e9ada0a340cf39cc9281b41f97 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1046.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1046.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1fcc1b16b3d36fd6ae7097f23f64ff2db9518dc0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1046.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86a5bdc9aae7e870520f365ded2fb3ae51c094d3434f6b20d868fab4d0a29193 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1047.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1047.pkl new file mode 100644 index 0000000000000000000000000000000000000000..77026ed427b9db6e9135286e95ec653d1fdf9162 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1047.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c79a60618fe9ff3ac8fbdcf5458f38bb3d353e7db28927841f9ceda92f199f9 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1048.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1048.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3c13cd7385891770e4d01fa9a4cde64bfa1a1729 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1048.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5fd05eacf0d857c81b427143dc56248b68acb6a56cdb598949befe79ead4ce9 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1049.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1049.pkl new file mode 100644 index 0000000000000000000000000000000000000000..adabbde1036db11668c40d239cb0d41a9931b304 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1049.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e071dd3a21c054b19531408ef684598811dccb4e7e20c9e6ad451ed95ae114e +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_105.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_105.pkl new file mode 100644 index 0000000000000000000000000000000000000000..893606a50f7d4a45acf5cc5c7d3d470d8f3f1fab --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_105.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14b0c665df5f83319a04d8993dc6fe1e213a7f27b4247008881fe30cbf1f0c1e +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1050.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1050.pkl new file mode 100644 index 0000000000000000000000000000000000000000..029986e23e8ebc653dcb7f0fc017fd437a355cc6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1050.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad332d02f29a7d535d6e07e628c4565d1182b9c92ce894b2f1c8a8ed4080c93f +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1051.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1051.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c11c9af7d0ef744d504e37c02d02cc2a82e95ecc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1051.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6bd1993757669ba874ecf4cdc75a32f28b0e4ec0d121b84acdb11daef8c6a37 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1052.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1052.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b816b92b01bcb5831571131c9bead8b927e3989b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1052.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86da76c200df49fb11c9937673850d3532a653202571246feac971f4df159daa +size 25757 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1053.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1053.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a31864d0254e35d1c2eb1be291630c1a26d78399 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1053.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bcea9b46382b35e5e34eab428701fb8457601ea992db6bc1c8d0fc02a6270d7e +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1054.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1054.pkl new file mode 100644 index 0000000000000000000000000000000000000000..111f3e1293e40c5cbe925304ae58235dbac9353f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1054.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32a030e3b91a6698fdeb85a6577a8f8d2c29f75e2066a6282846e8d0df16fb19 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1055.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1055.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0fbd32d7a032b75a6751e36a05d8bda7fbb2962d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1055.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd96e68c6cf01bfd8057337494e5c31148564c742a89cbed00d7e7871d3bdc0a +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1056.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1056.pkl new file mode 100644 index 0000000000000000000000000000000000000000..29c286b15a8b3f90fa87622c05599a3dc25768db --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1056.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cbc43e7f4b0580f55fcbb395da1248f1458a88ebd6a3d5b8336e5a651b94002f +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1057.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1057.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d61a2a566f4d128de43239011b211791dca234f6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1057.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efee99ac2635fcfde3630df371b4b22a473b04965743e79322f87aa5221b4587 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1058.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1058.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bd0862f8724cc3355ff6f39c930d4a183d39d6d2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1058.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30782ca15ae9ac01507c9614cf582fb457462fb7e6623c71febc86c6510ad8b0 +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1059.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1059.pkl new file mode 100644 index 0000000000000000000000000000000000000000..43305b8d80c3158ea353a93d473bcf8f33f9cd0d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1059.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e33fe57bee94502734818169198958adfc970970ccb23b98b39f3c9a6c201c0 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_106.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_106.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f2b6f86651d97ff79612735920d204fff9c0100e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_106.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c587482d1be5f4ebeb6d69c6a94198a0615985af5dbee9e3be6df95391cdea2 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1060.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1060.pkl new file mode 100644 index 0000000000000000000000000000000000000000..100227f05a4d886061f641143ce137055abd75b0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1060.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:940a6024a992cb6dc02c95e9ec39f99c6b149828460ec98d6e7e3b37914e7843 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1061.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1061.pkl new file mode 100644 index 0000000000000000000000000000000000000000..45caa936cf053900f443a4600d9251ffe060f1d2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1061.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c15989c64258abdfd3b0fd79fbbae0a1e369c6e4aef07b8776dff2f3cbcc8d14 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1062.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1062.pkl new file mode 100644 index 0000000000000000000000000000000000000000..58744eaf5a574882d574f19dfefd9980a01dd479 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1062.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:451101002346310a6726bef9945f25b11641a3f32d1b7ca83a646f2e39847b5a +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1063.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1063.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5673e2723bbb581ff987a54f0d1a87bf4df2490f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1063.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf67f5ce2e80f8f1ab8a4c6c5cd7ced220edb2fd36004fb373f5b4de226d48cb +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1064.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1064.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9002a1bfc66880dadc7440dec988994fe3d06fc5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1064.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c706c7f883eeb0a38a5774381d9c0aa1e81d9d9ce4ce42769b7a323b22d019bc +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1065.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1065.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2f886edb433871661b7123c628bd9447603b0a9d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1065.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f1040cd1bc1bc361fb65877c621bcba0d7a16568d5310df9791440ca5ae3bc1 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1066.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1066.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b24fd9190118eb4fee313fa803d2d173aa2716f5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1066.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7195f928af953d4426a4d2a9c96faa9ef4e4ceb07510a37df446e392e5a49765 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1067.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1067.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c2f79811863e68895bd7747d6033adaa97cc9130 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1067.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:948bd3af79eb92a80ed6f3805fcfa3dfe9c93a0cc88f9450c25ea395ad97d58b +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1068.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1068.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fd8a19839331f5fbc24dcc3bb7bd4aab836d6e43 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1068.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b75af29792624ff96ddf3a63900e1baa9ed50e2de62f4b91f2977e8d87ddd42 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1069.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1069.pkl new file mode 100644 index 0000000000000000000000000000000000000000..74e8904528d6992bf3fb0b5e19cfb3f3d785ef44 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1069.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e56242d157a862c7e49e86d75970942f1f298caa8034437b86b131dc96004310 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_107.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_107.pkl new file mode 100644 index 0000000000000000000000000000000000000000..70e38602aa270c070a7e5dcda9fd4e82a2b2e852 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_107.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e32a705f0db9b4e712ae907c2504ecb25a22dfcf128f6a89a56ad8ade30bd448 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1070.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1070.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7e3e1d434330672a52e5eb21d59094e34bbeeabc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1070.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:850440639ecb5e67b872e823619d55b33e644ce5c0a26d937d1bef3a2f8fff5f +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1071.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1071.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d0fc5ad66192e10f6e1a0075a639bdb06af9285b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1071.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8dba5320b9c28d826ce9e5fc8dc6da9229cc1c4519652e5311466cce5b8f36e +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1072.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1072.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b5a5f36fd8ad430016f6e1a72c75da1bddcdbd16 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1072.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41586120a199197375ea73e53c5e89d0afc2dcfe349d431fd7bd145262d59987 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1073.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1073.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f1720d0c2dc09679a4d902767298244d959b6d5f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1073.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6de01a840c73d02678dedbbf42bd3befb931b17ea8d0063d7e37a0d2fd48521 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1074.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1074.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d278465b1ef2f2a1dee2c018cfd83da938f3fcf6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1074.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:727f2933c9415992c4abe59b67b0d074d1a5c794bf6271ef0fcced0b374ef882 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1075.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1075.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e40ca8f5a6755643d700874abae286e56e722964 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1075.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86684308500bf19f29d961c18e95679473e379297034f447a8de3d1ae45c158e +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1076.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1076.pkl new file mode 100644 index 0000000000000000000000000000000000000000..75abe434103ed523ae2243068a3ab160795bf388 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1076.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9667ea6396299037ebd66084b0815febb1c3466db4d3d48a07689801db6d2d76 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1077.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1077.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bf3ee251b48520c4b439bed8464d651c408a47d5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1077.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26fb0dc6396472a6cbacdd349c07e640bf3448d541385e47ff8745eb2112749b +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1078.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1078.pkl new file mode 100644 index 0000000000000000000000000000000000000000..768b96c132dcece88ddc3ece19d7c1c41b946d85 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1078.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5227fc1beccda97c16a53361f11460353b4cc8d04108415aa77389b23c0b045 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1079.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1079.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2ac6b9bfb0dceabfa4930c6575c6a1a80ec87c53 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1079.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:641857e36808be5c7f377982792e1a58aaea7520d186ff3e3d3524b7c67fd47c +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_108.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_108.pkl new file mode 100644 index 0000000000000000000000000000000000000000..521a55d62b8e2b0afda71b7841570ceadec552c6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_108.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7cfa6c4d81c965f2139a89a32247558601c3af240a3949f9464bf511d43f79d +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1080.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1080.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2c1189e6c81fdb1953e1cfd3a8d9f5251d01adc5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1080.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:588232b191e68b73265522f8da73b148c1a8d2e7db379be4f113d6071b4d8da4 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1081.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1081.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b4d3ac1cf270897874855c278a176814875c1bec --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1081.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91d6af18364a497b534b1f3131a63ff6190e6d3e19c427c8506a14643e133337 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1082.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1082.pkl new file mode 100644 index 0000000000000000000000000000000000000000..31e072a7df78ac35f59ed47eb41a821b945e56f9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1082.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7071810bad000cd3dbdbb8419b5467808ab56f27e007caefa973d6e1e9fc56e9 +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1083.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1083.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1cb61384995bd583484c46a3fe05240f8a31c831 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1083.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75e8cbfb48dd20444eff702bbb9604100abdcb63e144bf54341a427498c88176 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1084.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1084.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7fc2a7df972bc5ecc7e10e42276b92ddfd72c47a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1084.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:255f756064761d825a99983f277edcd3105f47fc3ad2f96287a135d04997d876 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1085.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1085.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b951c84cd720a6a536864891cdb599fd059c72e3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1085.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81c1db55eb3aeb1e3452a35303167e0e4857bb876cad326ce22b263155726908 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1086.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1086.pkl new file mode 100644 index 0000000000000000000000000000000000000000..04d5b1265cd74422cb7769c63623be53e5de7180 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1086.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a936d800f785c10289e03b23725ba9ac2e5d08b292dbcbefb4b39a762e93824 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1087.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1087.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cd26431f781073fc10312ca6945a7b912d793ab1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1087.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef451952e780855b5d33d8d15f94f187b086761f7886bb81ad0b9bafb0ecd749 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1088.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1088.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5c2b5e38230905fef7b77f4c9bce62d3c37e63bb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1088.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40fe89c3221a494d0dfb9f5ca1c29eaba1cd9a8a02c9f6c01bb8db9243f6e61b +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1089.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1089.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3d3754829f862b36016cbe6eb9753505f2be2343 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1089.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:349f4a8d7b0f088c5b52b2fe5f1d74eb9eba8b2fb7ac538bb51c888ac0a1bce1 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_109.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_109.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9bb2d15cc4b7a5d257fc49e14e9bbc3428e57680 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_109.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3210fe73556d25ae1752ae3aefa552ec3558d131faaa3dd31c65df1c20e7483 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1090.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1090.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d2c43f31dff42eea46cdb2341bd9793b5c8a29e1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1090.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68c89d984ce14e92e348504907bfc59b41cf9693b109d232202c6acf2bc97c70 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1091.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1091.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cef0846e121876cfc6972dbd21bbea848ff958fb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1091.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34b727a0a2419c6165d2ebaf0b9c0276f9c5f5a55097a836b960f906b5caa036 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1092.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1092.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ee1155647c1f3d4bbe68f46fd0ddf7ffb3c5e431 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1092.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:978dbd0073db4dde590532584d8a662f31caab47de2bcedd637d154f604b0640 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1093.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1093.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6d4a7e1575eec74262aa2e2ce4da64222d2d9330 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1093.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d3aca38617933bfc52648ed7d50e4c27cb14d1d50632e46727655312fa9450a +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1094.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1094.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a5ead77fa0b582dee7861704ee37b15f772942dd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1094.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3cb78d566dcbae0dc325177e2e09869b771920b2a7704286fd17a7e68108ece2 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1095.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1095.pkl new file mode 100644 index 0000000000000000000000000000000000000000..27a9051e351a76bf2f49e800efe2a6028200cb2c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1095.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25fc7b0340a638c6634427ac49b3d88e443328686fe5e5269f1b67af222204be +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1096.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1096.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d0cdd840cb070aeee7b2c4c3471049ba925e6135 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1096.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f8ebfb2345adc21cda81676c163bff9cde4699a2d8956c2c3ae4cb5834f004b +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1097.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1097.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5e67a7abcf922bb3a02f429f362f9355241ca56b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1097.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db1a7a4b617458548b69afb5d1f15464a57de7061cfc8923e04e81263ff46da5 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1098.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1098.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a5152f9fa4955e22f5322550617a097188262a6a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1098.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d4124bc676c2f85b9d774df69b632fc573c38c97edc7d33575e0a3363c0ddae +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1099.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1099.pkl new file mode 100644 index 0000000000000000000000000000000000000000..de3f1a58c234db004dda55110d2a637adc120627 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1099.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aaeeeca4f1efaeda5bcad8e61fca3059b803a75c61d2280ad465266e3a9a3b65 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_11.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_11.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ea7e07144c3575127b0dc6b51f64176320e4e5f9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_11.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24e6e868993e8cbbe92d475b06bf47c53ba667c09e3189e21f0b6be3c76293dc +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_110.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_110.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8ab6e1d30889a279c24b4a53ccb0717f5edbfeec --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_110.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d2294e3d4cc9497276f3bd67e230e3d9d9336ded78264eb1538f380549a028b +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1100.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1100.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a0b1ca28a36f1b0cc18313a01baf0c3df04fc81a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1100.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:080d6da05c257b0b38dec48c9e32edbe08e1e1bd797013bf6d3edd0359b46d32 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1101.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1101.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ab489e009b3b02ed160863ba31de08e037f4fd2f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1101.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:02c4d7852fb5f148c2af2bbcc4117cda8c4dee957d5e0c77c33e62f520a9aa9c +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1102.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1102.pkl new file mode 100644 index 0000000000000000000000000000000000000000..73a856e5f20b680a2ed964f6d25432fd7eeaa8d7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1102.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:685d75e87cc66f5988d0cbcc5b42a7c42ab26880ec67b8a4a6f13504a4a1b30d +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1103.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1103.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e0ca67776dfa4e92afd4724e50db26bfc58b94d7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1103.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:101c16b278d524aff39f3f2dc08b12a6dce298ad18e8a9c0c7af8cc6703c2063 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1104.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1104.pkl new file mode 100644 index 0000000000000000000000000000000000000000..573db16e82603dc218e8e4ae0e91a60fd7d0934f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1104.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5d8e836edae3c22d9e666ed1a60edcf03969789792ef825516274ed804caaeb +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1105.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1105.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5538a815cbcfec6a7beb049aafd2bc017e123222 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1105.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ca1a2f5fd92ccfb34a9f5cb565a34dc73c4ef80e1f91f64c17a4086a32771cd +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1106.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1106.pkl new file mode 100644 index 0000000000000000000000000000000000000000..092ec3be592f7ad4c092d6768bc57b95de1da44f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1106.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b58e8d3572aa9c079e71c32302996e78af8a6f225bb5a2094afbe192e1a807c +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1107.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1107.pkl new file mode 100644 index 0000000000000000000000000000000000000000..38e305a2db737563a5e7501f17b099de7035bbf6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1107.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e713c5a7ebb0925ca4c97fd5d8462c4265cacc9d9ece094f4dcc3d660bfa8a89 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1108.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1108.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ea2ee1efefff454338660d2475455a85e8a7db1d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1108.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83597e2cc449028797ff2ed6a92f8de7dcb519ad2aae4608adfcf11faccf8da6 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1109.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1109.pkl new file mode 100644 index 0000000000000000000000000000000000000000..46c29a7213b740d2579c5e99c0d87553369b2a35 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1109.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5dfe3fc5fa6973971e3f57c8df03ff893a534e1c846b61a5a83c33804340a4d6 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_111.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_111.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bef9318d99b766cfb627ea8401478d7352c24d28 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_111.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8691cdaa151212d4ac7584edc5a951c02deed2311aa857b4a4866012028092b8 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1110.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1110.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f0342ea6bd422e40e62160eb4f30a32fc85a3b08 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1110.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ec46fb228bbe51055ff41c6f7b568880147f552c853b8d51bb1a8b44ab1d8c7 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1111.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1111.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fe804085db7126c8e0b63aaf31919e3d71a01ca4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1111.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9cd91a20c92ad1f77405c75b8ad20d79c1dc8845b860e75831c81410a65d7cc +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1112.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1112.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e23ab6db1c5b52c9ae0c57427fcedab1f1c8d3a0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1112.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f21ea4ef8a198fb6750d8d59bb4d725d400aa742188eeca22b0380b74baf0674 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1113.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1113.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1e8d50299f31fd76583ca085048bf83943105abf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1113.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:960fa069a7d641ddc5aefeb366ca22841276086073f4cc20eca11ff3b7fdd345 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1114.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1114.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b2b74f54ec852a3d8e29ed820d64a4d20614ee80 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1114.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e53a10feb25f2366f4931882be95a08af513672815e737019cd25c74ce37c5b6 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1115.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1115.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f9cf7f3bc5a671b3378bde487743f4885b00658e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1115.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b0d6ac40a02b12557874448f684750ac8c9783cfbc30b3d7c58477e246d6643 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1116.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1116.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9df57c9c34612863199e79a26f80fe01b219eaed --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1116.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97bfea87cdb29577e976d8e1bbea832970895cd29865993ccd296f04a08a0446 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1117.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1117.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e24c76996e9b4b40aca7b036449e8c23ac937af4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1117.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b2fee5a81ca135fa6f208a1253c4308610261a6609e8cfcf7279f3aacbb30f6 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1118.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1118.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d11d8f49507ccc30636198489e879328ffd253e0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1118.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ffb7bbf2e2c4bce94637c5c046ce75e355688389a2064cdfd0ff4569af7e2684 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1119.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1119.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2bd5f1cf033862a5c4b1d3da40f4b1d227bdbf9f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1119.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2988329318c723ed0aa6f2325c9a20d1e509c3aa249d619d57666320a6350e85 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_112.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_112.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4ad78f9ff8086e2ccc7d56562d931d31694a6a36 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_112.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3502f9002835b41bae4c35cfb7ceebb22de9f0f9104d04a75ab958cae50e7d6f +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1120.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1120.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cfb24e95cfc016af91e958fb90a892d5c7ef1bd7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1120.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c2c98beb8352ab83c5e89603999ba3cf02a3509bf931efc25d3c8c256293fa4 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1121.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1121.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bacde20989a954f6bfc8f75b20c254485db31ca4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1121.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39b55364551ac3fb7f0cf206e99c45ebe4e78ee513c409cf1bfa9830e0e7f2f6 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1122.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1122.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8f45f0882600b6916a4187a4cdf6c05c1c3d27cd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1122.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2416569ef96fd1b140290395c25b7f88cac5337e78e064c8dd8ce31b2cf6441f +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1123.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1123.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a674a4674a190140f1b42c1ded408e066ddcadb6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1123.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc4498e47a6f65cbebdc21e43fffb6c3730de97d2ec20dc92077aae9731b0925 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1124.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1124.pkl new file mode 100644 index 0000000000000000000000000000000000000000..637a37f2547067cc122c03ed7e969271c96b35d8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1124.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d477a2102a19c4598421972faf641893c4f73515739bc0f8c19aad913b7331a8 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1125.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1125.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1fdaf8e2ef74d837e90073c177ead21335f49c22 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1125.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dfa82da6f4eedec790504a6512ca0b5e3074f8fe6ea0fa8b5a81e20cd9b80fab +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1126.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1126.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ff088fac3005aefa898124282ddd85537ee73169 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1126.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee55d93a5e11e553ae9c7a9589b04601964357b5a2eab27f4682aa5b2820d7b8 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1127.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1127.pkl new file mode 100644 index 0000000000000000000000000000000000000000..08a4d5045669e7174cdc1006509dbabca87b16a1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1127.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d70d6ce35c1c0f8c990045439fcc8ecdfaabc0bc37e9b63ab455cd54bdd27068 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1128.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1128.pkl new file mode 100644 index 0000000000000000000000000000000000000000..016c986319fea4e9dbf50c4b0dd622160994c166 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1128.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:072cab6495d4595497489c4c44f0a02d933310c6a73f573622b1509184d2dd6d +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1129.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1129.pkl new file mode 100644 index 0000000000000000000000000000000000000000..270a4a9d6a9b57c7740921d95f6f8339de891d17 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1129.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4fa64de7a229e6a30364fbeb0a60627e6defac543d01ec4e0007a2ac1b43be11 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_113.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_113.pkl new file mode 100644 index 0000000000000000000000000000000000000000..842285c3313d392c5bca850a253d4b7c3b258ee1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_113.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0c6e13dcef01f0cd56ec1bb6a6b5de7eee3b4861452c8be33148535001745dd +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1130.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1130.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d6ffa3fb5354eaf753c9cd578804fcba7b37acd2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1130.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf0f1b4b66f20d7da19338ad0dc933d0c330a41e4740af211a55c653ce56e9c5 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1131.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1131.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f7c1cdc755072d51a241907406a005ef9073b5e5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1131.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b87c1e9868d87ac9a0eae382ed2003720a30607ed61e2fbc60ed7c8a65541b38 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1132.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1132.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f28cb081ec3477446d0a448b2c5cc358e90132e7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1132.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:996db0c2fb9321ea7781ac1a5dbd1e76a80d86b7820b96a805931e2c6c6e27c4 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1133.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1133.pkl new file mode 100644 index 0000000000000000000000000000000000000000..de26796c419ae0431946a54f27eb512f284a22a5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1133.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e38a01ec2fda9b1ae7fa2b0d7639b27536203eab01263f4484d5cce9f5d6e85 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1134.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1134.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0cdab936f1752263b5816617c038f293c6014410 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1134.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6f88a646d60e88735ca8c7c65bbd55012244e42976a30b11dead0e980e7dafb +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1135.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1135.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cfe07167ae1408532327250d92dd2004d78cb16c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1135.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91e110f6ee402ce952d27ebd02c1ad32b4a50e33d49091fbf389805764d53255 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1136.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1136.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dc19f87638e44d8c02c7779c455189489efd1d57 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1136.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd55ff4006f41a7a45a3986eb0b8f249fda54b01ef7c8b7ff91f33ccd1e52e98 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1137.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1137.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a9f41f3b2c5b8e7a340a09013e57fc3f317bd7fb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1137.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7dfbd8c5ecc0a44a23a08068953be99aa80864af6c22220bc6e70f589c918dd2 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1138.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1138.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f74426f8acccbbd36494416571081f41bcaacc29 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1138.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d60a4c00292ab48c38c43656b36b7ce4ac279ade6e2abcd7c464680b8bab10cb +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1139.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1139.pkl new file mode 100644 index 0000000000000000000000000000000000000000..30816f6fa3650e5b87ec67d4a3a69ab70f819a1c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1139.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84762c32f6cc0550d96b1130c3a5ea17d5b5ffe62501ba1cda12ae7387d506fb +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_114.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_114.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0fd4c13dfc141d126f0fc793d53cc3fa76bd0b14 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_114.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3bcb56e3c61f34b1775d0c4a8af9c2e55a84a6eab54d7c0bc31f7ba52a93a22 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1140.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1140.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0bf497a575795823d680523e3fbd58b1bd3f62fe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1140.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49f2d7415546424ec50bd6be256c9be9b2dce6cb91ecd8bad33171c1ce27a20c +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1141.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1141.pkl new file mode 100644 index 0000000000000000000000000000000000000000..92fa151a4a7c4b24aac2ed16f3d63fd16b6ba255 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1141.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b654c9825382582e6297d99d4bebe7d4d95d70eb22aa4e577a76d1785c8aa1b2 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1142.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1142.pkl new file mode 100644 index 0000000000000000000000000000000000000000..27f13858fbc3e8d13917cf949666cbb3ab6622b9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1142.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6cdd0ba26728f880c22b54fe82b45f9940bc20cd2de3fc93f0d1531ca6c46899 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1143.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1143.pkl new file mode 100644 index 0000000000000000000000000000000000000000..404b7eb2476746cd129850f7278299a802f3c7de --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1143.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05cd071a7e3f9905afe209027552eee98e39943a56b0fdb45bbeae9ade3dd235 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1144.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1144.pkl new file mode 100644 index 0000000000000000000000000000000000000000..173eb937c0fb481a26306ad255d4f9981ec32814 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1144.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72ca2faaee725c100c79c1f4494c77aa2318e123346da676e927ddcc602a9095 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1145.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1145.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c420143edc5b28e4cf5791de44bb68372cf1e1cf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1145.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3207c8a30fd817c657e5fc5b62a25f22d338e3e1dffd0f4178e8f0d4454a6b6 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1146.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1146.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e51fa9a1aa404e5e7227ebc772658f34943f2d9a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1146.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5439ea204f169d49eef3b17422490aa9145ba22e171e5e40e2b417e94dbe030 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1147.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1147.pkl new file mode 100644 index 0000000000000000000000000000000000000000..42e62bdb5aeaf76f63ad1ef845326b0b9a03b7d9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1147.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b3a512be55e8d5624f7c5539231bc704db6159814c4d38c21aeb9e93bbc4544 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1148.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1148.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a0dd5be04f17b63aee3d3e65b91a58b55558f313 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1148.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:02a058e58bf6f388e497a1de51b79eec8a9335af4bff4ce17d375be8bea1fc3f +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1149.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1149.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5bb9864c5f1c721b235a313d0aa4aa14d685983f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1149.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa5bf7d68bd8c6ba7f80805cad4e85ea424efc1093516d74af57af5d5f23fa97 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_115.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_115.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b65dc9404e04ccb0a325c341218dcf8072adba42 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_115.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81f3e263ab5c595f83f09042547901d0b30f0a4e34e0a22850c30d96bb26d526 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1150.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1150.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a70178e325e835a47749b03d45fd1fb19c23ddaa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1150.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:349073ce4f48eaa47df481728257662f88fdc9ff4a06cf1ecd2fb3625199b36c +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1151.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1151.pkl new file mode 100644 index 0000000000000000000000000000000000000000..af757debcbed1ae140f488fe782dafc3f0b5d6ac --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1151.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab1e634e2851accf28eb0135e63946ee75172603d9954f7e943700b41fda816c +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1152.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1152.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2a03133c9f35d9d0ad4ff9beee7a0aeade86b438 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1152.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:533a8420e81e7deaf62fe1dc26c8eb9ba11907998bbdfcb09a388e810471f6de +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1153.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1153.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a036e5fb57d2fe9ac55ebba533a44c60f45805d7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1153.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0594c984a4070eaf5aa44efa9cb024ed0fc2ac8dd5da027b436892201a14d32 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1154.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1154.pkl new file mode 100644 index 0000000000000000000000000000000000000000..81938a6cd4d43ae71f3bda7038351e22625ea7fe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1154.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10a0478729fc85047ede83ab6d99c80556a5d6ae8a7954157ff0ed3f57403f72 +size 25799 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1155.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1155.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d16e1782146b7d5105c3307cde1d283d5191e9be --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1155.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7a9492b8128ff95d870b7979e84e6774f745be2585b8b6bb97d96def4286a59 +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1156.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1156.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d97497885e831feef1934dc716f151215508dd5a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1156.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8814f78a73b43bc1b7bd2145b443d3b6b690283ff3a1504b86adda6d6c1d4211 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1157.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1157.pkl new file mode 100644 index 0000000000000000000000000000000000000000..346977056e9331f78f2b12caa8bdf2593802013f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1157.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25ea67c1cc01c6987f982234dce7296da48561993251a26d84d0cd618ef57eb3 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1158.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1158.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cf1e6f640d59100b8b8f1165ef7eb3abddb4d059 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1158.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39d4cdd0cf90b1bb2a297758bc69d47cda97186da21d9c6037ec848ef031b0a8 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1159.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1159.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ee45b1a84cf2594fe1f69bfbb8f90bb93791214e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1159.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:947b96d17d18edb4be27bc40b5046a5f4b95d9ac9674635c3330b77afa3559f7 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_116.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_116.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c1d984348ec513f3e1e828db78a956f9b88dbbbf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_116.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e606a0a6c8770e6f2e1841075de11a259c0458bd2911664dc0a229a26395610f +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1160.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1160.pkl new file mode 100644 index 0000000000000000000000000000000000000000..089c96edca864342343f32ed4a41c3af2f95a77c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1160.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8feb4cdf2612612ee71937dbf9df336c1afda32f1162a2b3b69883323c58f6a5 +size 25801 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1161.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1161.pkl new file mode 100644 index 0000000000000000000000000000000000000000..445736b0c4ed57a76e9251c79c675dac37ecea9e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1161.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a69930701ff69ca0a2ef87d75e4b2ba2ac3e5743a8e4e957d94f684fe0040d98 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1162.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1162.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e0d9a9276f758e5549f49e9f5e0c8ca7c40debdf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1162.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1cb7ef5c7f8756e41521d53d373a5818401bab69aed32730f679148af1669e08 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1163.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1163.pkl new file mode 100644 index 0000000000000000000000000000000000000000..693e957970b039d6b5006494b40d2ded85f61a6d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1163.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:765db03551b4ae3ab3cc8f9bc584d9efdfaac90df667887d2ea6f16533e70bf2 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1164.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1164.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f3ec0aba2b254386adbf83a9312b6473e47049b6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1164.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0c29569ea6126915bd910076431002832d8350a5d2fc856e56aa7bb82882509 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1165.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1165.pkl new file mode 100644 index 0000000000000000000000000000000000000000..282cb66c1bfe37111d15284362a35514e6f4aef2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1165.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7195b3a91815e98bc75a705df44b69abd785c938744144809ccbce032e854447 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1166.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1166.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d791a16cd0da5e4a4058d6d71091945b960244eb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1166.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dbc317ed2502139333862e1f8736a5c6f59dc378e021596ad6bb95856dfd6a99 +size 25799 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1167.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1167.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1d551d91a8c18e1277715ecf55b865afe8be033a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1167.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a3b699f84e892118c76f0a6b1e76fb78d79045f4ac0e115be76182b9700ea6f +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1168.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1168.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d6c21e4aaf752cfc4689959e2473c2fba6cc0d23 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1168.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1aefc235c358c3df1ac44a3805457f2dfcf3aba36ff8fe3d8e84381296fcde0 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1169.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1169.pkl new file mode 100644 index 0000000000000000000000000000000000000000..237c32aa946085b3d3901bc581324565c1d2e306 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1169.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd17057c2077fadaa4a6ed7ea131966925b4afd9f2c4dc67d5c35f193ab73457 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_117.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_117.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d8f0bd2d3005e0782ea5bf326a4e597e49610232 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_117.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f64c4d0fd304f0ffe5dafa8489a410d977441c6dcec73a1cadad8821c8ddf25d +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1170.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1170.pkl new file mode 100644 index 0000000000000000000000000000000000000000..57655ad4f6580cc465ca350bf755d577d665548a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1170.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c686c815932c6ae1124cc1d5fec5a9e7a0a814fb15ee16877df2182628566058 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1171.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1171.pkl new file mode 100644 index 0000000000000000000000000000000000000000..29e70e5fbe2375d7c4bb8a04768a09f77e2678e2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1171.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64cc0fa4cf4ec198bd0edfe778a6eefa23f9390af76a5bec3d90c15efc958ff7 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1172.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1172.pkl new file mode 100644 index 0000000000000000000000000000000000000000..18ab4f2ea08634110e61cea5a924da0db1d53596 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1172.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:12a74da3f87578f2894dc4dead76970d2cb6b7853eb56d48a2205c29b71403d3 +size 25801 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1173.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1173.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a053e334db0eb8502cd2fcfcdc493e90b2d2bb0b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1173.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd1bc194fc92d74e67552c492468507f29d907ccf9e839f8e17da6e62a2ff6e6 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1174.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1174.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6d0c118bc8c4e320279c363b42cd29c2330d52c9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1174.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f92e422cfc990db85857b9fc3830560977e1d0181fead66483d331ff934aa19d +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1175.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1175.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2d023ab4b245abb52501aea6866e5bdcfadd7049 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1175.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5dfbfac09590ff73cc8360a5472605100ca1dc98b3620687707ca90e49b7ff27 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1176.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1176.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7ab52777986cc84d37ce3268a795d6e8f37b1d8d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1176.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a41e7513ebe27e707d9eba69718932dd7732ab0c817eb18443bd93ed80883285 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1177.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1177.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ab502d649ed04337fc25e2ba0e95b6a9b242f1a9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1177.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88c9db20bb55032bf98b92c2bc8b993b25b683227129156b6b728dbc2213d588 +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1178.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1178.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a5c8bf4055bd18f9800a58de2d7cfdbde3e86903 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1178.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78ed3832f00f80fc056169a3d51def2f9e3b604b82501a5e7892181b04395476 +size 25804 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1179.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1179.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d886267a37159b1e9d1e0c2b0d11a913f79775e0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1179.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97a10fa22912f033101e594af8a096f0b0ce54bd160ed83c0c4b74a88aff67d2 +size 25816 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_118.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_118.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7d03353af81f9463be1219bab2c89a633e363221 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_118.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23958aa502c3f2771b88c262eda1f60780e07c6d1ddf611520bc5b5a8cc0eb61 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1180.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1180.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a35566a1e5b57403846c92b543bb62b944ba9d89 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1180.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a24311b5f0a7bbfbe2cc1b42ff57c9863d888d15f87fe1e001313455fe65a944 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1181.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1181.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a20f688ee27200eb62618e1e4655f2830cbb9b5c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1181.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f33f732def1c1b209f137caa333aaaf76da8bc5cdc3422f95b3fbfb3c9cbf63b +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1182.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1182.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e0239c5d191bae45fc4323cff6fc280b685c32f1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1182.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f6697f088829f20f7a9cf3651de9dd025440d2133d89804d2844b2fce34628b +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1183.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1183.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2452b0a5230dd47c6c7ebbe67ed5170046816eae --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1183.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c12ef82299b5035c08c2fda42cc87f73ce768672b6847c42c3b98e73aa34c07c +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1184.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1184.pkl new file mode 100644 index 0000000000000000000000000000000000000000..40907a034a3893fe032b6dfe0a802fb2d8fe2ba7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1184.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42869d0376925ccbb2b722945027ada5108e7ce4e79a58ef7b0e2e414a06492c +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1185.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1185.pkl new file mode 100644 index 0000000000000000000000000000000000000000..206cb38a3eb2e7b1a30f02537cf4b803a297ab41 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1185.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e705b240de7cce4f023c973f7d6b937eacfe15305a6a4f45222f877a59098ddc +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1186.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1186.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f50d9b500d46a40ebe3e79d7a8d56d5c3ca0c9e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1186.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c10a4ca774ad582bdbdd91516f384e4c54d602799fdd9dc72a026bd2442cc1f +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1187.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1187.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4dd4eb8e192cd5c2933ff262d7d47deacd6a357c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1187.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c65ec346cbbdef73efbed4c0015c5439f4942c4c63065664f91676ed7ea419ed +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1188.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1188.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c04be80590d924b49cd9d849671c93684e65b55e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1188.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d768a5d2245a830e56eaf0b7bc5825edaf628778e38b5450b585b86e1d05d9a9 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1189.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1189.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e00bb484ea371c89d3d1457c49f531570ece7c31 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1189.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be3f3a159ff5852870f1a521df69b323d0c40a6067f0875cf2ba2fbd29e4673d +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_119.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_119.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4710cf963405509efbe68a7097803bbe51517357 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_119.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d9dc583b7f994cedd553563f1f01240f292e493569f38030daf2571efcd9e13 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1190.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1190.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7ea9c914f8793302acfd949095dfeef3a51a8630 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1190.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:baa8a40c261fd8ab5aefcd007c59121d8e2157ac6af2c4b5757bdb9a1e87ccf4 +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1191.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1191.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7078362bf5bdd120bee1299551ebdfe8c34e9f82 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1191.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7b188dcf114bcc2cf493f8165b611110f8bc7b799e364fd2da16587368c04d8 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1192.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1192.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a5b36c994aabe2ddccd463dc9ec82d9e8d7508aa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1192.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69595d5db56f42b4148fde88d9bc7c0c0dd73b6194e177933efa8c63ab2022e2 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1193.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1193.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9f4dff4a2864e197bd0972933793195a6a15a241 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1193.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0567d9d220d9fb08dd019112aa9e50339ede4ad92540d6158ae8568c2d84f7fe +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1194.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1194.pkl new file mode 100644 index 0000000000000000000000000000000000000000..242015effd9ce8adbeca96b080409f724ed2afb7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1194.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa10fbe863958a4aab50a19e7cb778931d2094e8b74b8798716d36c9e752b6af +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1195.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1195.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f133b304cab54b5e76c0ade7d58520f8050216be --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1195.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c609e3efb5113c6f58cf0c8074dfd6430f16c0da79dc3c9854bfdf96e434c0f9 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1196.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1196.pkl new file mode 100644 index 0000000000000000000000000000000000000000..89864761e4f76d5b2e95597c0d061e6eb234864d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1196.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:472eaf50527a9604226a9bc68f748f81e3b43ec09d14b74dc90d2f325891f0b3 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1197.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1197.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f37aa730a180bf1e7f4c61a305d8ae2b28917f49 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1197.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47220ee96641488e6ccb5f144efe034f5cae48d7ed86c3adc687c15d97316c4b +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1198.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1198.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8e3687c71f4eb759e313a9200a63dd49e8e32626 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1198.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2660f8435e705749babfe598313176b9a16956843257caf4c0fa0edceb77343b +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1199.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1199.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5afbc00a8128466f33774324ffdbd473ad9303e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1199.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3505ef5cdb89ce3eb788103646e2f93197e21618c81b3f52fc9b0a94f31c9c1 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_12.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_12.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2495e31b5819adc82ea00096feb4a02ed2b122b1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_12.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:969a30f6f43a50d895c2f9f3e7b5e465d85652f46eb0e6898ef99aad7d387e7f +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_120.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_120.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e8a285a5865d3ded4d11c74fe6c33fa2336e47fe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_120.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72bd9d6d5ec6a8ceccf544a143b1f9aeb5a073dcc8ce6193d5076c92709744f4 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1200.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1200.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5b0fe47f25c720a7761a2b682cf5ee6991746c11 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1200.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a212656f895712ef3bc02b6e18d207a6427efafd5b65f644d9c7e4551bd61be1 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1201.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1201.pkl new file mode 100644 index 0000000000000000000000000000000000000000..15e507bfc52be6f3bcfb3bb629150a7a793b59a5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1201.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2526bd47ed890dc3302dd12fcb67d469b0df13f30edb046d8ec82044cb338dac +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1202.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1202.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ab1d936b06f691b1dc2352ea2f174c05d44f77fc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1202.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d08d010b8f26d01bb7c5f50341b694c086ce57fe2e59b47c795c1b69796b31c +size 25800 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1203.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1203.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4cea4064c2572882ae7a17c20a3d296735134ed9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1203.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd92a4f3b473bb7b246179fd0ebed7c2650c7c202b6bf34d9b37fa6e98e8f1b2 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1204.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1204.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3d719602afbd88ddf986594c114e90d3724f9962 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1204.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2084e753b84137e419a17ec929747587e9e39b9261a3584ed39cda56d476987f +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1205.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1205.pkl new file mode 100644 index 0000000000000000000000000000000000000000..83a88b280127b5ec3db847b8a859c003ae59a4f0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1205.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46b1943db12f2fad938d86cf24b91a4c024b6284326b2ec3a54cb810caad8f8a +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1206.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1206.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f4b8f4d14d9ab4aaee5dd4bf62c3be7d93ac0ae4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1206.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7cfdc77c347059449557e045c1b1a18188d88992f6c40224701e9b536396c53 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1207.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1207.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e5bd39ea264da7acb7163deaad6e1a75502656a7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1207.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39972c1136d70886f95c861dba32f82bc25695e4b2480b6712c59d3857751bae +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1208.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1208.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7322f184c63cb0d5ab8b6ca9960939935f7537e4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1208.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85783e9b3067f3ed3f33050cca25e41010ab690aa828a68f645b08843bf4ca60 +size 25802 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1209.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1209.pkl new file mode 100644 index 0000000000000000000000000000000000000000..25e1503c3f82f771f54f9b97dbda19180b828261 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1209.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f3c4e175ccc216a57b925ed36fe7360ba4548d1e9caaa7b195e98ae8a6b4f27 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_121.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_121.pkl new file mode 100644 index 0000000000000000000000000000000000000000..35b50680473dce24be36cc0b74acbb1134bcff63 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_121.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a90d6494781f2f30df9561bfa551273d2eb52b872e038029c76bd99d81582b1b +size 25781 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1210.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1210.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ae9eff5f083ee7042b7f6bfeaf3dfe2b9105dd93 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1210.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f827901892e37d1163c60d1badbb0e4301657b9d3f3d9a44ee9d75eb049997f +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1211.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1211.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e223b40820499b6557aeac3d0f035d4fd4f48ce9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1211.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4734e36f72c0df79ce73220a058b541dce209e1ead71e9ba343cebd12e26bf0 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1212.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1212.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4abf0c69e20e0e4dfc028cd362b5404e4baa07b9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1212.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0cd40801e77f71b2e4084c1af6e3028310daba0f7eb12c4159670d081e7de71 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1213.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1213.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a172ec2c4d989353ada7d4d423b825f419305dc1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1213.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6437a5708255c213faa9ba07005746b761671d8494be9a475dbbea2e43b27188 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1214.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1214.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bdbc079a288a0ac76e66434e7efbe8529495faf4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1214.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8586000ac0209ba33366593b1e28313392d44b679fd7dfd857b2489d7f7984e6 +size 25800 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1215.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1215.pkl new file mode 100644 index 0000000000000000000000000000000000000000..517e9ac7bce2c8ca2d5d8c62a2361e93fd6a9893 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1215.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:193e0de777047e15e7b3e43ce7c81db53786b08eeb8cb5ee71abce4ba2085d60 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1216.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1216.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ddef875bc61b887b89dde73268c14c6703b3fc35 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1216.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65020c2a4030d43bc19000fbe5c52f5446157d9e3f96316ff78117630600c5eb +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1217.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1217.pkl new file mode 100644 index 0000000000000000000000000000000000000000..11ee206b60899e65b484bb754a7121ec2466b0b5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1217.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4644947b634a8660b905accbf7182410f8eda7eddaee95eecf13fa7c4439377e +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1218.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1218.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c24056911c943cb4b3909a5b880c9bc8ed815708 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1218.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83b12d43fef8a6548e72ae005ddc7c6422300ef9904ca5bd67f536c6899e64e9 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1219.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1219.pkl new file mode 100644 index 0000000000000000000000000000000000000000..aed367e37e2a5676c3e9c5ecdffcfce707473c82 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1219.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fb83099481ce443aff193809fdf0be46bebe4d51b114b3ace0dde234414dd60 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_122.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_122.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a253951d830dd2c1679b6071023863cd5ffc1404 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_122.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:abaeed65d9e71c633885e9f1a9031b8484a8c1c95ae8c2b62373f9464e1abccf +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1220.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1220.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1128b857ca34374da7bdb147bc70cb3ce0e46b05 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1220.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be4e71a1d06eac940f1ba69f602b8f176fcecd52f01448de6cb0f0d4050573d1 +size 25802 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1221.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1221.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a3a37c2f3c9e9d0c0815a8a291b95a56b25dc861 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1221.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:906918a6073087fb1d2662f709f4cded9714799e9b40b9cdc24f0e1690ad4c1e +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1222.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1222.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a6204bc45e1fa5cd6ce666ab5b391a1cb7d88d92 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1222.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88128e5cf37dd824d2dd99f68e80be81abc7e220354900bd15f67454049c6899 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1223.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1223.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2a0367d817c0cf59b2f00f751b40a5df73d7d9df --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1223.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bfb2a3bece32611f4c0840607136f2e6d34600c3fa0873e4e350816db2d0583a +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1224.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1224.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2aa3115c7aee54c26b0987202105075079a14cde --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1224.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73bab380035f7613324059c776e26251a9ee125973524b66b0646bdd06c8eaba +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1225.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1225.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c4b53103518b950eab801d2b107352b1d1cb61a8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1225.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9f2f6e43238a74f15338bbdfeac9f47db9477bafe73234c1003da90c03acd99 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1226.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1226.pkl new file mode 100644 index 0000000000000000000000000000000000000000..20dcda0e2318861fc071146593d7fa8d0ba1fa6f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1226.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:628b9ee60db592b3b16982a4158b3ace0b4c3fb28e88a4ad6b29a227061d3600 +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1227.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1227.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f94276865323fdcd071e8fa9ab042e82b36a4e16 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1227.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0c1ac657d6351db96f5a14d92eb0a925261e77f8e6a0d8e594b8b4c0483fc38 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1228.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1228.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a3f073cbf4549353c0638c6ae68db10f03a27b52 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1228.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3caebf8d6d1d7b57bb4a6927976114251b141f12b08aae1acea5dc8461395ea0 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1229.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1229.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4b132bccb107bde4a3b9ace1ae3c864b47c15f01 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1229.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3680d2fb5b68f04c8f4c6468515bad54685b81c9d09766bc9596024adb88f061 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_123.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_123.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d07fd3f641e86e3c537e4c7ed33d1bf22438ba54 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_123.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64b3d5ca13f56b4962082f4f0998e896d6a992aadcc914da1aed4778377e1996 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1230.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1230.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bd04fedda62405b4cd5f257ac56c8b85505bf228 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1230.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2b696858f4f83d244c6f0b8301ca66274e4da3159f46dfcf7459316db285860 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1231.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1231.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e8141040c4dad99c521f1b87fc3ea97164d1c735 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1231.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6e03e04668dc592f9b7fdba60e61e9e4115ee9573de62dd82f1d7016c8ccfad +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1232.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1232.pkl new file mode 100644 index 0000000000000000000000000000000000000000..12997d64772573f83e9a4cc773fbc866ee53d91a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1232.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40c8baf58a3c433ca9cbd18b555ea6496a1a289af4a8612f447b909660bdf623 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1233.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1233.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2af35ae29e0f8e1c732e038516b9f85fb4699acf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1233.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6150b9230331cce38a57ef78002e2003b1073d122ab5f998f34d3fcd64c8db96 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1234.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1234.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a425d7503a7fcc05dba699fa31904c1c410553c8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1234.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec29facb55509dc5a56ff60c75e185bced46986cf9db519f0bc46454efb64f6b +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1235.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1235.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cd30b06741ad65625abeec25bebea2bc37d11372 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1235.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:580b8d03c961e1357978479471831aa4bb4724ca49bc3f95657450481c122806 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1236.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1236.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2b577ca104e54c582b69a718bc8c1d7849851d72 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1236.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:418a6c041458efbab75b1d33e4e713fee08b9924af5aa407b0f84aae04159c8b +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1237.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1237.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b9f3b1ff49e7a4c6fb5f8ba2454d44d01002f518 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1237.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ebe4cb35bed1ab068e2cbba666ada45c55644e964b2f423dfae6c846155be49 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1238.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1238.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4875b0420df24980345717b72a1a9a1666459fd5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1238.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:affa2e040c575448d50fc331ba12abeec88add2901435b676a4cb9634f16410e +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1239.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1239.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a0810b5e93c364e9f7921e744fa0cc701ba4e48b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1239.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8584e8aafdf73e68a10a4b595dcc955dc0c8e0ad1a3b404c965d0dfab2d598bc +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_124.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_124.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b1dc8676a3cfc3a7fe029b0fcaea7a86cfba2597 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_124.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6953b06f2144c7f185bb9545d656f823a1f4d7d79896ca99b1a3092c1c057af +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1240.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1240.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f4a4aec05b630c1ae26688c41f136ccdde5ea58e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1240.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5c992e432be20b6d54f7efdb084d725d50d9a7c77ec9f89e53d94f5c88c9893 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1241.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1241.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e81a89cd822595ebb387d1c2cd5ddbbe1f788807 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1241.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e1f45b92386965dd088e5df330fd7af53f55e2184c611261cdedadf0e3fc98d +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1242.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1242.pkl new file mode 100644 index 0000000000000000000000000000000000000000..34ec13ffa4c5eadeabb693f31df8e43a92030d72 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1242.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dba509167222c75ebf7c2a6d8355ba8b268ccaffb6d0a9f5826e0e889b70b235 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1243.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1243.pkl new file mode 100644 index 0000000000000000000000000000000000000000..343ecfe82133a43aaebea541042492b5c4401f5b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1243.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6c704303b0fa369089dbb343a6ddc715b19bc6bd5da046fef43195d8d1afd0c +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1244.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1244.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0ee10e57d9630ecebcab14bbd6f687de1eb6057d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1244.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0aa20448094b567ca2bd254c75ef27ec078a2539791b1da4f88514c102bb223 +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1245.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1245.pkl new file mode 100644 index 0000000000000000000000000000000000000000..59bc04a462f97ee1d8dd23b69839f38aa6cbbd50 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1245.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7cfb78c37d222fc6708545779a8602c125b491ba2b9275bc8f88013e75fb824c +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1246.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1246.pkl new file mode 100644 index 0000000000000000000000000000000000000000..75881b58789f753c0773d25aa5a5b21c167b48e5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1246.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3702425fe360825cbfd058c7cfb9bae421c738300d148976c930ba4085ff3e92 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1247.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1247.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4ccd5dd4f31c52ea3b5437048268b03af60f8a0e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1247.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9128eea89abdce82ab9889357b968ff4f34b57a1cdf57aa478105549d3266b84 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1248.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1248.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9ab2e572c2eb6dd8471afd48090350bbeb622426 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1248.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7e52bec926e51d67a40b214ca5e0355f5ce495c77014a82551145ec31450236 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1249.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1249.pkl new file mode 100644 index 0000000000000000000000000000000000000000..42735a8a4d9a60bbd117eff7716c343bf8bf97fd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1249.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71ea18dd1db6e88e72ea88fa123d99028284b1fdc9f28a718fddf9bbc27e6c8a +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_125.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_125.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3075a49efb8c2a4c5aad6d089ff5f5897fd810e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_125.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d7ea2f777fab97a632abc758b13bc0f95dd7d0fb967da09de4b647b94961e7a +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1250.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1250.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1a0d3a0c154af3a343f20ba3da6e42ff34711716 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1250.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5cfc45e018f80a3b4067bfee40dcebd5576976872337b0b7f7437cdf7f5949c +size 25804 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1251.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1251.pkl new file mode 100644 index 0000000000000000000000000000000000000000..23a7531e2f66e6e5e656565a6310d5167107a7a3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1251.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd2bbb74c1d9bf3a90fa137e6deb97f608dc22019600ba0f41e2e95874afb579 +size 25816 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1252.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1252.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5b7a262c35a34ec39b5894a44324f150e27312d0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1252.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c389d9668b1aab575040a1f34272c10550818153c01412dbcaac3a60cc3fac4 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1253.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1253.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8d3adf192207d3d138a7df646d71675a1c754dad --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1253.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52670b4a9c032cdd6cd036c3e1e38aa559ff79ed1d602ef928058121981c1268 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1254.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1254.pkl new file mode 100644 index 0000000000000000000000000000000000000000..aee7cb5f9b42963cc9aaa94ffac31d4b7b115552 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1254.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1ba12cc54b84357599b9567c1bf9d3f991a5e0e971ffb9a84eab3542742287c +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1255.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1255.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a1f7db6938ed500de764be424c75abf4eb3ec1fe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1255.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94d811212730abc9dceaab9f82321544ebefcf9cedd5ea7eb3aecbc6a58a30db +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1256.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1256.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d88b21352fa9afa4393c92cf23874ac632f791c8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1256.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a3e98a00c821b5d9764fdf184e0c55fb5b475861e538fdb2b185900f5dacf17 +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1257.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1257.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fd3c286f98b4f28e34aa61a3f06921ba4a97327d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1257.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a25c78921ca401b2ca91e133ed98e5b4fe03eeb4e72a6dfa78b9ec509a372959 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1258.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1258.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f0c02a942678064e830b2fa12a6626f7a55768d5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1258.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d137b5313ebf14e0290a9b4fd74e5eb11001944b7039cc22289aba4ea4135bd +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1259.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1259.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2bcc582bdce72b5a4cf06b3da6be93bbd16e5240 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1259.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4cafb24674eb50d3ccdb66b430007241f79c215c386af166a76373303c66fe5 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_126.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_126.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d24824a02f260d6609066254a97b3e5d627dcd5f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_126.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e5b27730e43e846ba576c56225b3cfa6e6ccf0afeb2aaa124b4d348caaea25d +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1260.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1260.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a04d109e7111033300e5fc9b14e32926dba8bcdc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1260.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b710cec74643691beddb43e8539d61940d1065c68cb3fe0b108ac89fe6a64d54 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1261.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1261.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6f734609599990b93917f4dc4660d12f920807a6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1261.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e391cddf115c836d0787a3c886546e0199a15558d98c5408484dc571911c86ca +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1262.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1262.pkl new file mode 100644 index 0000000000000000000000000000000000000000..528d2cb874c7f59d01dbafccbda74809cae24738 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1262.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:129d58ea6b2ec62397343d53e5c2492e5c586c38b2e654e7ea538df2f464d453 +size 25804 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1263.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1263.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ab3c42732d1f068af7dbccba8cef2dbb662b1e8a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1263.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aec3a12eb43e3eec40bb07728c0c922d7c6d24e067121b8233df0a159753189d +size 25816 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1264.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1264.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e849cb3f11295101b79089028555c3af38811b47 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1264.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51c6e1cc43be79215c6a0600f1b2c41f1ed9dfad00d1f53d3dcf6ed94361b884 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1265.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1265.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d0414c64bd6f56eee37f476da9de8f50978042de --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1265.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b34f23b4fd180d979d8086eb425023f801a445c15620c08d543b52a0e43e3334 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1266.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1266.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e270316e638ffa2464cba6c208d5272dee232bd9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1266.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9449e03a9d1e3b4039871d6944a27773e22f4b94da0403d84aa0b06833dd0635 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1267.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1267.pkl new file mode 100644 index 0000000000000000000000000000000000000000..89f0d462b2d66463c7b83ca04d5e1ad0d82a1ab7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1267.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7449d0d747a4c83237d15379f0c1c8dd8049179dcdef3b0b7284a59ae414a92f +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1268.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1268.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4a846692357f4e235b47e43ee9aec34ce82c7ddb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1268.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af38eeec435d7d8fc127ec768b7c99894ac4fc53e296c81600bed67f5c5473b6 +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1269.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1269.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8290f5edc6f2897559facb1a13ddbcce44f520fe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1269.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d666a57c9fa24953223b020f0b01c1c2174a3866f59a992f329d7aabbd46b5a2 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_127.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_127.pkl new file mode 100644 index 0000000000000000000000000000000000000000..059b1394d611e3467ceb54ab3b5bff08bcf5bc4d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_127.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ee95ec333ab25f63fcdaa9e3bdbf45f0a2ff540f3385f633b4b71fce09c9621 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1270.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1270.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a007dffb40f3274390b5774fd23dfc872b128a4e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1270.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f2a1eb6d2b09bd13a136eefcde5078b2f8d9b8e5d2622ef7087391e09ec0200 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1271.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1271.pkl new file mode 100644 index 0000000000000000000000000000000000000000..48741b28362a121c0ea57287918fea7346e0ef69 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1271.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e8b8246afee9b2301bb356a6e7e88eeab6d5f607b1b96f531b039c3f1bce72f +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1272.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1272.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b175a64cf5659bc7e8e2f4df43fd2edaa62222a8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1272.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bae1215061a0a6f4b6772b7e87c8ceb3a2c7ccf8f1ea9dea0e06e9e2f53e1ae2 +size 25781 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1273.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1273.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5bfa9211d0be2de1dffbed661966c61973c6921c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1273.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22b5cd9231c482e0ee2001d5cac184bb38ef4c045172f6282d5a5f63c48ca313 +size 25827 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1274.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1274.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6833bd4b75d5975a5ae65aafffe852d02b7d09c1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1274.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88bf00b86c450573ecf16e0feedc873e7746bd694296841002f1859fcedc7ceb +size 25809 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1275.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1275.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3d2fa21b0d52313f67a923b5dad4515516b85541 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1275.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81a0218abc87a2c911bc2c1e8de63d299266baa68a004eb6bae02966b7188c38 +size 25821 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1276.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1276.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bc8d388b296e4ef961c597825e38366227edc16e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1276.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5803668e3e006c66145d46d399bba73aea18f83b56b032aa87a40a4ad078e825 +size 25828 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1277.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1277.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4b8c0c9fe5d18122fe78172e5bef6e52e4af8b91 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1277.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa3bda0c3473e648d5fe68bdeed87698ae42967f00ee223c7622b1fa0fddc9a3 +size 25829 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1278.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1278.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a8ada5aa81a3c67bce16707b3617b79abe95ad4d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1278.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f781449a92b9d1a45b0f361d59828f05e43b1a130405e370a674e07da624e6f +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1279.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1279.pkl new file mode 100644 index 0000000000000000000000000000000000000000..aec5521927e2ec71af78fb0b52523f7821263bb4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1279.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2861a5656e8859e42aec62c2b2c6f5246c8d66700571994c747477875ac78b39 +size 25829 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_128.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_128.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c55d0d77fc915e9bb278416201ade90b115e6c7a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_128.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:186d069d9de8f5d310af4491c921a99f5221ea4ee3074aa718b3a2e1f80769f4 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1280.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1280.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6e92edf88356998c8b1f8e23f0ae03fb9a1da1b7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1280.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45ca7d0d4fbe753d210d42ee5add27a620a60b1d023fc4fda843e87f7a8d415e +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1281.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1281.pkl new file mode 100644 index 0000000000000000000000000000000000000000..67496f227f262cfb68a838f36c0450e13f9943cf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1281.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3242d3afe988dff18fb1f8651c777a1a22d4876a2aafca52b5140099d5b46eb8 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1282.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1282.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3fe96b054cd8349662f534de89a964b631eaa398 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1282.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6b2638cadf680a941114aab7ddc668810d8949aeb74a5ecd36decf722240a19 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1283.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1283.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2fef51b4148187cc7bf8ad1f452a31e696c25552 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1283.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aab15fb4683eb7b6df3fae21676af96cd18949b15800cc53107bbb89dc9abf01 +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1284.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1284.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8c7052e4abf013660a5b13ebbeed80e3e4b42cff --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1284.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:122dd9b66f0d653f9788c308602862bc9995af19c0da3f549e9646b4db65de7b +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1285.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1285.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3f4eba6820b30045b99c5550b37a81530afdefd4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1285.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56ca43c74af122210ab413e42e8dadbe3384f6e4beecab2e57fec28d3070341e +size 25828 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1286.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1286.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f1d3998faa345a72e0495d9b69e2b8b14035a798 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1286.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f89073bffe390887f9ca9c83e9db27bc2de295376965ee0feac03fecbcb5d4e +size 25810 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1287.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1287.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3f1e39f7320cd3041b83d848daf24b07066d492d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1287.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b97af18277ef73b4214a2e1284bfd5afe2e93749437daa9bbb2115cc8e79aa1e +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1288.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1288.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9ebd15d5666959da790e821f3145af6a87ecf8fd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1288.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ac4cb8ac284c559e0f035df49bdd19b8a330a0fbec92649eb501484bb60e2af +size 25829 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1289.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1289.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e595798b47b60b6379d68e850563444d46927399 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1289.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5c4b9548d9cb097d3dd9deae689fcb102bab6875b3d5411af5897b6d371b58d +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_129.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_129.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e868fc594fa02d8bb63871afe174d9c3f088f627 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_129.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c4ddd6952493b8d37d922909968539a69798d3fe624705667640f5219b2507d +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1290.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1290.pkl new file mode 100644 index 0000000000000000000000000000000000000000..84e5e34257426ba3ed6d089c1c1999583d23e286 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1290.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2dd4676a897c5256ef27e015ee1a56891d036e36c0cdc73f7531d8ca54b01d8e +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1291.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1291.pkl new file mode 100644 index 0000000000000000000000000000000000000000..594614d5e6f812bf904758024902b34cf4cc4acf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1291.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86f0bfdd0311f0515afd0598d528f04fb7389f6e71e5d3837b0ee8526e6cae77 +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1292.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1292.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9dd552e781eb1dd345a7244c6c38c70175272672 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1292.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9138d91e8130d8fba02d2c1e9b54fba1191272f96b247cf3f217eeeaf4e50ce4 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1293.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1293.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d8a282aca94fe8db813e34d242f3889151dab570 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1293.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9961e25b2969a27a37d8b9602cc0b8b94cee827d4853ae7d11f3efadb98bcd9e +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1294.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1294.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b2cf32799566b256d2de782ca3ac9fcd1a59b0ff --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1294.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:235aaa26139336ac0274277c15e496d915da86038fbde00820eb4f32ec897b54 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1295.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1295.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dace5aece8fa97c524e47a1ece78f196e5f82899 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1295.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:310c0c95642fa6323fac01a3601e82f7bc8c58932a3bc6e9e65bb05664abd778 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1296.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1296.pkl new file mode 100644 index 0000000000000000000000000000000000000000..73e58e231dd120f77b2a51db1e9ac40c836c7a8a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1296.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bea9f7cb97b9dc8d59829080bd779bf60f20070d2c07f35e29edbda2c383bb47 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1297.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1297.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5eaac67b8c41cda6d129d0b36ee0d55727f8a0a8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1297.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69ce11fc9d893a04476cbbb70764443f4f2b53a14afd59db908abbc19f5e1bc2 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1298.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1298.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c7b9f7fda5c9fe4081371bec93f1b74ef1561cfd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1298.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bef6cc1fac619ebd7e713f94a00b0d06c18e0aa41c30906ae7d585fd393d84f8 +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1299.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1299.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6ec81ff68e5df17d5ed2ea1eb3c36f52c0ffe17e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1299.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28f66129d715d1cf9b70659fa28b0fb46dfe41434427864a857c664c46dcf828 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_13.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_13.pkl new file mode 100644 index 0000000000000000000000000000000000000000..93b8bf1a9f57432d0c2e8c17cbdde7d8bb4e2365 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_13.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd42b9ee8b1c929efbcdf284534f62af1a0f58a889264dd9f67c2adb70d40cfe +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_130.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_130.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9e7bcf3a05881bd5a8cbf61dca4c7bcdfb75ae41 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_130.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:126faa23adc4501816b4039f36d519ace86daff5261406f9400d7115ce9de3a9 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1300.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1300.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6ff74c8a9d37c1a9da11a4a368b9cf3cc016906c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1300.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:981b0a27eda339c79a1f3b1746f035a6081a52d0327728c86ab6bfdf35f42abe +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1301.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1301.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8e5fe2e6495f7b3d5b010986f5d29b36be0f496b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1301.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92af372aed9f9e952f586ec06919820bfa2ec8bc8c2118bcba2f7ac2d41a8655 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1302.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1302.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ba5e9b40bb78ed6c8a4ddbfb19c9437a6dc00039 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1302.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18830be4a0c42a0163c9b9e9d7c87a296d3f51fe9cb36ee8f0722c569d56113e +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1303.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1303.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4ce8f01813eb9615da783c3d8108f476f2f70981 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1303.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fced2171ac8fcc8c84f77836fcbda4995a3b108f9b21e44a7d10fcf2d894a51 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1304.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1304.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8f960529fdafcef86587161722334536268f5cd3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1304.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ac3450f4fffb7bf2665f8f35a46e96badbfdf27ed71b2a702168838325f2837 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1305.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1305.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7b9bb3293d658ecd6525a62226c458d325f960dd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1305.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eabf4e0d3c7b96b285d2c447d7d1daaab581a6f5e14908ebd5996f5d09493b0b +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1306.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1306.pkl new file mode 100644 index 0000000000000000000000000000000000000000..33904398a038a771ec0321b85979c9e719bff92e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1306.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f97d4ec2829a13e6823f197c537375347944dba365785220875f96541a9be3e6 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1307.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1307.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3526ade11ee4b9b12a64de3b4bdbe004093b6c4d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1307.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e910e060f1e97f7ffc20b5e99b17fe406a06c7542a0e2b628c130a515631722c +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1308.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1308.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2731f2ee909cde7fea89a473b8d5b5833389f9fd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1308.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46bae590b2be6c7a2739ba72eea71d1ceb2a23c9b19a1674b263aa6d7799c50f +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1309.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1309.pkl new file mode 100644 index 0000000000000000000000000000000000000000..23df83448a12ab1433d7c8ba7d556719b1a19f6a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1309.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f87b174ca4f32faa61aa4aa1c0152fbcfc8f9800e1ead90205f5b28333912039 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_131.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_131.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8235b551f976227a2cddee02101e1defd2206d38 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_131.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:426e43d261a5c999ef62cf8fb57540bd8fe4ca0a8670b4d6b9a4f6aba025c9f0 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1310.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1310.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fb802e3a62b281a718f38dc80021d1d2df54bbb8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1310.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8733aaf40b6fbb0a0487b6621cbcae2f596db75ed9720ff10f581f20f7774fee +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1311.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1311.pkl new file mode 100644 index 0000000000000000000000000000000000000000..30158929c3715bbd5f0833829bdf0afdb5d7ef46 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1311.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a4a668d2f202b9f0f3c671206691723e70f2e37d1424915190aea3e65cffd68 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1312.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1312.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0901e7f60b7b7b83605293546d16ec1d1b5c7315 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1312.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cfdb9d0797f3e61ed2bac0e003bcc321f70952a43e7da05ab637a543c9f0848e +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1313.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1313.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b7285fbb60b1508d4a91b691490005c4a1725a70 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1313.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ca79a0b58a85c4dcc0b766dfe6813d5aa1918ce2e27b98cf2375bc1d4a2b88c +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1314.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1314.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cde10475d401f6a8c4c03cb9076f74ade2916839 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1314.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1cf3d4d8c7982544a09831252d81b1994a36c62a64e8268cc8835f714a1d55a +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1315.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1315.pkl new file mode 100644 index 0000000000000000000000000000000000000000..19324601245eb75d1c58c69839ca601576095a66 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1315.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e35220092d80a9f18f30791d887384c8f8bd46df24c9983332f1fbf9bcd86e5f +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1316.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1316.pkl new file mode 100644 index 0000000000000000000000000000000000000000..673fac352131805d866e4a4ba2752a8204cff495 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1316.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b394b581c9caab35743e311cfeb9575bce90fad19134cb2f8edc48dbf87c5db +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1317.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1317.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f12b6db92ea3c2026a66d0cd273ece5934608d48 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1317.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b1b564a314b02854d0db1f506ad025c33f55a47f7031ff417ef9e3f3f9da349 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1318.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1318.pkl new file mode 100644 index 0000000000000000000000000000000000000000..846d6c9eb7e691851416717cfa5ae23e6ded8abd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1318.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad96d1be123151800de0096608d21775ca290b2dc070010da4fe46fff3db4de5 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1319.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1319.pkl new file mode 100644 index 0000000000000000000000000000000000000000..332e6b6af78e56c1bc7e3c305624c8b8d733913c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1319.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3efc75eca3e94594c39ff76c0f2184694a7226c5cdf875b63ac0d9ad0ee9d6cb +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_132.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_132.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1fe413310e58216e279f2879dbf15695b5f29224 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_132.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1ac363ac346931e3c4f9260e1fe71766283b3f3ed96b7d11edfc0697d12083c +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1320.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1320.pkl new file mode 100644 index 0000000000000000000000000000000000000000..005f4a6f62b939276e5ae384a60dde029d8c38d6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1320.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:798bac3e334bd0bf6632bc20d9ed9f7ab925ed6c15634c692b2e0a2cae2e7f90 +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1321.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1321.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8b4ae465c22eb2c2d83ac9091abf255e1e9e0357 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1321.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c907f4d8cc13072a07d2b0e8b6f22470575caeff3cf2df72fac44eab4916a9cb +size 25828 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1322.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1322.pkl new file mode 100644 index 0000000000000000000000000000000000000000..14b7b63d8c672dde25b3819db4c5c4743f440f74 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1322.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a4d9b80cf589318139ed9b3159846e41d537bbcd9f1b3fb5501b9daae4043c0 +size 25810 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1323.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1323.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cc0d58b2b28383b926d7e82466c5b4d115c3e733 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1323.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3114c360fe5dc6c53981d6bf6e0e978399e99b59d7deb7d5624ecf7f9d5e603c +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1324.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1324.pkl new file mode 100644 index 0000000000000000000000000000000000000000..97dda458928df65e968c6d492a2486b064b291b9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1324.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ecbe236f671c85293921b19a9883ce7c95ef084fde1590438fe64af9ff4603dc +size 25829 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1325.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1325.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f2ae4f0f06d6e84c92eee3bbd995322fd86d9f57 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1325.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68922c49e33e88e1690df1a5e5bc0b97d81d82980a67c4ba8f3e095c2b03efce +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1326.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1326.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4beb01033a8daa4a440f44d819469e5c73ffadd2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1326.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6388f86d344d32792942634289eba788a33d326292a783cd98b93046865f89c0 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1327.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1327.pkl new file mode 100644 index 0000000000000000000000000000000000000000..be8bc678930de7653241b1c0cd37954f6c770896 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1327.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b01326dd27837e903f057d8c03d9fb23d1386d54a9fedc8bd37925c630a9b7c0 +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1328.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1328.pkl new file mode 100644 index 0000000000000000000000000000000000000000..49e83d23031300cf264534f8e8bf7a37c9091c54 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1328.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7e6231e77e887c2728f1b25845bcdfee227df50382c15f30a37a39587e3cf2d +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1329.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1329.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6034a67b3159797fd111715ddcd61243eeb126e7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1329.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bff9e3d71cf40b347b26e13395b931fc15686c18c0ba6bc4be42bb102a957644 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_133.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_133.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0e84da340b740f9bd39b21c13afdd1cb449a7987 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_133.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da14805ce8ea1a102b6d59ddbf9706c29aa368bd1763e009c145badffc165fa1 +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1330.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1330.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4978e002f1f529929109ed8ab2e232ec056dc59f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1330.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a9be13e235a6cc9c240083a75e02761291891e479894c2776f8b29dbc76f1be +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1331.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1331.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a8129715373bc5465e1376037ea1edd55b8e6488 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1331.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd8d60dbcdd34ec935ef8fe00b1376082eaa9d496f79ab4407ae515a86700894 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1332.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1332.pkl new file mode 100644 index 0000000000000000000000000000000000000000..af2c2b76c704af344910555715d0f814b725d63b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1332.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:877167815fb32328b21a6d61c6415336445f1a38082c1743191d6b64784bc56a +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1333.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1333.pkl new file mode 100644 index 0000000000000000000000000000000000000000..78c74e50a0fc4c5d5d9a08e498ed32c8cd19b285 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1333.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c15b7907f504f9c79a5e7ab2c910885af25ac761a77595ff40baf007cbbb853 +size 25829 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1334.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1334.pkl new file mode 100644 index 0000000000000000000000000000000000000000..79c1c93b4f615ac8d072cfea6104daabbbaadab2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1334.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62b2675127009f5ed39dba159c61f2dae09538d780176c543b87e001d3c68901 +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1335.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1335.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b342e6af416bba96921773dab260c48e06a514be --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1335.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:00227d7a9f52e341e4fc964f16d8adacb4046eb7a6d6699cda14cbefb000dad8 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1336.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1336.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7acf219e711d21be006a96fe5f66cb2f3aaf83b8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1336.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65b791b248c736eed831b8ba7357ea7902c1722d349ca35d81235d928d5737a7 +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1337.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1337.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e2706df68c64c2b2a1004b6f470caa70bd1a02ee --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1337.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:178702a06e6b03b8acae7413d27473b0fb1361a8454a9f0e62bda23de8b48ab8 +size 25831 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1338.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1338.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c34e762e04de96add88e85f9f7d5c7b48b7f431e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1338.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f12a01540c42ce93deffc1a1dae4ab2895a8c6828b7af194cf8eff23723e49d +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1339.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1339.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2142ace11c3892da72f1b78ae96e425ca0f3064c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1339.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4316c89bb51d13d8ef8d25aa255826863f5aa084bb51bd82ab21c51c85e602f +size 25831 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_134.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_134.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4e3a41d8b6f21de7e190c070979061e46e603a83 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_134.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49b1a91f9439092f0e8149e59e47e82a2705135239664ad9ff2a8c412c4b0488 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1340.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1340.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b3cb8d2a19345dddcbe6ced241a365b847e4c5e7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1340.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8024cf569ef735ad5d5681125a01d0f028456d783323d5add6f597ff9355326b +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1341.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1341.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bd4768ce3b128e95a483408ea1fc58fc4dfb3474 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1341.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80fa9f772ccaabe45db6a9bce9348e64cf443b0f8526b984e59db248c0c8c6aa +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1342.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1342.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7a021af62d830b91800b8310667c36c5721e765d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1342.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d2ef6019d6cfc079991c288b4b42fab957b5f25a6ee05faedd1aa73e26b78c6 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1343.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1343.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7c6699534cef05869c9aa1bead7614ba33b76da2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1343.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e915386e3093880224b44a56ca2d44c3f259fd0b855e164fb1bf7d1a22c931e4 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1344.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1344.pkl new file mode 100644 index 0000000000000000000000000000000000000000..22b4d0861b0e1f69e69a7b1f797254db469bbb7a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1344.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d509dcadb393fc1d42a4d1989db036a52b61c4139d6c2ec2d3987ecbca492e10 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1345.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1345.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ca91cc068cd3fd2666398a445e4346a0cd6292c8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1345.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:757125f5ddf19d28bbc65340732e612d8e646095c583de77d85fe5cc3c7cd68f +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1346.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1346.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d0a88c1d8dacf79ac051a466724407f7532a71bf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1346.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:409508770dda09d09429bf65f38d033aa00df717e324a417b6fd9614fe6216d8 +size 25800 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1347.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1347.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f0a93110153368b8b8a9fbd6b74a8db79e96911e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1347.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:815621bf2c73782b8684a18755b056459388f5e9302774a2b444637cf366bbb3 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1348.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1348.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ac10513b79a45bac16467533dd69cf00c0dbb5db --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1348.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56797b42658d1fa031b8562f3a74ce2ab1e9f198e441e214bbcaed34b2048896 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1349.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1349.pkl new file mode 100644 index 0000000000000000000000000000000000000000..36d45b63a94b22e695502288937e328f179526dc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1349.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c13462af48cda7b8035deb040dbaea5856347910b3ab3bb1b74ce20a6516b69 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_135.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_135.pkl new file mode 100644 index 0000000000000000000000000000000000000000..74912937793b524690aa5e51fdab5315048bf096 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_135.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77d57642a6b316e1dfbbe7d3519d1aca8735b8c64ac31152b0bebfc74da50a24 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1350.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1350.pkl new file mode 100644 index 0000000000000000000000000000000000000000..09c6be11ccd9d7e38e7da2aa2728898375e262f7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1350.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a56c0320b6eafc3b918620d98e8568d09b9d8a7c692bfdd64ab323044db9ea5 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1351.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1351.pkl new file mode 100644 index 0000000000000000000000000000000000000000..648493c02a554ea972a7d089a687f95d22f191ef --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1351.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53f1758ebda19c0e691ddbbd368b0b7ac0882e8a3474b8d78205dd3568b51972 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1352.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1352.pkl new file mode 100644 index 0000000000000000000000000000000000000000..47fab0cf1600003a84d0c95cd7fd87ea838f2723 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1352.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7bf8e5d87f4311e119e316061259ffaa4ee4f922b677c1a787f3c10b3c579a41 +size 25802 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1353.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1353.pkl new file mode 100644 index 0000000000000000000000000000000000000000..14fb1dfc935b95561dd611d4ecf42b766c8e36f1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1353.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:845cd87f9b2ecafff079bbb3942f363f8bb2ad91895df8eb88119514717ffcb5 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1354.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1354.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a94c6a38c0bb0f2d1f5aa61c0fe7328c93f6e22f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1354.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91182080efc24183c36eb09de78b037a1e4c44f17e51f29a515cfb1171d7e4ad +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1355.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1355.pkl new file mode 100644 index 0000000000000000000000000000000000000000..40e73726a942e0b1c2edbf149c98214cf7b93f98 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1355.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9106595fd92ba87ea5af60751af7f36118395ad23a000aa7146b42b2c13671c9 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1356.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1356.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0f94235056f0850aebe29204b4d2ef406dbc9d4a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1356.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05b018927bf73c9376587d26aa57a7bac58c0e461f70b6d0a10119a900f64191 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1357.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1357.pkl new file mode 100644 index 0000000000000000000000000000000000000000..077121a83e8f4aee39606080475e95cba7435c27 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1357.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:516af8cc6a079d96a66043523dc3a30789bc4951ea1cd9c829e970e7935587f8 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1358.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1358.pkl new file mode 100644 index 0000000000000000000000000000000000000000..50f1469b6f7434f48b77e6ead7ddaaaa9b514302 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1358.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c61c32eca818fd024d0a6300b79ab29492f8c553460e51158df5b86975dc4fb +size 25800 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1359.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1359.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ddf67012d26f11358ff677e5eeb7709253971638 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1359.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2efc7834a682e81ac3cac57114c0b9e34a82537ef61dd67e5d7464e228746d9f +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_136.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_136.pkl new file mode 100644 index 0000000000000000000000000000000000000000..827ab1848f635a0b4a236d326ce50bdd2dacb79f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_136.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea634cdfef66be5b61202858a42229623862ed9ffcf5c32ab4536eab33fe5b9e +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1360.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1360.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a4ceddb5319fac9e2f49c4a88e1e46db16ad3d98 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1360.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5dd0e48864c5c85cccfec8bc7839c1898d27bf78fa55618957c53fd6baa16c75 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1361.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1361.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c68a83531f474c8e92e26ae08e9064a777abf42f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1361.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84c04775a6d9c401b9a2349f5db1b9cf007c3580e1fc8954568a17d25749e782 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1362.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1362.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9ebade9117cbabd8a8dd1a3a55d9e2cccbd15c65 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1362.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f937a7596cf4a3ef6e850afb6ae99d7363647b82c31cd49e952d24a9838f292 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1363.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1363.pkl new file mode 100644 index 0000000000000000000000000000000000000000..43f6bdc4b65c6cb4ef13018afbfa89c0aae591b2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1363.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:425831bf994a0a3060702c307d50208fc7da22a88c323242f64cf420466e6bac +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1364.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1364.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a8835721885df443e01ab715fb324c965b56ca4e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1364.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73905890cc4ed839e853b020c90074bf1e795777173f25b03c6b9e7e975248f6 +size 25802 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1365.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1365.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1194a230ecbda77449ed27b85ee1d600262c2f85 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1365.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61a274bc573fb889a79ee966d255179ca891bfdfe41f5b44738e6cf4728b530d +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1366.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1366.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2db78ef63a36fc1da6afbf8d7274d92fb1f8e6b1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1366.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:370b99a97655689023e06b0c7819640e19ae65400477e3bdb776d39e37814480 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1367.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1367.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9e1410f92dc241da7a1786500d3a5a565b1823e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1367.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6ef384842fbd6c3be68e4a2a1c5884004128728a96f58ccbc9ffc3198636e8 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1368.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1368.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0a17fd634d5af372e203bdf5d27b8181f5163c81 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1368.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70e76b820a455bd1d569fd414e5360a4dfc7819ea1e8c70d24805ddfcd3f0431 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1369.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1369.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8ebae91613ea85a898263cae6a832688ac41dccb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1369.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98fd3e2564749d3a945de0a023599601ece19e5ed1e1456ec23e77964a6aa9a1 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_137.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_137.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7e3a52a2e78f81371aebe982f2d1a880d54f12ab --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_137.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e058c60a9eb5f21986387e58e0f01f88ac688a56ba57fd381ce88b7f77bd5e38 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1370.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1370.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3cc09dd1c1ea0428e1a00936c8cf87afca336edd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1370.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6d4d417bee582f11038bf7ec797f0772a197ccffddc4a3cb49a49a30cad72ee +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1371.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1371.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b65d0b79e06f3000bfb91d761e962148559d354a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1371.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:821f762f72445d18cbaf1c74ced126748a9a6ab81c1c5496cf453cd561adb41d +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1372.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1372.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f4378014e39074eb0673a5993ee41ac80797e94f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1372.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8695020c98dbe20d8998fcf9dff657d5cdfa29bbbd50516ab646525d4d74bf3d +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1373.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1373.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5a2f7ecfcec34afab032153ed0f61dbfa192bee1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1373.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea5dd9898531d2ddfa950aa79723a8211c6d1c1b35ef9c017ea40df25bccb178 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1374.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1374.pkl new file mode 100644 index 0000000000000000000000000000000000000000..26030a234a2da432c0a2cecac4d95b3cc196c278 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1374.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2751164e5196c3e64b6c5cddaaba3f138b639b97914222de8e84eef9b19b4015 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1375.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1375.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e3be29d3720be5a79a98a52a44a1911e2ddaabab --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1375.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:879db7c8b1b73cb0340387bf8ead61d57286bc25ca6ce5b56287084e9557e2d4 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1376.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1376.pkl new file mode 100644 index 0000000000000000000000000000000000000000..29a6a3aa9a4f78e266579b13e5b7a2bd68661374 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1376.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e315b7594f6fc997fcc3d4e1460e4efd01641ed747b4612556881e9184555ad +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1377.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1377.pkl new file mode 100644 index 0000000000000000000000000000000000000000..42306077116934f035c951453a81628d975c3316 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1377.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18273c72a449a52d81da67f81bb8c3888d8ccbf2e7a25828018804220b15a944 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1378.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1378.pkl new file mode 100644 index 0000000000000000000000000000000000000000..faa31c8a6bae57fdb266a6d8ee1952a5d6b6d533 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1378.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71eb0f80c20db98b4f0d1cb2f6f1fa2ddb7382bd82efd4d861f28b3ee7f104e2 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1379.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1379.pkl new file mode 100644 index 0000000000000000000000000000000000000000..13f087233c615b59050ef82ed7083a40f2b38fdf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1379.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9918e0bb8e0a8f1bb14c4a0c35b2294f65ab92e0989d854d0d81655dacb5258 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_138.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_138.pkl new file mode 100644 index 0000000000000000000000000000000000000000..38b4393d2974387ba3074651e3661ab49f9caac9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_138.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4813cd9bda5aa65f544a2e74341dd93ea785f9ec39974e69801a0168932fd67b +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1380.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1380.pkl new file mode 100644 index 0000000000000000000000000000000000000000..51d44fc1e255b5509236600813fca46db9075d02 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1380.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:178814e1878903dcc470bf11998042ee3dd054f11d3169b2468ef558e629099b +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1381.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1381.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b341c91183b4bf97d1d1288f28864bca5b6ebf59 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1381.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e877b9928a5703ab043a37d3a3ef30d17421577d2f1e69b74b8f50d2a05413c +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1382.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1382.pkl new file mode 100644 index 0000000000000000000000000000000000000000..65f5f180b63c248bff108029f8536735e31d81aa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1382.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ed0cbf1001767b9f1f853d9227d6adce1ef175c2cf037c519261cc0eb3162b8 +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1383.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1383.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7f3dcfac8dfa32c61bdccafacfc4f89db024eefa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1383.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2cb5f4389fed489246d00ddfd24e9d31222f37db19cbd16340dfd4823542a8c3 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1384.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1384.pkl new file mode 100644 index 0000000000000000000000000000000000000000..47371c7d0a595c5d17cec182d806358ee39e7cbd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1384.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92b4dd58e025dcf4ba5d7949ea42e9ec5f80d13df79c57adcd3f00e31c8b654a +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1385.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1385.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9c538d9439258cf9ca895e5b8646d4cfbdd10990 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1385.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c75e87eacd145107f2a6e9602cc5791ae06f1d8517455403e2e1e747f9c7837 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1386.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1386.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f20dadf9d5b607ac234c25d89dcca456480f0822 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1386.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7df3408c604f29d4f7a716ccff0d6c556afe9a81c542bf85500c789e28b6722c +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1387.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1387.pkl new file mode 100644 index 0000000000000000000000000000000000000000..022ed89f4a348969c117b96d7b448358ec24de42 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1387.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b747f577cbfbc54d95ee5cbde08436cb6f307d1777163005c8fbda519a2057e +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1388.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1388.pkl new file mode 100644 index 0000000000000000000000000000000000000000..54aa397b2f1ce4baff81434488a1b4ec2e628b5c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1388.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec23ccd591ede2052c7fccf3408abd006d3c84717aebdcfe55d6884851d7b29e +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1389.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1389.pkl new file mode 100644 index 0000000000000000000000000000000000000000..490646092a57c8989d090f6b642840cc0b04e3aa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1389.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d8d0089c6e6a35022df02941f63af51e1e1c9f3e8344e153455766900e31f31 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_139.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_139.pkl new file mode 100644 index 0000000000000000000000000000000000000000..03afc49567532788a1cb8f4ddf42ee413d74afa1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_139.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:771652865dc10ff39c903cfe4377e32ad77177f6b134a8c6f0a4e966ba8416da +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1390.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1390.pkl new file mode 100644 index 0000000000000000000000000000000000000000..33a13452039b1ca3c62f7f1bf4183a2ef01695b2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1390.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6354ac0b1ba860fc6c10b5ee464e0770de916c185ccba8ec5dbfd26a8bcc5a55 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1391.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1391.pkl new file mode 100644 index 0000000000000000000000000000000000000000..652bac7a295e04ae59b79d4a9e9830c1320d2da8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1391.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d9ab2662e84a6ca6f93dd1633ff98a67bcfdff6134cfd4946f6e5cb9bbf2373 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1392.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1392.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f5287a08c5b01e34e6d1015685d65b0ff673d301 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1392.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97f7c6ba0822faa29cc10a5298c83bfd70d64783b3078d1c47b44cbed2a2932b +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1393.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1393.pkl new file mode 100644 index 0000000000000000000000000000000000000000..16e10bf3c1f48a34de1c5cbc9eacdb4d09584157 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1393.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc462b65ab663ef827f8bc83c151e968f72042bae2f302de22614cb80e4258d8 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1394.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1394.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dfd1ccfb90ccb0bd37105b8570c9f5e1c0043d16 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1394.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59bcc636e1219ae2b3d5775122b17037eefa534c5f3a5ef5de4072b87bdcc428 +size 25801 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1395.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1395.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8f1314c20e87463e9201b3a78892db3ac3582852 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1395.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7967d3ccb1288a1b95de6b5fd2644d15d1e0d410cbc65feb0ef85cbfb28969d +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1396.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1396.pkl new file mode 100644 index 0000000000000000000000000000000000000000..17cead215c3132f3163da219558e0f89f6eec9e7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1396.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4aff2967efcd240ad3d140d678560a35b8d73b8c0f5dfb0e489c3f3dbd20467 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1397.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1397.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f06435aa15b4924c5cfaf2e052fefd6ecc0a87fc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1397.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e95a12f81c6fb2805d35b3dc2a05330934e1d1790b161a1bdc8f1c3d40751f46 +size 25821 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1398.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1398.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e5faffe32de8303dc9a07b78ba36faa8c4302e0c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1398.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d90098585b516ce417836dfabe2bc9de2f5c006fa239356586c849806fc770b +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1399.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1399.pkl new file mode 100644 index 0000000000000000000000000000000000000000..560dd21af066129d7b6e8104676a84e24cfec87e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1399.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:572fb91dd76d5ebb4d699de3d83aec9fc55ed8f3bd6cf8404fca69fc62e17097 +size 25821 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_14.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_14.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3a5595ab78a416a906efefa33a9854c7efa1967f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_14.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c8ad8d2aeeb012aa1ebdda6c9c09708fc9aeb01aa85e7bab6f25caeec6b0f87 +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_140.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_140.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8df2cc29d9d3cfa7b3f625088986e61acafd0378 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_140.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:784fbde0bbddd769688e4985c3f35dc2a854572de63708620830ef6633986b02 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1400.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1400.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a8f2dfab9c76271680103f0d0a035abb5154b1f7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1400.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08ce51857ccf0098c3faf412bdf5e7afe942183245243000f79ec4d8fa1f1e50 +size 25803 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1401.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1401.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8fe1b821ca5ba7a520adcc882cd513c1f68114c3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1401.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1251df88bccc43ef66a96eaa727c753dffed043b236f2c725a8e3d7dd83301b6 +size 25815 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1402.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1402.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3e23a76c91418bac71841753c3f4c9e76e23db3a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1402.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2fd0cb94b79be097c2db9c7064a668e708a7ce30220cf38d8847ffac0448452 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1403.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1403.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1e309a1cd9ca06ee767af87e68faccce0023aec6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1403.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9f8bc2bba399d4a591c0e27db8969e5655e94769ffbb8a9dbf488f17c62fe5d +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1404.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1404.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1433107478db96b48b7c01d796c845f955ea1882 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1404.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6fce61e07e8b17e70d242acea8b38138c46f30aaf3116bfab5bd52f13f399512 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1405.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1405.pkl new file mode 100644 index 0000000000000000000000000000000000000000..190de1a3e28e7a7f461cddda080199addd61e561 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1405.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09418754919a152d07dabfaf06f63d086f7183e57e57cf3b547b4a4932897df4 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1406.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1406.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f1649ed4117fa3feb6fa8d91231afc8cec39abbc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1406.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe9fd0977869535f95f5527dcbb75d666c51141585961d7c4d29a536470417fd +size 25801 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1407.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1407.pkl new file mode 100644 index 0000000000000000000000000000000000000000..648d21ef95c9195d246adf9a64d9f6629c1c577d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1407.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87f7f3b3104aaee13a725d40436cf63a027d0b83bdff6dcd9605c805776cecfc +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1408.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1408.pkl new file mode 100644 index 0000000000000000000000000000000000000000..866268f696fba9b73457412cda6f2192308f8ee8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1408.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b466f3dbc129ef017998328ffb8e2f30cb88b1e94638ce18cd9746873920537e +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1409.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1409.pkl new file mode 100644 index 0000000000000000000000000000000000000000..025624baa0a466cc64ebdc1a3dd349e53277c54e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1409.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9db7af06f71b958c8af24a6b7caa50c86dfaf47b794228053a3e72475912833b +size 25821 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_141.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_141.pkl new file mode 100644 index 0000000000000000000000000000000000000000..15dd81160969074d614971438d603fde45da4cce --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_141.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3297461319f9c60e8540c0c0f270d801c271eaf6e656243b8d2d0f53fa0610d9 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1410.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1410.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b5895f868f9973a60a77ace0ef5d861c3783c52b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1410.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44ab5faf9e5328ce900185b6361a95deca54873ada7b39f3c3d3a9e68f840d11 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1411.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1411.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d5e9956b6e653756fe6e2d1d0d7bb00883a852c6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1411.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5405b802e436ae0a3ca9b01688511b19df2735d179d4222dd37b47d5a0ee43ea +size 25821 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1412.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1412.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7f69679b050583236ff61672b3dccf9be9e4e90b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1412.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2c81f78e2b952a125b84b526040d489aa3e21b3320baba40aa6032af314d032 +size 25803 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1413.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1413.pkl new file mode 100644 index 0000000000000000000000000000000000000000..85a7a23ee074968829ab4ad60b130439955438c8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1413.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad530037a6f2ad76f8b7dafe843516d85776252dfa285e650b8bb438437693ea +size 25815 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1414.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1414.pkl new file mode 100644 index 0000000000000000000000000000000000000000..78455fc37f7aa95535a0cae9f219e86932dec9c4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1414.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:600754cd2c16768b6b92ba9487b79f2a07fa1fea3a6f3bc043444c4e5ea07a3c +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1415.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1415.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0fe05d8a13b9bfb7b8b2bd44861c699602e9e11d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1415.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a3120752a9d2b9f364e3f39a56e433be6c72585b864d0f73bf603b685188b33 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1416.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1416.pkl new file mode 100644 index 0000000000000000000000000000000000000000..998851ffd406c677519d5c6c3cd2eea4c8e67a05 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1416.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9374f4b895c46b5487129b211328b37145755a298d2a31bf9882ac346e803258 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1417.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1417.pkl new file mode 100644 index 0000000000000000000000000000000000000000..68cc074b0efc7a07c9f6a7c0509694cabcc595eb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1417.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf0a47d78c58bb0cf1c60a1d3493bb561bbc45dad171029aaa5adfeea55a3a76 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1418.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1418.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d8338518ec8a286b1220e52d120077eb8f3c76ed --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1418.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2074b5bb12b7da5ae0b1426d3e5f807a51091f64be0809614bc83cf4fd5622d1 +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1419.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1419.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b9d37135450df21c16482298b26193abfc31da2f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1419.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2dc45d3d111fcfe271c9a54800f9d4ddc7a6e0e56213e9d560954abde25377d6 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_142.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_142.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2f3f0552ebbaeca3ab6aef23318b3a266ba503d0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_142.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:606b98e5ae0c7ad41dff475d65eee41a9ec92fb42ac54faeda09c3b395df18d5 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1420.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1420.pkl new file mode 100644 index 0000000000000000000000000000000000000000..95bc80c715ab604f510c6113ffd9eb305d3c622d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1420.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99e0011f6b1ca28956061c006a6481e2e3562678b6e8b54681bffd1599c7ab61 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1421.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1421.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6a13d6f59c7525a6833ad68f7603211cb59076f5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1421.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:009f17539976fec46d96702fbb6d8b233afb261a954409eb6fc6b4ca02b8fbcc +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1422.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1422.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0764acfa70a2eff462c2928947a03848c6ff61d6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1422.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:737cb498f7c64804831ae27fed73adafcda490f831c6c36fd30c2d66b8d4c61d +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1423.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1423.pkl new file mode 100644 index 0000000000000000000000000000000000000000..043058799d30e773951a7740a1d949b0b822a80a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1423.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e8d0e93b197bbd149844f168bacf6ce779aaa8a3c2d3446384df68c16353fc5 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1424.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1424.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fd3159f23625f016e9b77082ac9bc23b90442e86 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1424.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a5fbe9a2beece467507a13d5abf7dbeb685f0dcfa2f7a55c59024f05faa39b4 +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1425.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1425.pkl new file mode 100644 index 0000000000000000000000000000000000000000..585f9cfcb9cf43f78909b0554b88c98a70398f62 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1425.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7435bc47c228bcfc18e175c99104563971d2c2dbcf6863ac9fcb7a5faa1889ad +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1426.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1426.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e4bd09db300e4f15836a5d245ab82227e3d83380 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1426.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a68a493f2bbe45f0365be0980eff2010749df79fafdaeba02e3f26bb40c8b86 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1427.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1427.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e46582ffb8ec199798a06651a18695d418b8d936 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1427.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3f4414ca8b3b1cd321b0fb29959acaebb08b37dad0c1a4b8c432d4754ba86ab +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1428.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1428.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fda855904213830d63c9a4c7f71094a5d1469860 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1428.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bca47f85b48c9bbb2795e563c902a93bf0057cfb3cc969c606528ee095c25548 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1429.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1429.pkl new file mode 100644 index 0000000000000000000000000000000000000000..437e1f7d28bacdf93202375358807cf8f2dd9f9f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1429.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:712098249cee6b7761091905ac5f8efed8635ea9b3c7836a288f8e33d3a97cfc +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_143.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_143.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dd9ecf214207308db3ecef999f3353dd4f7f0030 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_143.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:776db28aa4650db585693d674618ea8afaa4a95b0db359ba6b3b329e01d2e76c +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1430.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1430.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ca3a11013c7bf9dfb91cd44dc8a8fed989afa967 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1430.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d20c13acee8e826a3b848f7024797b8950789517c08b01f74a59697c747b88a3 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1431.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1431.pkl new file mode 100644 index 0000000000000000000000000000000000000000..882a636854852408df0a1f164e5f091420f1c519 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1431.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ce8b03e1e9ebbd1d09859a8b193de2a87d69e4c323f053e58b50981fda1191e +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1432.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1432.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1628c6265d621ce5b8c070d279b738467eca1ae5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1432.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e0c9ce4fb3fa1562691da0a926efd393cdca14da050a56765791dfdeca3d1a2 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1433.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1433.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6884ce1b3460caab78c2b6e2edd7cc7875f1ffef --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1433.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d4e4906c86c831cc30cd94282ddbe9da064a115dc7b201cf0d9dbe57d36a152 +size 25827 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1434.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1434.pkl new file mode 100644 index 0000000000000000000000000000000000000000..99b3a56fcdb95e6ddaddf1632ad24510254717c5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1434.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95b29e582646f1a94bc9b837ecc26bc27638d4ccdc0f47cb31e8f23046392742 +size 25781 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1435.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1435.pkl new file mode 100644 index 0000000000000000000000000000000000000000..736520e1693d7200bf50bf32c7a6b53f2e0dc713 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1435.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b5f081a256b5e5b28008f28423f76084ed4c180c21ab70d16c346a808abf613 +size 25827 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1436.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1436.pkl new file mode 100644 index 0000000000000000000000000000000000000000..04ca0c629161957f29f742aac00e3a9e9e06604b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1436.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9eaa60f49d22c3a890688342dd2b1653b947a6cb7edf4bf22ec711a200e086d +size 25809 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1437.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1437.pkl new file mode 100644 index 0000000000000000000000000000000000000000..047bde329a5302ff21fa69b390b8c0e9db27d8b9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1437.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c63024c5040fe74d5057e9cecae2430f7a14c465c3d06fde61fa3450bd7d4012 +size 25821 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1438.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1438.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4623027deffd42bdf876c03e28bded3602680110 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1438.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20c6e467447f6b461d69df721c20f5dc7bd751697f1434860be19656c21ca162 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1439.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1439.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8e4bc27a21f8b23c03f471512529485148eb99ab --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1439.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:febc30092e0d6cf2e4f20140bc2769a5fc0de071a55599ea3d7115b0ad6834a2 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_144.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_144.pkl new file mode 100644 index 0000000000000000000000000000000000000000..286e2f88e35ba686b3919fbe37c1dc9de6c7eeca --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_144.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e664b1a99d164126cf7da338480bbb7cce34a9ff434868e151cb3fdce2c730d +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1440.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1440.pkl new file mode 100644 index 0000000000000000000000000000000000000000..194e8d44272627e766d63e1a32a62b85a00f9f46 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1440.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3094a2b13425a848cf93d95af1acad3dcfd6d840a2068f2a496ff24c32ab5815 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1441.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1441.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cbd493e4599866aa14855c91ea7125545df926fe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1441.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44ed1e3a52eaeb48ee77b02cbc3760cfe80403be4da379a6064b55a76b4469b6 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1442.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1442.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7c2c723c8811c388134b0046db72b6829662f552 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1442.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67e684ca1978f1a4f453ac171155f192a8f772c3a3258d02534798eabf54df4d +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1443.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1443.pkl new file mode 100644 index 0000000000000000000000000000000000000000..939cc2f71754306fe8ab424a21aafb75c4a853df --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1443.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8cea131ad4671cbdfa32fae05dbbd172457f9eaccac08131d04e237699ce8d1 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1444.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1444.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d620d4e7498db50451779876c43ba84d7462f8e8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1444.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2130b46cef4221df70565d9a6cfd7907723b082d389b0f1b58978641733566b4 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1445.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1445.pkl new file mode 100644 index 0000000000000000000000000000000000000000..03da3729195114523cff97a659a53d66b3ee8b82 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1445.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33b744c0a6175ca91920d6db22d7a4cca6afeeee896dcbadf8cd2a7df25e6cb9 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1446.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1446.pkl new file mode 100644 index 0000000000000000000000000000000000000000..15d69696ce422c0f2cdffc79f7545ebe423f0592 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1446.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd8ae53949596f547efb2044e421a006446d9b3ca07e6cabc5e2bf9274781a1e +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1447.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1447.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6abba7f21b1a833be7847f4ee13ebafa287d6a96 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1447.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5604cef045edd59cc0b4c5f808ef6c7c6481ac5b9250c9169c8821a0169b4440 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1448.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1448.pkl new file mode 100644 index 0000000000000000000000000000000000000000..78008eb813e50e6ece9c126115927e27af5efd7b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1448.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:add0cda23c827f22168b56bac244aa41b0a75ebbc6eb94935d0c8f6b58124b3c +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1449.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1449.pkl new file mode 100644 index 0000000000000000000000000000000000000000..47844308ba71551cd62e89dde31e08acf701e7dc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1449.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b1d9528cdc38381c7304615dd085ca93a55f608ebc3e240a8f23690d9c34ebc +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_145.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_145.pkl new file mode 100644 index 0000000000000000000000000000000000000000..34c04b58b2159d504db921780416596df92becc2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_145.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5468f0ab2e75fbc04c3de5ad7a0b0cae9dd712f48cb19fb7e1310987bf65baca +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1450.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1450.pkl new file mode 100644 index 0000000000000000000000000000000000000000..33dbee3d93214c428080245af68706fc758ba2e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1450.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72f20849307eb5d24041d88b92debc844f53ef14fc27b98ca0bca99f17f80b5c +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1451.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1451.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ffdff1d20703a3b1e1276d987b91f4d06afc3c46 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1451.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e07b2395fd01d2afaaa751ef8e53ccbf9216540a1fc184820b97b1c5b36dce25 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1452.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1452.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e2cce50f49247c1df03c6cd3f3c24309856b513e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1452.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bac13e57765a6392413267f349b0f196fafdcbe6bfb6275baffc86f2077a242a +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1453.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1453.pkl new file mode 100644 index 0000000000000000000000000000000000000000..413baf1517b4e763ee66c07c06c46f2c26369f8b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1453.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c4aba1cb61892ae91b9a025710adf7233f3b1b628176feed8cf7db135cbc9fd +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1454.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1454.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d7f61c8863b667d04729a3e30d634d89c5ef2a9e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1454.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc74ea1af6510c892a092565426dac3d10241def8f6c95059d29a09d621517b0 +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1455.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1455.pkl new file mode 100644 index 0000000000000000000000000000000000000000..de1d7b70e42db530826718096c34230878f6689d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1455.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26e9600286b0c8a144651cd0fb437902e953198497f016a4b3f7be80bee6d5ca +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1456.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1456.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5e469843d642ae4239fc0582d8e40eebdafd8625 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1456.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fac685884b81821e235feb655d758f8d54eef3f35b0b80db857a86fcae7134f3 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1457.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1457.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d5a7175d3220ef7ecf0078d3fb26d1e5bebe3b4e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1457.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0add7892d381b575a17926a70573799fd633363395947ee86620c04745394b22 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1458.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1458.pkl new file mode 100644 index 0000000000000000000000000000000000000000..75a1e88d9ab5601773e9e20b96ddc00bd00d5728 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1458.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c7ac73b7d1399acc234c980ce14815c9904054bd8fec73f2faf3399d21dd55c +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1459.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1459.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f6133595485a271ec745be8e27ee54d46990c0a1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1459.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d756dc5dd4f9effbbbb9fe19af27f7803bcf0a7825192fc9c81567b137c86c35 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_146.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_146.pkl new file mode 100644 index 0000000000000000000000000000000000000000..19668fdf3d7dabe68393f10a217a5f9f465e8804 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_146.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0dd2f3760a037af9a142eb7b1934bf5266094d981a2b8051d4b1bb02462e363 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1460.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1460.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e8e44ebcc2b697ee0c520d24fc4fd0659e00f431 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1460.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:590f794208ae495113fd098f8065ffb5c0ad86d3b441f6429f121ed3533bf3e0 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1461.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1461.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1c4d880134891f8ccb5ca5e347decf9b990fab70 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1461.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e357140e78177811f63ef3ca791eac8695fb2e586149d5fbbc32a8905e12df32 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1462.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1462.pkl new file mode 100644 index 0000000000000000000000000000000000000000..de8bfd9a48dfedb28baccb333b419361a271e6ce --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1462.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c2f367060373331ff321d15e182e3fc6af6dc8d8295869d4e3526df9ad774ab +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1463.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1463.pkl new file mode 100644 index 0000000000000000000000000000000000000000..979bd25ec0fe6fe13becf70737a3ac1d71f3c106 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1463.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d882a9a3b054dade811be4a78293f515c1a5e374381796a78da3b8e6a15f0b3 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1464.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1464.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4ca893818fd2d63b8b37e97d0280d4b5086af5a9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1464.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b8ec7bba6cf997f27054950ab046d5f8d8522292a93dc675d91748c33cf3129 +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1465.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1465.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3897f11fe63de388bafd1ef0ba2e10704947120d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1465.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4708913ec1d71fb5133ed0f0b6e387b152a4cf916a63aac89243de52038fbf02 +size 25828 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1466.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1466.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6a04a7dc059edc308a34ce63e1b03216575e6fe2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1466.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3147c8ccbfc9e06be0adc6955d40f76592b6755670e430b3d57ea8d832a3ace2 +size 25810 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1467.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1467.pkl new file mode 100644 index 0000000000000000000000000000000000000000..819bfad299cecb104e6c313c16f467d15d16ad3c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1467.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ddb312dec8e75e5ee05ca1e3d06541cf564b772d6e6ba1d07e19a56b5d5bbd2 +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1468.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1468.pkl new file mode 100644 index 0000000000000000000000000000000000000000..24508d4f62661a2b299102e055334e2ea8c10277 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1468.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0170d2982096686e84688f372920db40878f4d8569deba062241bc3fdcc323a1 +size 25829 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1469.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1469.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6bcd32192f2772485c65ca410e4dfa9c95f3968e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1469.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:100dc1d677e1a58d029f7ec38c72e241c6ee1425526002d92add3b1d0d0c06a1 +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_147.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_147.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9b8710e21353925f0deb498dd1f8a649fcc1f95a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_147.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c76069d93fdb6e36bd71f1312f4b77a39b8e77c54e45944a6b3e9bf4054d4f18 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1470.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1470.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2e59a63e5191ef8ff1fb1595c2895e9440ca4b6b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1470.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc3b7bb5664dd93277f1582746e85b7e3815c8d72d49781c8e4b9c73a09b2496 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1471.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1471.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8520c88739ab8c0d1b3cba983dceb80ad79e347b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1471.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39d56188dc5dfeb200e93a9c94a8f736ba03fe5371739d3d7e53755fe3080a04 +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1472.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1472.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d2cbea53d13b5a595187b0b1ba38fe6b8d062c4a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1472.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee17c48a827861592eeedfdc3dbb3280dae0122a19833edc202552d5b5ad2091 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1473.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1473.pkl new file mode 100644 index 0000000000000000000000000000000000000000..382f9b4075b0708fb60d348bfbab1c3fa763057f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1473.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ef387fa6569f898c24469c3a7f81d53051ce5962504e62974c6177151829322 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1474.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1474.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ce0830651901252a5de925f6c0e6535f11e01494 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1474.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91a2847e6142bd7909b95986f5cb5c0c4f913085f2fc1de751daad162322db92 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1475.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1475.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9a9ebb4bf373fa410e0cc4ba757b5eb8ae15c3d6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1475.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb6a956bb98c36d65fa6ee5164cf7b4911db938d738a787f24a3f820293b70b8 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1476.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1476.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4828cb34535ef9c4334746dadcf12dbf982f9ea2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1476.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc86716e7363fa06f0be49de083c8285ca84aece2b216b169fd7b2af3553b22a +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1477.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1477.pkl new file mode 100644 index 0000000000000000000000000000000000000000..82af304c16fe38c0dcb45e4a9e49435a28a9a2e2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1477.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0d739dfdec2be087d8a6ef60431dde1e384d8d74e31fadd38c98d5e3055e45f +size 25829 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1478.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1478.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9cd5c85dc50938257458eb6faf1427fd4c170138 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1478.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90d33ffd0a5bf7b0e0f8abb38f365b945565af1992477bfcd1b761cca1d40d31 +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1479.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1479.pkl new file mode 100644 index 0000000000000000000000000000000000000000..39f92eeed9f452ad43e2072a6c384d4fa59971a4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1479.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3c78454c7fca9edb9877d6f0ad63d8628f899e866148f0f198fb5626745c12c +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_148.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_148.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7fdc0e7fe246958cf49d9ffe853425cda0c1eb48 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_148.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ebc786a591890eeec65cadeb81cbeab6a2e2e50dacc6c7dd4b9049c5eebfa75 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1480.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1480.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ca02c087a487687aae3a8cf780853ea53b739269 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1480.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e8a4c5ba6d7f1cd5c2ab7bbcae06ff40f7b88d2bec3fec7947ced9b81c82d95 +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1481.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1481.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b99a1980b13e926f65c75688a7ca8b6ffa338931 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1481.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da55f24012aadfb5efb0f8ca3b0ce751ceed675058705ec45403e8164ff77f91 +size 25831 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1482.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1482.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a1e06a89cba146613493f88bc11ffbc91e1d4cf8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1482.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ef3c12ac0e6396f529211e575f12e23d6194b288c7b972ea79d342ee19c44fd +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1483.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1483.pkl new file mode 100644 index 0000000000000000000000000000000000000000..347efab17d83d04a4857c59fbae30c383a100a00 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1483.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b9a01b19deb77a3a092ee201ba89ad480fa77c32d94c36a8ea8f64e65b5bbd3 +size 25831 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1484.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1484.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b7990a413a67d38c849b370dc46cb738e7761069 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1484.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:542e3a940e55c0b1d0b24dd2011d4bcd0ad6bfb97882fbe021e8ae52dbcb746a +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1485.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1485.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6e60413f2245e955ce30f468e649b987ba471490 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1485.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:267884237bedee1c6d81d262830876eb33758ec21d5d4a91d78cec5e2314c968 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1486.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1486.pkl new file mode 100644 index 0000000000000000000000000000000000000000..456d6271344b4ab5a910c5741081b014575ea221 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1486.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65bea266603109d593a1ae7ada1a5e2d477cf06056d135fb5bf1f0b80151c709 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1487.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1487.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dce4742ee7ee775ef6b04fd5ea0bfd07ba029489 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1487.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9500be722f90fa9f3ec1fe1145065a8608af157ed16217aa5b4f408b1a31b51 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1488.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1488.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7654e646eca0d6cf3d3789e0f0244f7b09768bf9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1488.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f397f4f53b71e739cfa7b0b90e890a0cb7db8521998840692809ef024fd5c556 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1489.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1489.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cb058cd49b43e4a325e2a94af7053d3cae09afd1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1489.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4bdeb28875da74b26e40a68d27f5d9b42164cf339b01565f245cd09bd3f53373 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_149.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_149.pkl new file mode 100644 index 0000000000000000000000000000000000000000..db53ee847897d129eeaa1fa976b193f4866f24e5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_149.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49e0f1a73aec78ffa4b8fcdc5bed65250900dca95d94de7a7b68da95963f9ca9 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1490.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1490.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e852b74339e912624bf3d445d57f8cc4db36eb00 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1490.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d87adb4a8b82fe4966deabab1444c172268762e9322e5831b14672a3a218795 +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1491.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1491.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c303de04894f74c85aa55787f3bfabb1c387b9ae --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1491.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af93f25c46e39b9567cc4f08d4d0663e9f88895d85a17572c84c9d0b14928a15 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1492.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1492.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3c8c2a9f88ba76d8bba742561e4809c91127b7fb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1492.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5042421fcbc346882f079689a3592751edae3bba11ceac12685ad4791710d558 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1493.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1493.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0be3eeb14631a5432bb3b626ac2a9cfaa5b13e7c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1493.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac343d3258f26681aae6adf5e3b304d166dc16b25562a4c4c506005b7077550f +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1494.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1494.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bc7f62314c0d434cb6297005dce063ed9d37b8d8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1494.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d548dec9a4b838dc3199ea2557722bd4eb28cda6492a1b337ce0dd85e29cd16 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1495.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1495.pkl new file mode 100644 index 0000000000000000000000000000000000000000..935ec88991fbe19349ba1d1c8e2e84e5c053ce0d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1495.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d22d5e550cc2d002f67e4e66b304aefcf2bf763b612c2ae4b5a64ac575aa1e0e +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1496.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1496.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ce6106b65867f34daca3a873366298adebfcf800 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1496.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c6a798f22f38948dd4c65f069475cee91d4d7c33737aac7ec59ebdbf38c2e2c +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1497.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1497.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f4936eca1da9bac8a1334d15b77372d838497b34 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1497.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:188a2454a569f12504ba1f060e85257b27e56383a190e8041755c667095575e7 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1498.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1498.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ebcadd396e4c8ece2b099398f3cc8c9e91cc77a6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1498.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9af38dbd5ba45ea4557dc95dc173099377f6c358c5aa19b661aae9ff3feb1362 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1499.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1499.pkl new file mode 100644 index 0000000000000000000000000000000000000000..59faffc8d19ae05591b8fecc53b82db588b81a9b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1499.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7a95591e78aa2c7980bdcad4f17ae0176eeff03de8011ace047f320d9d126e0 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_15.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_15.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ca432457938ce70bf9ee36a27144cdc7261e9c13 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_15.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd6a229d9fa9520487dcb16a916302dcecb9acfe31809b06c495aeb28de3c65b +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_150.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_150.pkl new file mode 100644 index 0000000000000000000000000000000000000000..32ff7e68abb0ae8b798626573e74242d7841be5d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_150.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8608dc8d7464814f957f70f8ba6e43ee5ab5a70a74c5c647e7bc278c0507568e +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1500.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1500.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6c77675d9b832cf4288f24b2f2bb58a13b0b2c11 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1500.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b997163dc96accb224035a5417449743f8344580b7ddbc60b9ea6a43e6df2570 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1501.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1501.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7f814ad1f0e16feee9d166cb9900e3f6c282915f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1501.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0079ede16a076c042b95d65d91373a732c481bf29348d995847b3b6dc5f41e2 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1502.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1502.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9f485aec91da831182c9ff495b4e98af1cda9abe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1502.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9ba0f2e6611813600a241002201cb980e69abe98a9b2c1ecee18025f24e5f48 +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1503.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1503.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4d077fb172600829d7c9512b94fccdac7c4cc761 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1503.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e01da84464196e71181c25be26fe047b7bc479898492cf01d98ead43c593a3f1 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1504.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1504.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c04221ed274433c4eacfee57a5d8ce209a8d749f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1504.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5eddb9c10cdc3b11274d129c3acf5b3b3e5a9d644a1f60b75fe4bf8bf5cfafc1 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1505.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1505.pkl new file mode 100644 index 0000000000000000000000000000000000000000..58e66a1fadea4e553aee06c7ae766470aa5d3b04 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1505.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9579370cca48d4d20fe459c695b115120234f35c671eef1c362fcdd4d3881a51 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1506.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1506.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3450a80301083ecbebd4002e05f630d607d6e7ff --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1506.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c446649b8b1337d0a9b5888d570807239aadfbdc3adfe7c6f900fe2e117bfa30 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1507.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1507.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a55edff5b2b595262d61383b5c706277151daa30 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1507.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6f80454f06948f53e8fc402730f6a0e4e709809297c287395b7a37af0814d64 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1508.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1508.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fb0c84063e5d4562fc59f360ef6a3e22486d49c7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1508.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:720d0d23aefd94fd7e6945039805e5f25726f741061275ac1f3d207457b385a1 +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1509.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1509.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4ea6313228d62073321e3253de944bca799c4e12 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1509.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03ee56e404cbc5cfb15296e24747cc3e326f3083e3b53180c7cf10bd44eaf622 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_151.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_151.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a016c92dc2e29fd32e492d031bc2544e9b187fb6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_151.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a51eb09d397347c7812db23a414d01e22126574a71fa45faba81e25eb10ad66 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1510.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1510.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a8e5b5091f38af2c496747749cac4f4b9e48be42 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1510.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e680fe17bda1c57405dada1fb9acaccbb7dabfb11519f133de67274ddea57f07 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1511.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1511.pkl new file mode 100644 index 0000000000000000000000000000000000000000..21f17d8b1d69bc404da977552201a74d2a0070d5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1511.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61be48c57a45249eee8d3465d820c9186308ca254e7144046d332cb1ae20e4e8 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1512.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1512.pkl new file mode 100644 index 0000000000000000000000000000000000000000..04f41d91a6266d2dd07fbdd7770eed44573ec9bc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1512.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:077c03c940d44f188c4b39687af1fd6a894353fe2bc633e6ba25aa164ecfde53 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1513.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1513.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0dd510b13715bc39d9ceab01e6a3a6fe37e31fac --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1513.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3909b57bf245aeddf823b16360b8f1469e9d34b4c246cc298736a4f4801f3d8 +size 25829 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1514.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1514.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d438fab819ac377592fa307299649013e163e435 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1514.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e16c8231f20ef7fc3c246a17bceb200729936e1b165b29b6e969c04a5b0dfd5f +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1515.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1515.pkl new file mode 100644 index 0000000000000000000000000000000000000000..28220a80309eaec60dd906556b88c40c22431c28 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1515.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4f80dbd044ee897bedb2d4a1d34c5b27b879e2ab64e875e9053f2054c923655 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1516.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1516.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a801a6fb4e70f05fb06b9f98c0c64878493ae609 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1516.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0a87d25b51c4f50d1e71aaa65d122c6a5e120397ab1582e97edb5457b433b83 +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1517.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1517.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fcd9f5eb7b433783435893f1783ad952e33b9ba4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1517.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a3dba6d6df5765a1f8c0c5b5d4a30210b57c083367f877a5e1735174ecc92c0 +size 25831 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1518.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1518.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e49aa9fc982ddd4a6ea0f305cacb29f82ede25ce --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1518.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c216e4785dba7ad0160702cc08a1b4f530be486b8634047e132f25b267f5eaf8 +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1519.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1519.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3524221999dd28c92afe53a95a49bea7726748dc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1519.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0599a4c074d8782874b55e51a26955dd441b466d4d1233f8c06226bce3a24a7 +size 25831 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_152.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_152.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b4cbbdc1fd09bc0a134f93a4c4ce683515750738 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_152.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cd8730bfff6db65db66dbbee69a249d543d892e03f0a721639acf9beb70e0e7 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1520.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1520.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c22c878778b8218026f4a2ea11bb82ae49f2e9a3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1520.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43d7d61009b5e4ad265048a0948eb22a2dd6c44a15a125a92fc082a781b134a7 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1521.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1521.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d0df4464aa96a63bcce6da6a9d247f1e4145655f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1521.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ad2349c8019c1dde272730aec92ffd4f7cef78db7be6fe4d07b1ef4c0b72917 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1522.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1522.pkl new file mode 100644 index 0000000000000000000000000000000000000000..90dd7ee7bd94f7453eeace8b2f82b12a45a45b2c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1522.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1dabd14d1d52adb2b3f9a972900002172c7c706c34d451e0d1405b54d7ecc12c +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1523.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1523.pkl new file mode 100644 index 0000000000000000000000000000000000000000..48543c67a741600ea5e64e002216a0579b62f8a9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1523.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb1d8019dbc2372836d31935fc73bb4e7fd93e9bb0b1df910c06aff4afc0daa7 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1524.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1524.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ef3bfd54e57ed89179a0a9b9e9e8e471bc06ceee --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1524.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1dda91008693c632874f2abe767c10012c0c9f3660987dd1ae20576bd9e171b6 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1525.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1525.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9f599b4bb117fb8792206efb000df2ce98dbb33f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1525.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:751b89a3f2ceea7c9357490b616b560de2cba0d583ca68e71b0f571454475d9a +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1526.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1526.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ee2892c7acbaf9438259ee971a13146471e485b4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1526.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05e622e387faeee7e62ed1063aaa70358a9fbc31775fa9004849dd422b1eabe5 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1527.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1527.pkl new file mode 100644 index 0000000000000000000000000000000000000000..25187434591ad96b425ef6dddd718e59829ea467 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1527.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:034f62a34e432990d696e8db03c7637ab5cc93c54eab3a98d3d855f459f9e92f +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1528.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1528.pkl new file mode 100644 index 0000000000000000000000000000000000000000..abafdb4ebb0ba770105e2275872c464e54b48e29 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1528.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83b4879a2dc669850e4740fee2f5c83a59efadefaa7225a0305ea308f2a54a35 +size 25831 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1529.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1529.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c60eda9cf11688b305653a331125ca1a63f88b77 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1529.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3db7e13d1fe982b3dbbcc8eb23396e057e796b708dc59b49555e28bcd35937bb +size 25832 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_153.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_153.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9e16bee974af49e9c1e63afbdd86e26c300d2738 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_153.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d033ebda83918e35e7417ef4e6287cf6688882b469242fbbb833fc5eeeeca3bd +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1530.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1530.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6fc883ddef62fd3156c4e8ed9b7d7de16b1a2112 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1530.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c229c78f186a3ddbc0180859d6cf461c645fa13b2248c996f7dc4961d42d4d6 +size 25786 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1531.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1531.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2bde14bce9e31b79051628f49f8e02f35eede660 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1531.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:00f320840989a7c954838766047382f2b8c5834b429831578ad088e97fad6b25 +size 25832 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1532.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1532.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7f9d5b54a79d176f7fc7731c17294fa61201c661 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1532.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c9d3cc90b2978e0653e60a754f8e2a988ec0317ee68ffc94a180ccf053b0ba3 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1533.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1533.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e27951c07867bcf6aa6dcf2c777275e6dcbe4279 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1533.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d074b74a1e2840cced2e51031a5cc160749b4927387a95841876a0aaff411e6 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1534.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1534.pkl new file mode 100644 index 0000000000000000000000000000000000000000..132b2c7b15e1906b54678c1821c48de69c515fb3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1534.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bef63dd61fa2d1db854d3bd9f213557ed81ded3adee3d38d337150edc10f3162 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1535.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1535.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e77e56da002354c4e60c6b3340eedc6d611af4bb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1535.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba549a0319771059d21568bec12312ec8073efa30354c93a4d2ff08ff457cff8 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1536.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1536.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ff58fba3f381ac1f3fb931569c6fcaafc814e1b5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1536.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43bce21fd8fa3dea2ebd947cace67e35a893ba40b2a861953ea3e3ed26a13dee +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1537.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1537.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a12fd77695425d2373891d4771e95c08a9e4f527 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1537.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:883dda21213cf82a4abe3606287cb46b417b94abe856bdce8e9f73a9577ec8a1 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1538.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1538.pkl new file mode 100644 index 0000000000000000000000000000000000000000..25e91e6dfed1ec342b35638447aa5e940c41f9cc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1538.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7f0329ae3a0ef7db88e09fbde0911fe6225640e8bce98e8d0fd66a7c29c988f +size 25799 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1539.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1539.pkl new file mode 100644 index 0000000000000000000000000000000000000000..17906daa8c2d22628237b60b27905b95650a717a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1539.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e4ae883274f73f6145ff7774feabfceb6c041952b025984a49def4a4886c614 +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_154.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_154.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e26e05131815ea9d96197b41092322767c490d11 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_154.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:191a772d64d93df5a8c505f8cc8f1b1710d360bde29a52eecc69915559d3ced4 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1540.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1540.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cb5e78737be467045c3f81d8e0ff3598405ca300 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1540.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d94d8afdc5eaf5516870403165a53b4e9c22e05035e2cbb3aa7286cd15734ca3 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1541.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1541.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9a4d219d0a536873b3ded39b16bb17c493f1852f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1541.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ebc49e9628a158a6ec892a2c5e8b79c5695ac9585494f42e65d73301d98c9f5 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1542.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1542.pkl new file mode 100644 index 0000000000000000000000000000000000000000..df42ec24f7ffcac136c3832793fddf45a26f2ded --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1542.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b38f34040e1511bf2543e763ec79378c064bd37bdaaee6ffd22e59435a119da +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1543.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1543.pkl new file mode 100644 index 0000000000000000000000000000000000000000..77c9f64bd03ab811b876be93efc8170fd2b7ad2b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1543.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fee3197ff5dc5684ee0734f29b03c9290cca340cdb3f6e849badd95c0ed2c9e1 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1544.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1544.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a516845e6da3fa5498dfe3c219a100b7128c45c1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1544.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9265bf2b6a26e813c9a9c376b075b2011f03e2aa44e6cf597b42c5e4a29f864 +size 25801 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1545.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1545.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b304d4e854cc4f0e5c02800303d79593d7a1e42a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1545.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:202ca880dbda59be86734a4c15caacb6fc8036074e3271d8aef9135e6ef7a75e +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1546.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1546.pkl new file mode 100644 index 0000000000000000000000000000000000000000..42c13ff8528feffc70d72094ab67438af29d9c5f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1546.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4869a78633481e6b716a618cb12e85d7e1c9abd02d756ca81fb6604469f24ec1 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1547.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1547.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7f64595eedf4ed5fdfc45345532772ef9b404cc1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1547.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b96e97a1fae50c3ca87eff06d8d5e9cb0b51801f871eff29b85498c1c5f1fbba +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1548.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1548.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6cdca292252802aab7e10081ee7a94d6f3617ac8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1548.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:daa4cdb8e83e729d167d40e830b093d8b3dd5e1b1e9a0b6531f68419c74acc71 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1549.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1549.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7ca25874ce94668c753956713696d4ea677ad26b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1549.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98c384e124df56e024cb76a52679029345864f9aeb233aee021e10e921018e90 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_155.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_155.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6df4aa41cc83dd428c80a3f4c7598a0740b55a38 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_155.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bc8719a75ef33b877f67fc4e32ec438471e3086af557f90939992ce7b2b0ab5 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1550.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1550.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e54405bffacb267cdfb3b9f63c259ee85af7dad3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1550.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a467709fad7623e1e76c92e71c6fedb71dba0085e3f7dd07ae9683e5560e457 +size 25799 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1551.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1551.pkl new file mode 100644 index 0000000000000000000000000000000000000000..300f9b305030fd8286bfa1d3473327133feb582f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1551.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c13cc39d78b56a6e6649feb86a95148ef76d8ee14bec3fb96a7ba504962919f2 +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1552.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1552.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ac9917a158ddb9651e329fe84cea89806412e44f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1552.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce815a636c9f242b106e5dab14fad576dddeeb83d0e2181d281381297f1778fc +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1553.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1553.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1bf2eed01bdfaf3fc34ac5a712743dfe5f7d0b15 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1553.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf23ae285b0634055892f8f3602aaed76f6d5afe48e4d152efb34d40aa4f0ea1 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1554.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1554.pkl new file mode 100644 index 0000000000000000000000000000000000000000..21881ec796a91ecdf36d9aadcff9a326e270621f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1554.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67779740077ddb880633ed959921153675f3800f2d37eda2f87d61baca6dab33 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1555.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1555.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5f4b5fe9d88a7adf1807d10348dd61c49c64e110 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1555.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4ac9e10b73cb05fbcd3e130acd9c2d0e0c17d859cc249c1e839ec9e7baf35e7 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1556.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1556.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2aaddd16f915dca7e28e5761caaaa8ab76209b3c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1556.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbf1ce77f695641efd936254f0fcde4b841a6e48b843b1236f35b9ab7824f85f +size 25801 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1557.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1557.pkl new file mode 100644 index 0000000000000000000000000000000000000000..52155c7d656de959fcda9456743893c67a19aa37 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1557.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97422a0f2ce1e8064ac079f41b61f026c912b2db90e99d854fa0936cee15c792 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1558.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1558.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c79101c17064756c2562a57915c49f78d5013c9a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1558.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:553fd3c5b1f959a8d22525a2d65cf2e1ad99a35215d3f7d14e223f94f4aebb11 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1559.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1559.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c50c11a82b0425712dc431801c90311bc3bfaa68 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1559.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ffc72d4abd48374b2097dbce51b874af97d5ebea8b24367496f1e39022677463 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_156.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_156.pkl new file mode 100644 index 0000000000000000000000000000000000000000..004ced6803b1268639e2e25b0d915841ab3bbdb1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_156.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec4cfc0506368967d2e80153f30515dcefbfa7e3bd70a8689ada02e08c62e9ee +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1560.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1560.pkl new file mode 100644 index 0000000000000000000000000000000000000000..66dbb687f712df46b19b1d7abfb3d4a728169c54 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1560.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8883aa7071b1e832ff27baf0f5c3e15160417bf5a75515afefaafbe99cdd07a +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1561.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1561.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8fafbab3cb18cf3be0776e41c4f539db97b33b93 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1561.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4401c259b3f2d314f5cb5f61a138e2636fdd7af3c09884a6d45d7e82c4e99187 +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1562.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1562.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e22ac0cfe3d76095ee4b0b473bfbb95f682b7634 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1562.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bfb163f1733f787944cef9c025b86f8afb6bf60c7c05cca8b9b88a6a26a55b7d +size 25804 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1563.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1563.pkl new file mode 100644 index 0000000000000000000000000000000000000000..64a155ab8a5c2a6365a308be04a62c0638e0df20 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1563.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0914f431f8d520b289273ff24fe857139793763ac4614888fef54f2553a69554 +size 25816 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1564.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1564.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6356d8f7b3b1290b60de96a83585912716411147 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1564.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d251e7442b0d6c22c14582c8b17e8e117ac497cccd7a9e15c8913265f9ec229b +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1565.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1565.pkl new file mode 100644 index 0000000000000000000000000000000000000000..efc5e846ca2b46985bf4637e17cc1b8ff9deb3a8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1565.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a39c8198d7fff5050e2b454e75bc0d43e004a725191d6b95c1f92ff980fb14eb +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1566.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1566.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7dbc17d82053b73ffcb9f9c9c5980a691520e968 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1566.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93d74bde79fd354821aabcf938a1967ec1b050db534e4f24ec0a9ce36db3c584 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1567.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1567.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f51d876d3c0ac40a2aeb57dcad327c40c9bf3abc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1567.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98918a1700d823fb44d4f74b002d88612e1e233d986af21b6a73852dac06e4fa +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1568.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1568.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b5eb1c02cc9ef4766891655dbe4fd6c3d2c70411 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1568.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:343a1e1e3615c19f4a259ae44e24261976ac39622454f38544ab5bf0ac4595ee +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1569.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1569.pkl new file mode 100644 index 0000000000000000000000000000000000000000..94ab122b46eda6685b409db4200174cd4e16324b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1569.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c841445d34f86d4b2275eabea1c760d5a57cb6603385f763c8e29f1f950b673 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_157.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_157.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cb88b0e1fbf03c78ad95abcf7ddff2ef7ea44613 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_157.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c517bfb954014ced13dae9d1de32642e51af42050cafd6045bd751c888e4a30e +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1570.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1570.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6f0b1121bad192be6a709c165f95273cd7b099e7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1570.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8844e22f683105b3744bdacc40de2df935d41ac6416736d14d905ee10730c75e +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1571.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1571.pkl new file mode 100644 index 0000000000000000000000000000000000000000..73077710ecbc4a010b2d6cfbc78e719611545c2d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1571.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e895da7dcb672064ae753d1f39e6ea0eee15f7ce0432903d816e0db0012da9d1 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1572.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1572.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a80bba4e5df54a6f8f3e57d238319028a4c13782 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1572.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d856285f4d466296fa9861ecec0fffd27a47e45e885022e293a30a3ffaa87ab +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1573.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1573.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e4a4365838af1eee18dc3a5f429c60801f8ef1b3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1573.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e2af2228920f1003e9379d4e9916a4bc0128069357e24e89cdd2ce7e83fa297 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1574.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1574.pkl new file mode 100644 index 0000000000000000000000000000000000000000..67912c95047a7a73bb2b24c13db09a7080a4db59 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1574.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b4ca10786600ad4897037e8572b42b01121bd4e40932179a6fdb1edd376defd +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1575.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1575.pkl new file mode 100644 index 0000000000000000000000000000000000000000..84f0aa4b36401d53330881ce7c0dea5b5cec7df0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1575.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b498f9fac5ba5cd5f412b528d8a142367bf0cf602b2ab81a00b665d79cea4027 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1576.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1576.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ed72952f21092874620c4f30720374d825b91882 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1576.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef54ec406264543c917eef155f35c3c8355244d7819fcf7ae7f2a8794e17dcd9 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1577.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1577.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5a0b6fcd0340ba6b967d730151700d1f38ff4c16 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1577.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ae908a06f6056c5542c0701555cc4579cbb803dc900245780accf8a59f450fe +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1578.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1578.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c3cecae1502e8e0953acd5a2fca9f5deabdeb135 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1578.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b41dbc9164b86d68c82035e1b6f4c51e0475928b7d0f42be0d69b4c83fd6b84d +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1579.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1579.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c81b35035bcccb0c430388f53d090fce7cf15040 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1579.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bca5e9eb160fd3bb601cb77187e01d3909c351fee52e0d6d0ef04b80ce36e518 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_158.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_158.pkl new file mode 100644 index 0000000000000000000000000000000000000000..16a78977caeccf99ade7114753b0616ae1bd6d15 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_158.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc9c6e8f68dbe1558358c42d4bd9ae27942962efdad55a723bb268ffcdd83d36 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1580.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1580.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1a268ce6dc3abf9591330973c2c7da9a37337088 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1580.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92ed7f7f8d6b79572f385917eb4def86ae632b4ec3f49c12d6755feb54b0badc +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1581.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1581.pkl new file mode 100644 index 0000000000000000000000000000000000000000..21323a560f75db336a3b9e3d67263dae22d092cd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1581.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68a1a0d6c5313dedc005b62c18c36c85e3fb78202fe5607790108c6d874d59db +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1582.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1582.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fb420469af3f054a8326533e68a36b64023c3e01 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1582.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:495cd312ddd0a90358c6564f648f40f870a8932318cf00a06566918b7544b914 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1583.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1583.pkl new file mode 100644 index 0000000000000000000000000000000000000000..64d14a89b7b45dc6abe1ab6985e799d2c0bfc726 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1583.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1342de76403ef204d5a38bfa0551802a0295b0c0c132846063b83d9bcabb1f4a +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1584.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1584.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4b3f92c11702bbe23818247daf3dbc104f11da1d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1584.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd3abeaf55132698ac33c674720cd9b55082374ceace2b8fbdd326f93cc97297 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1585.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1585.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c4fabd6f2c51b42cd5a5f81d321c886577b03e41 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1585.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8b3ae4a8a3ec3f579606ed81905f3f06d25f413b0cfbe43cd9a10d1e9b35fee +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1586.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1586.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2adb80b7fb1cbc6f0f986b4bbaf3660c17179a2f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1586.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d983ff63f7c91d47b7d72961a7ccdc250efbceb733aa77837dbe5ce00389f53b +size 25800 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1587.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1587.pkl new file mode 100644 index 0000000000000000000000000000000000000000..542d686eca98048e9e5847dc42b06a9dc08fe947 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1587.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26697d53ed7c974124be890342c1ab8811fcc0562324b8a17372ac7bf5a9fab4 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1588.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1588.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0db3c471a87b7fabad2b6bbed21d09903cddc6fa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1588.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89b0e598c236358d3519b2a26eac15cee6b55e7b50094697c96571b9b65a61dd +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1589.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1589.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ba2a4f5ec07ef624dcd3696aade8d43be7e74a50 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1589.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0dddaafae9280ccef3f003598a1951255dca47ecaa3b9f1cd9ee2cc069c0ea5e +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_159.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_159.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2a2c125fcbb13607b353f9dbdb5e890a7e2a70b3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_159.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2325912cc3588acbdf1a8db3a99b000e2eed4aee901878abf419ab2e0b7705c8 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1590.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1590.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1d2474b1aaf7d5d073ca5730938de39a38fb51ae --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1590.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:411630b4b687cd6f013f3815e844b59a3f5762962d2885f8cc3bdb93becf68b5 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1591.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1591.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bdbc246336ce5cfc09a1c2c33a2a45945afed537 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1591.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3105ebf31ae842590a68bdbe72737fa807c46a889c28aa81a702ee4957bd17ff +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1592.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1592.pkl new file mode 100644 index 0000000000000000000000000000000000000000..86a92c5d853af64469407a0fdf17b012e18d109a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1592.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f77a3d6ce57b28e0273dd64bf05a772b0c88c5e0ea6046e407eca55599f00a0a +size 25802 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1593.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1593.pkl new file mode 100644 index 0000000000000000000000000000000000000000..304ccddc8dd8b1ad98ac56b6a8d821595761aba5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1593.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5ec2d0dba001bbbee1f9298e185745337a26077596835b75c6b59fc146f540f +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1594.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1594.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b7bdf7a1f06c2e928b6d4a3ffc8e9dee6a107e1a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1594.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea67f5cd88d8f3e8f6a7b82888c009ab5d507aece00c9b8e0cd23e7a7a525814 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1595.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1595.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2535f62af8c14c5e2da079ed92eff8870de57dea --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1595.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30ca769d6be85c49a624326e0f77409a00a5af6666cb5e8a2df0d250a15ade86 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1596.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1596.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d756381d6d6ce682a248525cc804d3e0ece7d4b5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1596.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e6714313443cecc5bcba1af985c7894793e6972f60c990f4aeebdfd532127aa +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1597.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1597.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d843217c7f43a14c094f2ca9bbd1c4ca3b12654b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1597.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d14db54c9e8b4c98825c45023b52067971f734e2f4d7994282639bdefc1f6adc +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1598.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1598.pkl new file mode 100644 index 0000000000000000000000000000000000000000..17e2dd93c6f90a20e656e417997f540193a31e37 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1598.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53ccad545dc64416c2d67eb55bd606d305546e2dfc868658ea6f165e2d6a4d88 +size 25800 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1599.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1599.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b18fcd1f87d79f8903975f76b705a9529191d3f3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1599.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df88f80a500d7a719336e409d898617b62c516c161829795029403067fa3034b +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_16.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_16.pkl new file mode 100644 index 0000000000000000000000000000000000000000..63e054e849957d73afef6c21d012411b6e2c811d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_16.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbe7f5e482d49b057318e13411556156b713991ca808d30c8196aea55939601e +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_160.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_160.pkl new file mode 100644 index 0000000000000000000000000000000000000000..86ccb571c3a583394f2df3eaa5c5bcbd0d5f1e89 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_160.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb0781ab3456ca5a9188f348dbfa448155b4b422db272972269033803806a829 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1600.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1600.pkl new file mode 100644 index 0000000000000000000000000000000000000000..12eeb0bb570ecd5294f2cd87d20cf62fb89d9da7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1600.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b73148be068303fd08a7915178759ec1a3ff5125a1a8a03a756b5818a59e63c2 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1601.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1601.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7be0d572910018361a7c4a398bd78fbcef7b44f1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1601.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:886966bf3820bcb900562bc7cabe2c6d1d4821a253ce2e2d67989784e4f2ac05 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1602.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1602.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5c4da6765969668839f04ef57f54427b0b6d5445 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1602.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:36baabe30bf7548e9aa541a8ffe60f50ae99a0196ef3218065f130b034f3ea5b +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1603.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1603.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cb13105e2043da315c7e0c532b92c257c2c6fc23 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1603.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91a3f43053393fb247f419470694702d67740f62fa5b0b2761553e59a223db10 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1604.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1604.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d760e74567af6149e3efbf7722269d49e25d6616 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1604.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50c1f1d84a618745328df4f5ca8d2459cd8afcbe139dcbda889838e58141c126 +size 25802 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1605.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1605.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4f217309dce49487e7859e275413b3ed279eb65b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1605.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9aa5645be40fc0561dede5681e853c559e8e29eeafc301244b4cbe57485ac566 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1606.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1606.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3b11001b8cec15209d827bd094f1564b0c93f545 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1606.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3671849c8e7d329bf4b1956303c61129186aa0ecae4fc495367e4a795f267b16 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1607.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1607.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2dd015196a476de82fa603930b68e80b0a397342 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1607.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80d3562fe12971af1bebda3a127c8d488fc09bb5235a90a16d73ef2de73ce510 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1608.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1608.pkl new file mode 100644 index 0000000000000000000000000000000000000000..32559d5dcf6e43cc77ca5fca3714f6f9ee13e745 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1608.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:206b1ef7611155c4f10d3ddbe86feb51cc7b35f2baf898be3508fdf53a67532e +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1609.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1609.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e548d65b061f77516f668e3bc86f7805f33144c3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1609.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27b1b0825c373f460f11b22298d6018c4b8872b4ba01c85046d334f004b111b1 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_161.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_161.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e55a7568ba2ac9d584aa04c507821d354094e93f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_161.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:747d79f3e664657805a1b4a4af5ac4ada0b81d980434abd0bfc7d5d8af5c9aad +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1610.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1610.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7de6d0d561d27307adf4a6ce30945efb5f45a946 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1610.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c742c9a46e81647034ed4dce1a91fa65f1f5a8ca0e0fe45ceb4acae0b921276e +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1611.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1611.pkl new file mode 100644 index 0000000000000000000000000000000000000000..21b9a59f79cfe0f0ca52316b235d7e75d92701e5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1611.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b8a1204da2b6570f22c77d01723445052f27f7d36343f26d0d5b65093eb975c +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1612.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1612.pkl new file mode 100644 index 0000000000000000000000000000000000000000..55586026982cbeed08734f67b1dc076c085c9925 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1612.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1e5530b3de63a4c533911600d1d51faa1aac6a39be6142fef75710379d5b8f3 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1613.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1613.pkl new file mode 100644 index 0000000000000000000000000000000000000000..947208602c17d2852310a5755df56871088b2437 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1613.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d9d1ae40b2d532df45588fea9f4b008af072bf180d174344ab9611ab407377f +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1614.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1614.pkl new file mode 100644 index 0000000000000000000000000000000000000000..11efbc5519ae22b36f83e567ff73b728ae342d4f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1614.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bcaeb1146b0686e772b9f528dc84410b0391cb9ba8c69c43e534d6ee41375c6 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1615.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1615.pkl new file mode 100644 index 0000000000000000000000000000000000000000..25efc61181deaec0546cd1cf96457fe571d012d2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1615.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2258a96504482c4e863c206b08b20c998258bbdf9a1595391d8731ec499096c +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1616.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1616.pkl new file mode 100644 index 0000000000000000000000000000000000000000..619fd46e2b01b2420a924f979e35ba49c4120ecd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1616.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba5d2da547216d073a776be5089ca047dcbe361938078a1edae50c5c7e6c14c2 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1617.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1617.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fd774a92af87958f959e78b98c0e7589886c38fd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1617.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f707acdf74c38afcd78b2450278a7c7bcb3d7e247b502d355d8123f9d0254f4 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1618.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1618.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f145af8e8e50449da65ac57d7eae75abf0113184 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1618.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd1f2233591b9da49e59dead678d7e6b4df5bbf2e73d718efd818c9d12d76965 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1619.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1619.pkl new file mode 100644 index 0000000000000000000000000000000000000000..40ce9c288fdbd5b1dd9aad6c8b7ef93155fd9bef --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1619.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3e0c17c5012dc01467fb95795b2745138bd679f5cb39c2c01315715377c6103 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_162.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_162.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d18789cef7634a65ea733fba8632d438c1b84706 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_162.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0687181ecb0b3a27f1de39b61348966b0f5f14d279ad5ccc6515932878eb03a5 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1620.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1620.pkl new file mode 100644 index 0000000000000000000000000000000000000000..29dd4ea1b2467bb73376c7f7ec0313e8423b068f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1620.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b7442447d17a6938ebb6117e1255ed21d16380133fdc80d64f0bc96cd2534cb +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1621.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1621.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e8f1336b496f4585e848a01096fa2caaf5616cb2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1621.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6f6e633ba65e4b1070760f9c1abfe5d5d3a9c8f60f0f39ab51adc834643a8e4 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1622.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1622.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3fda3496225e41b4f792b60c10d21824c6b87275 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1622.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:290c389ae7167b58d69de247e8e8dd512505a265280837fb3f445b31df49cb68 +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1623.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1623.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f7c603cd7dc7d8af3a5f5d511f7a86914c6acb20 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1623.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:705da73769b62f48c3769c24820af8ee782d188f313746ab6d6ce483e4eff672 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1624.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1624.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9433d0be5d03b7316506da12cf63914c4c73bd27 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1624.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae22b0ec7beb4d47e0586f5429326666326c76ad826fd1e6af653ec957538633 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1625.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1625.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1fda25a40d74472113f4a41fc77c1ad2e647701d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1625.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2398d428e55d703325e7aef4ed728419ef3b17d2beb624b4f174c8ef69dc0c92 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1626.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1626.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ba2c420b8d6544bb56d49fc454222c4c4d82aad4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1626.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28dd2669abb7466eaf16cf72fba9a16d7de013bd841fd4f62a3aac1aa278e56f +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1627.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1627.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bd49a571b32bf8cdba7c1a3320c41328b69a4bfe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1627.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe9d69dd0891ed51a56e2731353887f2cc41dae3b84e3228a646773b2e983b86 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1628.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1628.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7a3b85ccf99bc552ed0d8a5f8d117b5f76c373a5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1628.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efbdb6ae9ef7088ab701c3dc7082f7ae48628e2de379a95beb04ef02c648deeb +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1629.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1629.pkl new file mode 100644 index 0000000000000000000000000000000000000000..15f362d54ddc8a17b03b45b1d9a1169d8b85c7e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1629.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c4fce9ecdeefd592b09ed47e3edeac9b1ca3f72048a574eb2886c650b9b7cd3 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_163.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_163.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f8c9aef3ac1f7d747c1a53290b323ae6b294ecb9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_163.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b864539f139091890d38b6af24cbb3d08d4622819d5f264ebfc5fcff928af5c1 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1630.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1630.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8eb2564821fb490705d71aa0ef4c17004f0d00c3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1630.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:baa0b5cdba5e5caf43d69b1acd7a3ca3378b6dc0c20efb074fb40ca9080ea954 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1631.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1631.pkl new file mode 100644 index 0000000000000000000000000000000000000000..24f990003e73fe9696c475feabe331306935213e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1631.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3adaf8aaf3d9a22a51185f695315bae6c74cd56d0005420cc32506800e65008f +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1632.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1632.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2af9d5e062891a7989f7d3a6cb4ca2841b3e1697 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1632.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cacaad9609cb7c005b4fd0fcad0f28719c0a1647991025ce3029946f0c163919 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1633.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1633.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c590037596b79e2af48cfb28c9e290c264ab2d8e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1633.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d409919ee4f710bcd190a35264ac663def82f842cc4babe870b5e62c1db377a9 +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1634.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1634.pkl new file mode 100644 index 0000000000000000000000000000000000000000..25a2f0106468d9bc4c9b7c017dd420885ed5329f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1634.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb7facfca1c855bc53eae574e68af78592fe2183a1dc171bfa5f0632929b947e +size 25804 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1635.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1635.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8eeb9823774db0fb7d57f56bbff891e6d9954ffd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1635.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9bfa7a71d0012081231a79968f08d7a275f2c72eb68443d3d0555802f3e238c +size 25816 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1636.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1636.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8c2d6005a11455d523381ca5500815e79b76f637 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1636.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74a519cd63022d44f60b4d172876b8d138b154c06d83edad0ab200b1ffbc6ec0 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1637.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1637.pkl new file mode 100644 index 0000000000000000000000000000000000000000..92ae59a918b4f89b753eee19c15f47a5d0db7119 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1637.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8994ba575ab21bdb3afe7efaf87cffe8d19f66642f1a4c6ef2a357d4305c37ac +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1638.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1638.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e5c2ac4d11f917dac42be2bccc161349bcd1e9f8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1638.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18d00bcfdfe71097de29f19d9da90ae8af459e805657cdbbfaf583c8adf0a938 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1639.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1639.pkl new file mode 100644 index 0000000000000000000000000000000000000000..93325a3f57b5b742978d72e530c819ce3c8c09cb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1639.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b054f3c07f827d16a11d951016dca24fcad064779a7708519d218500bfc2887 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_164.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_164.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a93616e66e227508e19cc551d4658e072706fe6b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_164.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a80c686ca703c26ab02bae18ff938002ef28a6139f78894a0dcc3403f7fc9c76 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1640.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1640.pkl new file mode 100644 index 0000000000000000000000000000000000000000..13a92b33ee47647ac6afcebd054873eba61683e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1640.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dcbf9c17bfdb2a05fa5cb44d54d36cd71df274ae8a8618a21fed23ddd2a6560c +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1641.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1641.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3e558a30f5f75b05c80532282c42de7026e0e26a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1641.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d92f7720de2998030ff6c321d0347736a53dd9c250d6c6ee75cec681ab0f6a0d +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1642.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1642.pkl new file mode 100644 index 0000000000000000000000000000000000000000..20294038be5cd014fa2387f636b0a10e65b3bee4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1642.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18205a763c9c606a90f8b1d1f42cc77e1e2a8d35a2ce53b8e2e1052b154d0dd3 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1643.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1643.pkl new file mode 100644 index 0000000000000000000000000000000000000000..34ee6bc4d68da1352380116de331ea567ece70f6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1643.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c00b941cd701a7f2ef72f746f426115813720efef4e8a1c09f489ea747849fc +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1644.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1644.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2d616f11fb907c2384afb7ebebd61a1780c3aa58 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1644.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:886493eeab3032ab1040f399ecd4a9129c12cf21e07b2757af0fdbd594498830 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1645.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1645.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0803f65c3bba009ec4050c31357af5b57687c668 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1645.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22c945d85968fcb3c9f22d65fde5e5a87104ffb758f1837bbccf06dff1cbc26e +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1646.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1646.pkl new file mode 100644 index 0000000000000000000000000000000000000000..66c3eb101b30412269e64191ffd3c60b6d1405b4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1646.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0791a6b55f9e27ab986b4be74bb19b652c7fbe85f842db96e0723eaeb27af4dc +size 25804 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1647.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1647.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d0d836534c941e6c8895820ac59cdad931d306c7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1647.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a05359431ede5cc031a5578a15323b36eb5e099d603a8e24b213837a6829b52d +size 25816 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1648.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1648.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b6012e01e22c91d37568d63a858bccbfd35cfdfc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1648.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c5f58588cebde18622fd471e68906318214ea22b4f27c1bcf48c922d5676fc74 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1649.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1649.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1f24643f8921b37392c18453fb338a21cd9a3555 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1649.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5fdbe20c91c4d99e4374d54eb8a5a7caaa15a3f4117b5115610a0ee4f57e7a57 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_165.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_165.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eb904f36b9be187f314f1909979920f4b31dda4d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_165.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01e01723fe8fc0fd97c69391ab759b8a937eff271745e940a31b230fb5dbd73c +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1650.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1650.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9245dc3ac5776776ee6de84976dbf611b5d1a383 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1650.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d1c90a461037f9fd59bdea4c9614f92dad295d3493562ad0077e9e11a9afe2b +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1651.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1651.pkl new file mode 100644 index 0000000000000000000000000000000000000000..262980d730e281d13b81512520aecac086dd4189 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1651.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab99f79494a19745814bb5ea1f4a17163dec284327c890dddc2317fe338cb7e4 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1652.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1652.pkl new file mode 100644 index 0000000000000000000000000000000000000000..084c5c7b256e02e00e5e747c6634c3954a6f935e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1652.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75495cf846db7bd22b548bd304efa8890ca7f5de74fb9f1a0784f747ff085cbd +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1653.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1653.pkl new file mode 100644 index 0000000000000000000000000000000000000000..677ecf3b152aea2f3df703a6931362f08b50334a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1653.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c5f2daea6ae859a703bcad3adf644b3511b1255aaa84e874d14970809173c69d +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1654.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1654.pkl new file mode 100644 index 0000000000000000000000000000000000000000..79f3285456ca9facf3a470a2085dd75b7eb19f7a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1654.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bac363caa5fe117e6646b5dc3af28e5d764ef0e1674f4c779dcc8cd912e08ad7 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1655.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1655.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4e724829af22ee4ac55ccfe77a9b11501652fc18 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1655.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54892f05e2b274b99be41743736cc3dc6f7a05137a8d1ad1ad9480d739150fdf +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1656.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1656.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a8d7d4b2a3f42c2c75857ece4fc178f1b9c9e501 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1656.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9fe404980eb9457b6f4f81f5507e4e280afea87c3838c2c361524b6a284d4b28 +size 25781 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1657.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1657.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4d365f8956d656667e3033711e91ab37c0acc030 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1657.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83e2bed761b7b93783bc38169845317ecb1c5621cde2db612264249111efd4ad +size 25827 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1658.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1658.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5def7657fd20e6d66d5d061b9d1f72548a292773 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1658.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8bd46a0833054fe8c22da98ffb363681f3767a10d54ba21c60f7b7d4da56a2f7 +size 25809 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1659.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1659.pkl new file mode 100644 index 0000000000000000000000000000000000000000..63fca5e5e8c2459dd40028dd0eda8927ce82f7c8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1659.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09ceccc3fe5e64f22509808c07d950e0cfc21bb04bbb8cde53075d109940c3be +size 25821 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_166.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_166.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b2a63ec94c87d2de7368e54e846cbe5552cadee6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_166.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7257db72703b992c43c0f36970868b370ab4da281beddac45b00c7cc282e0e13 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1660.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1660.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9541d1f8d324cfe8879567667552d8643931425b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1660.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc7cb5eabdc6fce0aa8a2f6295e3f5207ca2623e4cdaca609e941d4dd84159bc +size 25828 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1661.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1661.pkl new file mode 100644 index 0000000000000000000000000000000000000000..17b67a38f5e311b89cca7a70a8872ce81a66c6f5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1661.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06b675776b8f21dd8f4eed4ae0401c55eef23db3aedda1760cd4ab85df685f7b +size 25829 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1662.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1662.pkl new file mode 100644 index 0000000000000000000000000000000000000000..42d6e6b6783bebbe597641260312e544dcbc9484 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1662.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cabe0d984897c5a4c25b60d54a3b7def4b05a4cb6eb6017e1dbf649e1539ef0 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1663.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1663.pkl new file mode 100644 index 0000000000000000000000000000000000000000..31917d1eb63415ee07064695d554b3f395441745 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1663.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34df4261172c788e44f477d0073a8dd4cfb4b898f322e199f24acda8d960e0aa +size 25829 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1664.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1664.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4bd4755b1682f31559c4ae6e2962484fdf78b466 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1664.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67440a6259282b4b0b69079df86c4079098076216761dad08bb19e76b05d708c +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1665.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1665.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6b651014b280e7d904db570b98085edf6dbd6348 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1665.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c8e0b60c70f8a00f755326439ed4727b72529c2b00ccb688a5e07d4617525be +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1666.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1666.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c3cfb57862221f037600311ca8d68534532d076f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1666.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc0c112f42b17bff23152fe9d3a7aa8ac0641188152ef5c6d44b28d526ec4752 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1667.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1667.pkl new file mode 100644 index 0000000000000000000000000000000000000000..23aaef1f248cf846f4594f817a937c688f10bc8c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1667.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4cf7501c20982cc4dcca4d606e216fa0b4902731e5af835a1ccdec55953ccb26 +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1668.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1668.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7c8fb5c1e12b07731d6f226477fe228c312a6111 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1668.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23a70c239d56a8a85439052cd3568949a1d471173912b09bba17e8354b487fda +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1669.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1669.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3e10ff88cb82ac9b6d56f7fa5d4f4437736439de --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1669.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:519eef599cfdfd2acb0f284e0203271facbc7c276f57321ee150e40d16815bed +size 25828 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_167.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_167.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e32f1f278a931a28d9b1d05b7243b94bcb2f8ded --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_167.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:370c35f1fc901c7ee3b7d3816de3fd5f5236478f47a75365c4123ad2a8b19ced +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1670.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1670.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0e62b4e245010615b4f18c191760382a91f28f3f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1670.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c8c908dbfbd4c2ad0198092c8a54b9d4e0659be6647032994683ca2e1274747 +size 25810 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1671.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1671.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0b53fff2e0079448f3e05feb48adf2e9b272c8d0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1671.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6efb7e2a587c9f7981d044d2279367581c407ceaf5bbbc14a4fcf5235ecb092b +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1672.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1672.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ee1319e2e355c15e46e18c1362231eded7f60252 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1672.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77789b19ee783ff4c77c6c578c33a061d08c288c27dd76648c9829f7531c532b +size 25829 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1673.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1673.pkl new file mode 100644 index 0000000000000000000000000000000000000000..14d806b5ac6c2b0c2c9e385466473e1951438d3d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1673.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef66eb2971f8cc5f164ae19d5a6479a747131b7b47de8a8add07f1dd6946bee1 +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1674.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1674.pkl new file mode 100644 index 0000000000000000000000000000000000000000..83f8b13816c244311a2c5335499b680a6e2fe3fc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1674.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be4d1ed24087a328e7d5a16bcd0b0f339e7712a3d9161f58deaa5cccf95d1f39 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1675.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1675.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8600783a83a9a6585666c877e92126dc4a75f513 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1675.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:875b6a295f2b07f5158b49ad42bc315bd6229b9145f40e480a658a7ef3dc0289 +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1676.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1676.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2c60e172af069c2308a5ad01045b1d9e681be7fa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1676.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b1f16a7d03235b76157c7fb723e40fc20723f2b9c00acf01dd4d4f3374a02b4 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1677.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1677.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a94829e975922f752dc43e44191c542a4a6c6940 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1677.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fcfb6930da4b53ab19fca1ea443e704803ec751b90153eaa2d94a534ab477712 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1678.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1678.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0e8eaf4d0fa64ba7ce8507dd4a8b09c059593099 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1678.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44338c907a27d9c70e162589a3c37ab2a33b94f8aec9699d1ce5fc0f03bed2fe +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1679.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1679.pkl new file mode 100644 index 0000000000000000000000000000000000000000..82417d85bd2a6d5c1ea3dd5c815fed35556637dc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1679.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40f8ce9c56eef9c42f1a2d14103cb5b122b203fce6e92f285900cf45fec532e0 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_168.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_168.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2fdfa69396f441c143699518ccb76fb7ab0149d7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_168.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e20a2d1334083783edf9489ede656e529661cacc106043901bc3c88d5ffd5d2b +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1680.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1680.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ccbd869f1e58717e076f12843500f6283adeed1c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1680.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26679d6b7ad4d08b6e995e68adb68f27a1e55e95612e397f75ea418c4ddac62c +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1681.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1681.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fe848b343df73e0a96b895281ffa3a0466bad578 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1681.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db6843553b3aff7cecc5e4293f363c6d3d765abd711e944c5491c7a896f38fc3 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1682.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1682.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eeed45f9a40831535b5c3a7aab9077b9df040b2f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1682.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:336506a59f209511726353f15d78a5c2090ac37f934af0fabfe359346b11bbca +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1683.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1683.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5feece1c46cd1e960a72bcf522264928111b88a0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1683.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4547cd284908843633fec096ceb733de0932765961999ab382b8c5481ca0b0ce +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1684.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1684.pkl new file mode 100644 index 0000000000000000000000000000000000000000..864af724861e2838bb0bcb469dba1a17942c7106 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1684.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2c2832fc7f9f84917bbbb0aef3dc00d2cb67e07b70f272a36a651d75fdc2a2d +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1685.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1685.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5f2b49d1f87f7faee230910ee8d2a71cad3126a0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1685.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bd1536a3081ebae16c46b2cd310b1fc716e1a2c96a8295d8dd6a5e0ea5550c2 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1686.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1686.pkl new file mode 100644 index 0000000000000000000000000000000000000000..64d2d19ac9ba33dbff6f4d4b8eb50b62522faeda --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1686.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3a75eda3c1481727c90e20bbe6fa7b62a14c78fb955665d334130b51f3b729a +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1687.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1687.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5bbd4c5feb8ec2218e09a1e61888da8c98237d9f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1687.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74fffa01f421e3239f35d082e2a5d7ca634fb0d59b11cb4b4a22417b39c2fceb +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1688.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1688.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fadbb6375a9b193b42612b270169e0b1f7509fa8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1688.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01db3f9a45da516812bff983bc001542419e6e354242594176c80cda72137919 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1689.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1689.pkl new file mode 100644 index 0000000000000000000000000000000000000000..00553115924d9d9a9a7146370d3e6dc36bc1b460 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1689.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40fdf784297801c142387a263bc462feb36b41cff38a1a75d02dfa839e2b9612 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_169.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_169.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3dacde1a9c9bf4ce80417ea857401254906e36e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_169.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2301533fb012b45f4495c434be004937c6bc63623be2801ddecbcf7bb347eeb +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1690.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1690.pkl new file mode 100644 index 0000000000000000000000000000000000000000..17ce122e0923001ef27a353a163e299ca158c453 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1690.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4e7c17e34aa3769fe52dd8dbaf45bdb2aaee30f0b189fef13f171eac00badc4 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1691.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1691.pkl new file mode 100644 index 0000000000000000000000000000000000000000..14d86e9f1c1130bae9572b765b4abf98274341b4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1691.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5568e91a3d736d9aab398176339d945da120133949acdb5308eaa7b88620755a +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1692.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1692.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a7fa930b7becfeeacd0073b8b1a688fce7aeb373 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1692.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ede6579eeb243b0dd2b6592d8b17dc8fb12218323e53b89b923d89bb18b3765 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1693.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1693.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6dadf513a6fdbd62399353c708c57a66a2fc3383 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1693.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26cdbe3da8bcee621012d54148164a6a5711215d83756d100588c83302a00f16 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1694.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1694.pkl new file mode 100644 index 0000000000000000000000000000000000000000..65f0fd5e002745d7bbf4bf47cc7bf1a582ae9bbb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1694.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e23760b43da1a3e9b3b866599cb0c54141b2bf750af31a8f6f30ac6ec8a743b1 +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1695.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1695.pkl new file mode 100644 index 0000000000000000000000000000000000000000..92923fbfd2a4897fcbb426b7abbbc36a3d295c8f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1695.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1dfd1c122d808adb749424edea9e4ad88d40248cf59605851fdaf3a89f7e73b +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1696.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1696.pkl new file mode 100644 index 0000000000000000000000000000000000000000..65cb77b0615a04501c6e525958c45ffcb1df8e7c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1696.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7a5e840d4cca8d9b0decccf4dd1522be187f7da7418d7a1b8a84fe2cdb932cf +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1697.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1697.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d47bc7740f61677ef9e2294ab16190ecc302c02b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1697.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9811e23ca9d6922b325fe119c32dfa880374444e28d35c3dd014ffbd8e3a391 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1698.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1698.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e0c9ece2f92eca46a20fcb7b8cd082b2da28e53d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1698.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ceb0e56d3268959c8f752e9ca44cf25ad47c4b375310854a26e7bdec1c1ea51d +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1699.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1699.pkl new file mode 100644 index 0000000000000000000000000000000000000000..32cb8394a7ed57732b8961901e8112573dde5773 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1699.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b8b342737d415f741499d6cd9d5827355a489aa0b582905d46fe68c82796941 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_17.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_17.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5160dee7cb3f802dea191d6c87d74a5b5e4704c9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_17.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c35f88ce09877e2c1222063cb634a784b8fdbe25cd8f6eba35b71203bdf31eaa +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_170.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_170.pkl new file mode 100644 index 0000000000000000000000000000000000000000..85d201edefcbb437fa2ac21c86c742dfe4d3f8ba --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_170.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e80a21a2941c95a1593b215b7dc5e120019593c9a9b003c8360e9b4021d9f9e8 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1700.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1700.pkl new file mode 100644 index 0000000000000000000000000000000000000000..49552d0af1787ddfedf22cd122f308c406dda34e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1700.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0df80e779f0db23c93f6686da6f26af8b6eb63190e8fed45c6925c63faec463 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1701.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1701.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4a7ca8eaa979eceefe3d80d58bfa58bd2f9a5d1d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1701.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22230849b8d262987d3c02f87877f04c05ab5a36bdec10741fac40335d5236a0 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1702.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1702.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bbc3943678a7dfc9c8c86761fece0b1187dee8c0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1702.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19f1eae09c0971b6b784e6f3830f7fe55cd959f77c0e8f94dec5977a0f0b1f97 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1703.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1703.pkl new file mode 100644 index 0000000000000000000000000000000000000000..42df75a1fbb02cdcb5936e86102d1465c9f5624a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1703.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:058d95ab0961f4e5201275294cafb3c689d253c668407984f41a706e20fce5da +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1704.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1704.pkl new file mode 100644 index 0000000000000000000000000000000000000000..61ee5b552c311a30185683924288bb1d4cc04c6f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1704.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db69f1d70ad7f408b6a1d618e8fcdb7dae34f3b014c8d5e83f7c05e245eb6f38 +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1705.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1705.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b74e0fee250e04682aba7f3400543097593361a0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1705.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b392fd5ea87c744596073dfabefbf6b920c290d9203c8fe2bb2e45f337698f9f +size 25828 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1706.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1706.pkl new file mode 100644 index 0000000000000000000000000000000000000000..83673d057992ac09238c0e2a57268297c74d076d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1706.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bcc534a9d06da945fb18b7e8d1e3ade44a6b367b229c950a914fadc21c471911 +size 25810 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1707.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1707.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bbf9b49c0661b3614b1e669fba50c8e7937fcb78 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1707.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a677cc56e3c351590b71e88f2d67a84f151739ba94130c8d99824c7b66204b23 +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1708.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1708.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4ce9da71570fc4a7f520979c658c7adcfd8cfc0b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1708.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e03ef91676bbe2180edd0ed51a940892e00e45037b4e1a5c1c42dfc7016778ac +size 25829 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1709.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1709.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fd5221b6313b371531e71c84683e592a32a8c56a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1709.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb965380021078ee3fbdea71c59f38263b6dee176964491d50756dd29a7bc4ed +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_171.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_171.pkl new file mode 100644 index 0000000000000000000000000000000000000000..92dcdfb21beb830cf4803f4ec3488cfd7dbfbf90 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_171.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cce544751ea173933518a2e766b461ba0d53e31f20c2e4f81f7afb2ac413c47a +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1710.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1710.pkl new file mode 100644 index 0000000000000000000000000000000000000000..140b1f096bccd3330a23c4ff990ee5f32ea350d1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1710.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25c56992c5b35563a99f7ab45930fbf8dc0905bff8a786e504d0deb48e46012a +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1711.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1711.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f0a31f7f6eaeec1329e6e7b86c8be79b5a3035c4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1711.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e47d9f0e1e443a51ca1df5c02cfd1c11f0cf4b1ba7209229757b280329ba4f5 +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1712.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1712.pkl new file mode 100644 index 0000000000000000000000000000000000000000..65c880083e93f5ea6c9816c01de7d8d91e679a32 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1712.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:335d7400b1670fc9f7f8b4c12b863ef70e8178cca8a17c2824fff7a3981cfdbd +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1713.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1713.pkl new file mode 100644 index 0000000000000000000000000000000000000000..76df593a0cd93649639792cbad892d572000b8c1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1713.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cdebb0b55830ab5fcd168e7b32c236bd2ad4359303684a6be4a2cbac0db1232 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1714.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1714.pkl new file mode 100644 index 0000000000000000000000000000000000000000..baedbadd8bc6cb11d637c16cc6fe9ff2e24dd6ce --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1714.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb2148212fdbebc4a94cd215f402a53b4ddf74b15dcb52349f5de12e0038ce2e +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1715.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1715.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d68daa2687203dbb1aaac62eae4afbad18c2765a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1715.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc8a2b0af535ef0521a54c9c92541c0f1a7f0d0b4ec2741ec3f9628c263407bf +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1716.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1716.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8c118450760883a7352506ebd8cc1f49ead36d39 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1716.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e73199b1ce403686022f36be2118a028556e20b0e42d5b42608d87cecccf43ac +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1717.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1717.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1a6e579e56ff84636d2a86675fd1137c01465c01 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1717.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48ba98061f365464937418980debd9a5c6e1fedf8b0a7644e953044176f05ed9 +size 25829 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1718.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1718.pkl new file mode 100644 index 0000000000000000000000000000000000000000..82716432c62bbed1b9ce08489472c5b464d48629 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1718.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2dc377ac7f13b259f9ff78292e6babfd341e0bd7accd7deeb33b5e65c4cd1bcf +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1719.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1719.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2c90d2e19c077daa3352b56bfb571919a2f0ed61 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1719.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a17d3316f152bf93f07796f1c6e0966dd9a72c9b5eed5806e861e66b00a9c257 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_172.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_172.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4bef6fa1cba30be310a3973270e369ec17345674 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_172.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:711a53661dadda5051e965e7d7b4ec57d82ae9443c1f9170daedf392d8ae449b +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1720.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1720.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f21070f98ea7910cc5f6acabe20a9b9ff05807d8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1720.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93e05443bdcb9932c3c97e09e7f5cdf884898f8c1ece67dd5bec7c28c00ab7b8 +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1721.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1721.pkl new file mode 100644 index 0000000000000000000000000000000000000000..128d94cfbf325fb95f0105249d2182e9e645bfa4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1721.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6adf6c1d56dcdfc9d86470bb9db93856b11d4170ca918dfa16d9bd7fa5675878 +size 25831 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1722.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1722.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fb8f2d3b698b782f43b47186dee132d84d4cf1f8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1722.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b8cf87982d75f0ba68deadd0cbf9b22a8f110bbe22bf67457f973704a7e03d6 +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1723.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1723.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a31b5f2b99c1d249d1a3d94a537c4b1358a01f90 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1723.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bca97d293f39913faf11e3b350e25b2afe0d9e6d6515bb7f287b051f4f7f37f9 +size 25831 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1724.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1724.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4d887f1a2985b886694c1a8371ec4d62a7bad750 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1724.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed5c3cbef59d58f5c8b9d84f19e6d8c4db38c2ebc26ce65d592522e1092cd083 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1725.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1725.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d6d2b4982fa7e68de2e5c9f809902bf1429ef63d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1725.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd930c6d7e5436c5a27c360199f607abbecb9bf58eb778e27a9c5a6c2135e8a1 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1726.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1726.pkl new file mode 100644 index 0000000000000000000000000000000000000000..422295608104c207125266f28cb7323d70362c40 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1726.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb9e2814911f101741b6a1429f3d8f8cd670739dc597b84cda8ba9914214a0a9 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1727.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1727.pkl new file mode 100644 index 0000000000000000000000000000000000000000..27d4633f6a4004c64a370c506b0fcc1a5ec6ff02 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1727.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75b8fde929da3cc0174f811a1a4c4e5fe8fc38d8fca35ce2ae81c6b29c0688a1 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1728.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1728.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9f4fe593ee616e9c3b24f840878efdf3edf3c99a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1728.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e674481440469b29138a73f16d97ad18b952b8f79f229be9c62e21df5ea1f124 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1729.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1729.pkl new file mode 100644 index 0000000000000000000000000000000000000000..445c7c9fd2bfaea067a83fd75db251cdabb5e87e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1729.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c502f598b32a9755bf08a322dea10d6f72217c04d175f2f31fd0d55e3bd9743 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_173.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_173.pkl new file mode 100644 index 0000000000000000000000000000000000000000..07398eb82e54741b557ebbcb87d607d540f5e0a4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_173.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93fa7de31617ab1d5333947cec0df3fcb605c3f39d94e1658be3157481689d66 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1730.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1730.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1e9ad977add807bb0926c093e6755e99f2ab775a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1730.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f32daeba25181c2dc2beab2f18419115a68eb5bb4e5db4bb0c70a6ce3c4ae3b +size 25800 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1731.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1731.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8ff7ea8f59cce3d1bedff784f292ba5e6cabc9b4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1731.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7cbc14955d29233ef2a8594e6b47a6db804dc641783107250e5b43654d1c8d26 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1732.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1732.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f2f08e007bd29af51b6742c0006e4a1fa951695b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1732.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a952b4626f33b121dd8f11223ee647a8edf4baba9802400383b79c56ec2ffd11 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1733.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1733.pkl new file mode 100644 index 0000000000000000000000000000000000000000..12ccf5ecb0a2aaf8430796efebfd89627fba8e25 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1733.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93726a56d33a6022d22b70323042d5b8f289d1c49c607f3dfe1c03df9d8f7287 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1734.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1734.pkl new file mode 100644 index 0000000000000000000000000000000000000000..52f00342af95a4abcc677b0d5edf1d676cf7745c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1734.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74877f9281cd489c6c6bf0fb3d5e4909d7a6b8feebfab0253995d2ec970dd114 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1735.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1735.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ae443c2d369cd329d71f48cbcddf75a0e346d7b4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1735.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d48e75b9a252434cff8f03e737e02ea28f650ee465b146d43ff7bdeda27821f6 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1736.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1736.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1e2bce2ec1ef81b97008db3bd526cd5b7962235a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1736.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39b80e32d3d1cb03af4655ac067c2effeb08366f25e2a89a5666834354892e04 +size 25802 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1737.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1737.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8a45ced75d386aceec0d405244cdc2f818ea9824 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1737.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7321aaab4936758baf2f0fda8a68e9d8347936519fb9830a18ea2662b95f5527 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1738.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1738.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4bb751ade488a341a01ef09aecdf3621aea2b153 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1738.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9860a9d8dc17b0d0d00e3a7aaa41f9cacaf6aa41866f6256020966f8d37a3e23 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1739.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1739.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6802be8a8a8aa1f263298f69b77bc7f3a36fb241 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1739.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0396f15a77ad75502949d426d361909c9a440f21c8499094ff3f8bf14a577d21 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_174.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_174.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e9e4598a5b489c7b6f5bac47b4f226c52b6539de --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_174.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3822e9c685675baa970125c179cd2f041ff7903460b88984c8ddf605b9a6f9d1 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1740.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1740.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2a12d3617d772440658529c184bb350eb5def4b3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1740.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d931df5325f683bfd8003f684dcb499579623ae7b84006ec3a19c0746129d015 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1741.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1741.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a6ea52115123afb2dc8f10a64cb08f0c5c94cb68 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1741.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f22c5db1b21152eee2eaf5c16f9a35a78ce64facd2693c558f159c4b3c5a9f3a +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1742.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1742.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2efe8920d4d5522c1e359afb0c831e404cb12ff7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1742.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0083f3427d2fbfa2366fc0fc4e72f7af0a235e1c52acadb1cc764de57e8f030a +size 25800 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1743.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1743.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f51cf4c202eb85030c39e503c9e013b17c959fbe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1743.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33e8003a1ef8dad76e61f82102dc19615d6116db4dbd780b2176d3816dcf38eb +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1744.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1744.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5c906511dbfb457a30ec8d358d10958017866403 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1744.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e36f13a7824daf706d450838e18c86afb5647a2bca699c87726185febfa36e82 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1745.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1745.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a768a89e905b2609d0c3138a44c1b31e099f28dc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1745.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8259b26d5153d404a43bf1202409bb1126f44dd3f9f593983b38aa20e4f3b787 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1746.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1746.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8ef80fff1dbe608357110cce539eae9c2627c2ff --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1746.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49ea008c5c4322093983746d82602ee581cef92d58efc19eaf769bfbc3efb01b +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1747.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1747.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6d934e620a0cb8edd7113f0a5bcadab2b8e5d1a9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1747.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed093ae860ae4f1b4131af2c7a370ff53f9f74cf2f53a5008298422f41b4c3c5 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1748.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1748.pkl new file mode 100644 index 0000000000000000000000000000000000000000..776c4fc1ee20f683dbf6ca115e4c60d7d69db840 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1748.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8232188005a79dfba688c67a89e9bdfbdb0a82b0518d4172e79914c1871dc60f +size 25802 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1749.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1749.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4bb26a31f3faaf32f34e405426aa9bc6d36dc5ff --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1749.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88d5e87e35b65c7209b820aa92f8142abd91bf1f57712a67a2e04c832d6556b7 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_175.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_175.pkl new file mode 100644 index 0000000000000000000000000000000000000000..95ff212750d1a795082391115a7706ef17525b3d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_175.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ff708aaf27157c17d47cfd901acefa15456beff9e0702144adb4e5386bf0227 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1750.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1750.pkl new file mode 100644 index 0000000000000000000000000000000000000000..298c827228477cecf0832fb956af07a7417751e9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1750.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:036108f16e07773f963a1055e578b0698acdb9fad4f8702cb426486f4cf49d54 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1751.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1751.pkl new file mode 100644 index 0000000000000000000000000000000000000000..802cd49c3b58209512320c6a4ef6344f99553f9d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1751.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c5c33d972bf724452498e6f8339cea9848e8d41ae3f3e4fe554045907c49c9db +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1752.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1752.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c530b1d061319a24fc7510513c77cb29e09810bb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1752.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:903e367e0b1d773916c5f01dcbe6a96f2189fd951995c3575fe2adff64400d32 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1753.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1753.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6423eea76d2ed9de3a99e33027e16cb657f8dcfa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1753.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21ae677de1cfd074822b7015d061c9e33344e0c93f7671a257c87d76ef6f4ca8 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1754.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1754.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0a1cb995e4d402e528e7ca346d2c9f33d1435731 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1754.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fff775af3f69f80105e6abdaab17febb2c0f93135f8cf9be9b51afca1e36daf9 +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1755.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1755.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2c503ec0643bc8aad4a2e122232c7435ae517b6e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1755.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dce219bbe79016025a2cde467973ddf6a66c371b90e24d5ee5628ecafcba3cce +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1756.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1756.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b73f556c27a1e50992a9eeb02dc4c6ea54943787 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1756.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a25915bef7247e138d9f96c64a9e12e93ad688bdd4aeac583a48c7f786bc4779 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1757.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1757.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eebff215fcfab42a2f1b838f2b41a49f61234e78 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1757.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:293ac0a3bee7822607c141e3a5de1cf863894c16fb455a98bc4eb81a205b52d4 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1758.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1758.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7532d5dfe1e4c27138100cbcad0fd6de77e4cddc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1758.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:998e9f5897e1062324e6853f891bb6f4e68a28fdf309b4b72d3ab67a71a71b37 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1759.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1759.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d471715b8d4697f7f7e03f3f62bec306a9ef64b6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1759.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f46a8a44b354712b26320678d5a09443ffceccf4ea2f678c8a22fd4cdbb89da1 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_176.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_176.pkl new file mode 100644 index 0000000000000000000000000000000000000000..86def24d6495c36e7e930dafc69741760e840f8c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_176.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49d552904319a2deaa35f34de0c7a38ab816825db16d9db9a25ccc9665849d40 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1760.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1760.pkl new file mode 100644 index 0000000000000000000000000000000000000000..da8e0aa4d8eb050dc688771a6526ca52e448141d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1760.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f37090935de346c3832a16d077fc247525ec13f5e99cfdb9960dfa2b9e50175 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1761.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1761.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dac4c945233198f9b7daaf611104e3bbee31efdf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1761.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0eee0dfb07e37e7300b94be6788b0842602fcd3119ed7c32d07ce90ad64abb31 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1762.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1762.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f453b6caa81269ea0c26c47b09a1e165a5448791 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1762.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93090d6e9dd51530a7647bae569bd1bc58bc984c775a7bf0ff1f0ac04e9baa43 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1763.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1763.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0886f354e7cb63d17834bea1589eea44ae4b1d48 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1763.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:910f46d95c91d3225b885de85534f9e86eb8f9b3d454d9068667f9b3e3fb05b4 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1764.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1764.pkl new file mode 100644 index 0000000000000000000000000000000000000000..627ab0d43f7b52da1b5d04d4c6de72a42e142a9a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1764.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e49a22d219f3cee2fa2a5c2998c4a03eff987feb82af0cbd142ab9d67862a9a +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1765.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1765.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cd31694353b61d8b621fbeaedd9397a7a74d297f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1765.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:139aa9c2f25d04525dc0cafd0a1c58ead3e85dbd25982eba93942c2ccdb50d15 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1766.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1766.pkl new file mode 100644 index 0000000000000000000000000000000000000000..beaed5cc8016577abe4b4f6afd76c9d7f693ee40 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1766.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7adb57f953255a0f312d589bb72352999af7a23472b42de7c2f189a57af32884 +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1767.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1767.pkl new file mode 100644 index 0000000000000000000000000000000000000000..55d295c6ba077a640c2164f22bd0d145ce63f2a0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1767.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:528bcfaa59aaf7e63bc54ccbced31467f81bd7adac213716781d2636b756c8e0 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1768.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1768.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d8e551a7433c7d6f8dabf0c3a9444c14f8d98947 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1768.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65b6b8aa979927e4b966f2018e1d4f710bfff2a64668d0e87b3063bb594a58b7 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1769.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1769.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8e82546413c7c166554eedf4c3f3bbed8886eb52 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1769.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a561f49e1ff13856fd3eb20f0a8223b418a7b4af86d6c9a3cf84d7179852ccf6 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_177.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_177.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dbcd5c3de31a7017a625fe7f56f6b81b559876b4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_177.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6e49e41a1a552b57746b66d9144a3122971a31b6debab12d01f14df612d7663 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1770.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1770.pkl new file mode 100644 index 0000000000000000000000000000000000000000..254bc93182a7fd45d02fd4162d605ea900fd544e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1770.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f7948cb2b6c8ada8084b52df08507faaedbe73ef8f7a20a339cee70e9691aa6 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1771.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1771.pkl new file mode 100644 index 0000000000000000000000000000000000000000..83609f2b8beccb0ebb7c9fe1d212233401bd5c07 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1771.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ae5c5a6e13eb1970108003766ab5f1a54420edbec10e4a72d54d44b5a762355 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1772.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1772.pkl new file mode 100644 index 0000000000000000000000000000000000000000..449503c4812e02425d9ad3ca7e5895c8d00066c1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1772.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3bf6616233e522d8d65c9150afcbcda0fc7d88aa53a98b15d740c7bf2012f82b +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1773.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1773.pkl new file mode 100644 index 0000000000000000000000000000000000000000..afda6c6175ca66eec045055f39c50a9121708400 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1773.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:892a6952b44b7f627e7725e7b7707535ba28a6c429738680718a6e257d04a072 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1774.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1774.pkl new file mode 100644 index 0000000000000000000000000000000000000000..da25aacb5dfc326bea5021ad8ea1e5918f3cde7e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1774.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2791ca0765d33866458e853f6c70950f4ad9d58601d47d6bae2bfa68ca0658ac +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1775.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1775.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8233bed95808ffbf97de2a810edc84f36c21855f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1775.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0dd287eaf4341e92215061fc3ca961706426e68b1c13686ab1d2112acfe1e448 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1776.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1776.pkl new file mode 100644 index 0000000000000000000000000000000000000000..207e0a0c8d421e3e035a55aeb4d41ed04e6a3712 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1776.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c6820f57960e9aeb3f110a070442ca00f5495540f455c0f3a9b8191f5e638af +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1777.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1777.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e730db185971312ca4ececa6c71b77c474b78562 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1777.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27c6bfb7e6309e81a2f7ded643e91ea3d6282d5d5bf4e35bd0b1f67e6d849cc3 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1778.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1778.pkl new file mode 100644 index 0000000000000000000000000000000000000000..206512b58047d7d3bc105de7d055504ca93b7618 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1778.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87993fd1554d65d8ba2d34ce5e042b74ec7421cdf687008124623440a7f24285 +size 25801 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1779.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1779.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1d73f23289929c5d015eec2708eb3bd2bf3ba758 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1779.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5501b2039d10e66218ccbef01b845d4cb2daa941b427694a38659c2e28f844f +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_178.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_178.pkl new file mode 100644 index 0000000000000000000000000000000000000000..374c8924455dab9c3349ca06bf6a926a232d0747 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_178.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a77112e896a27a60d68516bb7593c6691e205fbbc4f5c5acc94a8ebf52f9b64 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1780.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1780.pkl new file mode 100644 index 0000000000000000000000000000000000000000..13f38130069829c9121e6b44cbcb52bd33f6a1bc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1780.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc61468e1845c3d8ac26c2510a607d3fdd44f478aafef7f0bb69b9ea1a47631a +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1781.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1781.pkl new file mode 100644 index 0000000000000000000000000000000000000000..43706b5beca5366634dc4a2f4c3118dd7f156655 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1781.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b48c16226de330bb73dd0f4caf787dddf6c11b5a17f6b87fd89bda3444df3f33 +size 25821 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1782.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1782.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e6216255dd86593ef76e08fe6b932259dacfd32c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1782.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c217501d63ec2523797d969186154d1420678eb31f27d3f99b1fa539bfeb6806 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1783.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1783.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ac70b3885a76f573f4b612e457e25b23828d1499 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1783.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:643c92181a39286b975a3550a7ca0b90ba4dfed8b7edc22a1aa39e552554e258 +size 25821 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1784.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1784.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c67dad85bc640cfcf18c9a7a065a1f235e45295c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1784.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9da317ff802859e0e8f69551212fcbaf019069c048f01bf5b8c0748582805ca +size 25803 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1785.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1785.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fbdcd79b7d256ae65567be159d8d391b3e749945 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1785.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f2c045612fd5c1edb1b258cc1aa7f12d823ead7676180bb606d0b3ba4a423c0 +size 25815 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1786.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1786.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d6b1bb918352b801d1dd7d9663a18276ce0223e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1786.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd6c49c9b0efbd17a891a1c66085920f9b286c08ce4fe396c491771817330f5f +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1787.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1787.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3e33c21f9a6cc1daa2a77654609f9e1a8f01238f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1787.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9c68fbd415ae5390abb99e928b6738abaff67651eb68e1d594c07e61a15e657 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1788.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1788.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b03285310833b609ab52622c8670de904ab83093 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1788.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9df2e616b9f9661c764662848d359d76b1d5be9ce5537b162af8bb142914a801 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1789.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1789.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f1a3ec388b8ea145b1cc4e5d898fb9c4b1530b1d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1789.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5da3fd8a43a84ce2ac8e2efe3fc7b4e658d6bb7cdc19002fcdd5c936d7e2b85a +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_179.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_179.pkl new file mode 100644 index 0000000000000000000000000000000000000000..44955073f1767e462daf9a5fd3c60791c91a9b38 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_179.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a4bddc05ae8e2de7373336619529541928c8138c2c3271ad6c38ea63d5e88ae +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1790.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1790.pkl new file mode 100644 index 0000000000000000000000000000000000000000..11e19306676572bceac7fc81044eb32523871947 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1790.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e1e96c4657e3cae09bbeea753224027cd97badc335103167c6363b2f35131b0 +size 25801 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1791.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1791.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e6ba9692d00287f76ae56323b81ac518020f313d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1791.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce370c54fd68501df512557eeea236b53fe8d015ade27f39582386b90a20fdd9 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1792.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1792.pkl new file mode 100644 index 0000000000000000000000000000000000000000..55e1d4ee270a820fe1261449151749e8e00d79d3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1792.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5afc95d1bb9d2087ceec5674a43991d35d2734d7bdfb918ea132dfdab3728226 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1793.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1793.pkl new file mode 100644 index 0000000000000000000000000000000000000000..52c3d0501e509116e8c6c088d343e66244614425 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1793.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e34b4d069f7fd4efbf57c8906ad03c30deafd9702636fe3d653b0c2c5ba8b17 +size 25821 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1794.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1794.pkl new file mode 100644 index 0000000000000000000000000000000000000000..28d9758cbbff2eb1091a83c083ccb7ff0d2abec2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1794.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44a87a3b819cab2dd0e4026b516f74f464338084c78755d96bd238a12c91f101 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1795.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1795.pkl new file mode 100644 index 0000000000000000000000000000000000000000..590bec71d90a3042d47d7714126b978dcfce24f8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1795.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a62fa5b6e99a112413a10204a62d31ac69c5a4092d07dfc594ef5f6fbaf72bfc +size 25821 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1796.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1796.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e3c3f4de7efe42a160e19eb835be7fd06d3525ec --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1796.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a9885c16f141ccb3af0ca877f8a981c62d993eb1f1cef1d05d7bdc62bb8a6ce +size 25803 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1797.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1797.pkl new file mode 100644 index 0000000000000000000000000000000000000000..60b03164b5514051b50b29a8985657312b6c0388 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1797.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1c6e866a37bbdefac2d3eac2ffd351fb49dd9f22972f1c307d9d0f5d1d0d92c +size 25815 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1798.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1798.pkl new file mode 100644 index 0000000000000000000000000000000000000000..833cf21ff32dd8fd0da476caaf28c23fec5f588d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1798.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49a934e531e916cc7af6a46a6475229f9e87fbe49185090fd1627bc3e5387240 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1799.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1799.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d6ca57e11070b7e699e826119ab9506995a2365f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1799.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26739b880e4dd57de9e41cd1f1be226f31d112cf40931705a8ed1256888be92c +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_18.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_18.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eb88616aa081970654783f7e6e24d32b4db52fd7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_18.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3d3741b073fe531283c16856cd2fd7570cbeb20d350020b7bd41e44ad1b6e63 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_180.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_180.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d04c8d14e1623be419b79d233fc1be685a9b4220 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_180.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d93f1be98d2bab12668dc1c5cb2a4bac2fa7969cf0641d083078e823eedaa168 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1800.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1800.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3d4e9bb78d5f4c839e62205168775643ed808bf0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1800.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8135a13ede5e2ac21296753693ed977573a31d91da889ed18a013d71f9e7f354 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1801.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1801.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fb45495bb6c781f4f373571ddfc30f3228629ee2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1801.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d63c48bcef0e7622f27b21529b1464717cd7e1fa5c5b10c8090ad0472179cd07 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1802.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1802.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d197a778a5f6e44e4f7046aebd3b1f82a91a867d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1802.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37ab4812ac6364fcde1237e13471c0d194982219fe87aab5a7e3d0c08b16ad18 +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1803.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1803.pkl new file mode 100644 index 0000000000000000000000000000000000000000..641bcd8616ee89d198c6e7541329ab70fd7edce6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1803.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef2288e52577f827892e49a99f015dfd849ae3b90c332d644b89dccbae88c98f +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1804.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1804.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9455ec32a73acf72dcef0b702046052de76e8092 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1804.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af17ce8b32408cca2284d18a8aef2862e61abf56f86c6c321848c322e79ddc02 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1805.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1805.pkl new file mode 100644 index 0000000000000000000000000000000000000000..38469b03f330cf73ad05b39b2059cfa6641647a6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1805.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c451622876dba7807d9bd6f8a78e6c48786fa33958bcc7fe09e51433c6580284 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1806.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1806.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2487d432fec79ac38d62fc984ca3172f9daea9f2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1806.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6413eca3902b2d76c6aa5535727959a4153a317b6ab2b7b58d878f94c15c074 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1807.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1807.pkl new file mode 100644 index 0000000000000000000000000000000000000000..62706dfaf452f6c4e1ff9e7a374f0bb2333ce31d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1807.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78b239680702e89cd9957b51c7dc6763690694ff87574e4ecc9984cca063b4c8 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1808.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1808.pkl new file mode 100644 index 0000000000000000000000000000000000000000..97392740a5078ac6cd9f9262675d2cfd8ded14a6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1808.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf23f33bd1da56bbd4e5b142c28e0cb0e5c99538bdf710fe50e5a94530375988 +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1809.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1809.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9542af6056371aab29ae736b587eaa69be446fe5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1809.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ee686e288df52fda10717e8514e2a82e64799acad9d7876a8af28fa90427ed0 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_181.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_181.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ff2b828e8620283920e90d05e2981a8fe97cc9c5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_181.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd2c36d2190b6411ee9d9ca74e87ca1ac9d5089592d3f792feb03e53fdcca006 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1810.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1810.pkl new file mode 100644 index 0000000000000000000000000000000000000000..190fbc7466c8561dd558bb5c4d84937ff6cded8d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1810.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65989834dc65f21bcdbd3c2bb8f355249a7002f8d687a88e81813a494f21186a +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1811.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1811.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c3cdf1598bd44c6819af82bb5b07adfe1fef5f45 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1811.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:038ee31b1d69c5cc631a5ccbc0f6cad71a1f4ce67ac9d297a077ab613e8f75b4 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1812.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1812.pkl new file mode 100644 index 0000000000000000000000000000000000000000..868e7035400df2fbad20f0e3da073a5f8f92fafe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1812.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f56e9e3f889ad89e202c515b11789c119980814ea1c71e0d2446c64e0d1a57f7 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1813.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1813.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0fb6732ee84a6bd179c3b3d95df538719930772e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1813.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d6baa27c895c151fdea1245bac519b09f7cf8f1b803e44549793e82d677ee68 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1814.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1814.pkl new file mode 100644 index 0000000000000000000000000000000000000000..44a3ab2cd65b28e0633d907b28433b2780ef0577 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1814.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f82f4c35e5bd68fa3b8dc6c7c0eafd0074bdf1b13cd6ea47f7a144fd508e8cef +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1815.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1815.pkl new file mode 100644 index 0000000000000000000000000000000000000000..99f759da84156b803899638a18467e621822f164 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1815.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4752505067fd55ffabd3ccbe15c42d0c1fb34b15ee6c32d6f208af423201529 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1816.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1816.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8f440e0737664f0b80ff3d37fb9fe7e7cca288a1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1816.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a51c296a80dc95b27e7135709dfeff735a519815cccbbb3dda94d84b8f17f4f +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1817.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1817.pkl new file mode 100644 index 0000000000000000000000000000000000000000..47ce0df6793e296259b0d67cc2c83903489040cd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1817.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98b6fc6c6b1311eb9ece53708192b6cb90e5e465a1867597153ee857a97f1c38 +size 25827 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1818.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1818.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0ae1632399b9f8c999be8610677442182de11b55 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1818.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f50ba8de95a4967731158c53471a01810964cb332e64786b1309c25416f44295 +size 25781 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1819.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1819.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c54ddd5d9991bd23912dfd546c0cea573ecd5427 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1819.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bf5796e5d0c6259c590feeb0df71e4962304bd82cf583a9afc48a18abc62cef +size 25827 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_182.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_182.pkl new file mode 100644 index 0000000000000000000000000000000000000000..10e5d47672c75ebf336e6540758253f8fc1b6c07 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_182.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95888571a8f320e3f32bfd339e4a4f442c7a55ef18de4d599965dd8e20125896 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1820.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1820.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0afdaacaf9f85ebc8a7140606e459000ce200134 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1820.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9609cd40ace537ed4d427c227ee3fade5876e6ca1031e0f5b6ff17e48b0ed88f +size 25809 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1821.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1821.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d58a1cde23f4fcd5fd975c5b285b154b6866b269 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1821.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af75f9053240a525e202c72cd9782e349cec24efa155ce496156180eeebfe430 +size 25821 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1822.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1822.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3a550e0ae4a1cf953dd024cb5a27e8624d92f1e0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1822.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11af225f86e751f55dd2dde9a8154e3d46ef9c0542eb3ce7cfbf232191ed3297 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1823.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1823.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8e2474d894489a98a8af5128ee472bdb211b2a9a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1823.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a51fd1cc45d96f6830ea32188186d4ad4b205caf375ebc3ba21ff174233f5a2c +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1824.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1824.pkl new file mode 100644 index 0000000000000000000000000000000000000000..05724865c18fc1f9c6d7025f452c85832f131747 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1824.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c949bd9c3c7c7c2593964fcb134bbf2a2fc2de56e2810825dfaf688b8d0d799f +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1825.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1825.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6eedaf79a7cddea475edf149cb656ab695006e2d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1825.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29d36ce18232c8f064cbaffb12afc4ba486f11097e18bed1e547b05eed3fd976 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1826.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1826.pkl new file mode 100644 index 0000000000000000000000000000000000000000..16650673161dcb3670f1be2366d001f346484576 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1826.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4dc30ffa33f98b6f72705efceb1288d1e01d922e47323a1da20cf56379fa8342 +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1827.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1827.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1a96e1637b36e0590bbdb0c1042a8966cc171be8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1827.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fdaa6db2408502a25a997648bd36ac38be7a6cd267be6a86305db2024d4f72b4 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1828.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1828.pkl new file mode 100644 index 0000000000000000000000000000000000000000..60e52ae7e8fe7fa1b547cfc91c9e6d3ad681a2c3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1828.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca85eaca0d628552589b53d5758b655c47d1215f7507afde70961f2fb72ee110 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1829.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1829.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6ce8106f83d5ac58ef8b0492a49fbc9e1ee7f44c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1829.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6c2809b61c31d3179a6400ab5fa48a5b9b7639221d77bf19acfdac797db5827 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_183.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_183.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f26fd308a9889d830ef66a6368be81e9af80eb76 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_183.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:beda61a9b8b52e9f4aebcdfc60870eb0aca454ca60631a1351a95b6c6cedf27d +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1830.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1830.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d961ddd56d7d8e447885c394a73b3c6a6bdb92b8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1830.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:00e43d74e635ad769f9c82623572aa1cc02ebf667d0e4d142d12143c2fa6b0b8 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1831.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1831.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4013bf6036f0e408cd17f43e50dea3462aa7d90e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1831.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81db6fd2dea93c03bbf4d9a426b4f466971419956926b504507f722b9fea2936 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1832.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1832.pkl new file mode 100644 index 0000000000000000000000000000000000000000..819bfc57eb66187413d37eda174caac4072abdbe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1832.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1cccb3ae5f2085ca6e6c021ca7620bb572430665bade732e5f19ef1a77f1173b +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1833.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1833.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b59b8c24ab3fa3663f317fcc13084f114ad55b19 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1833.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae03791a39e7b4eedb27d1598d16ad5fc7ec3f50d4b156659bf6f0da4c3c84b6 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1834.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1834.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c2ec6d1e3448a751630e1cec1dfd42527014c0d9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1834.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66bf63d0f9d48a18fb26fd0b30b19b8aa0eeed491e521a7b615bee5c0e1f4ed4 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1835.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1835.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c1df911a687aa876135e2af0766b80abad62b965 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1835.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9ed93d680bd0687703787fdfe5d965a0b24a45312bedc2801bfff17b2267efa +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1836.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1836.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fe53461a35fae1ce1402ecdffd6ff8f36e088578 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1836.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20fa0d3a0c49254bf87ff502b2953270e1be8ca058f231e97e1c58ed36a2fa13 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1837.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1837.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3344dc8cc0f398e62a2edc151704e4898e2e78dc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1837.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24c436c1a04e6dddf2d44c8063ebcbb49acd653942c2b87af8fcf9e0ebef5784 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1838.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1838.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a56fccd4016a5710239f03db0da8e8ae2df680f3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1838.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fc58852707ee81113447399ca73735e8906a7c71a6ff3e6264021fce32e4475 +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1839.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1839.pkl new file mode 100644 index 0000000000000000000000000000000000000000..79744317103ff73c27f0413fa048e1dbad3f0112 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1839.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:663d6d9ad2f5f464da1a9c6c7237a15263795f3f3dcfa586950466e2155dd940 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_184.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_184.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9162b1de957a48327828b1ac8c70a0b1a976fff1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_184.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d5ac68e4cdc0bd6298b2a7b9958341dc8ba688b4de783c67f380928f8c5d9d0 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1840.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1840.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6da51e0ba4aef80625d4f1a87c9156cd03f3a782 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1840.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dbb37ddb962caeb110d4f56aa014b566b2f971e0be6012fdd78250396b1d1438 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1841.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1841.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c7bf534dfd5552608f3b77fcb2f1f2cb85f66a62 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1841.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd6ec141aa4bf2553d6e2427c8f0db8c06d43075efbc2ff7433cf4f730de3be0 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1842.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1842.pkl new file mode 100644 index 0000000000000000000000000000000000000000..be9712158c7e33355ef6effb8286d35eea22cc15 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1842.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d02a0a0d9d68f6713a187f6a6c5cabf9827b8e3a58f7c503d0d4135c1cd9e54 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1843.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1843.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b4c665f426ddbee8b6da795a0a7c8f825cc60cd5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1843.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c80ab9fb20968c9f6899eb2f39caeee028492de70c6cdbd2e4396b48d9d0b1e +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1844.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1844.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cf3c57bd329c8de1e3c151dae03db9ed08ac1071 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1844.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0415c955fe50e2e14168dd477a51c55690d583e8bd158c27f4190f7e9cb26ec +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1845.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1845.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fb336bb157dbb58df12365b015dffd96e58e9a9b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1845.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbd9ab9149b4b9c110f7b29e186b23329e85095cebf54a26a8a2acae93fdda3b +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1846.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1846.pkl new file mode 100644 index 0000000000000000000000000000000000000000..69df70b679c7d40f6b569b92ad0168981a371f95 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1846.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5142439fb93f6700be61995e5f55194949f68c5262cf7dc219d622e9ff6061b9 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1847.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1847.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a8ce7806852c8a9c58154ea7887bc754573f26f9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1847.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4d8596556e321396bea53174def797a9bf4126c6cd66f83cd4ec2043c6b79d0 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1848.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1848.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8588df4e0df67fbdf76cdcf1debc74a8f9d47db0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1848.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0cc86fcf65d9fb2603f48ab69c3439acbb2036c55a1b3db92cd63cee3bd00946 +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1849.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1849.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d85e91711c2ea83067363cc3185335f415a4996f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1849.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0c4626f027ed6385d8271662c497020b22069d59ff8c689a073e08b1dab70db +size 25828 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_185.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_185.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bc186723248e53e9765294f0e1fdb77913dd8ea5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_185.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d208f0d49d47eb9c6b2b9c826f81dc633adfd7a87c9bb39a06931ae4f8a2e811 +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1850.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1850.pkl new file mode 100644 index 0000000000000000000000000000000000000000..96b7f46dd21356c343706e41cce9e66e3d2d20bb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1850.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:480fb5bd42c159c91859d9b6fa7b9c786868a54fdafc5cfc08ff9ea2775e1c97 +size 25810 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1851.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1851.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7aad2149b38af9539cc026306c11fab71564752d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1851.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37beffb89c99f3618e6fd59631adf65bed516d2aaf904e232f37cfdf92e96214 +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1852.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1852.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e799454b70f0c61f1ce9fc22aa1a7e50b6276112 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1852.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6dc544e91b47bb947bacfcfa88f623a9f781e7cbe116e00ae06356d2c484311c +size 25829 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1853.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1853.pkl new file mode 100644 index 0000000000000000000000000000000000000000..90ea44ba55c6486a88a0683984f2aeadda28ca3e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1853.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dff10ec980c6256cdf0181ebd01068da3d412a21dbf291238f79f219812f4edf +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1854.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1854.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d6f27b4626d69cc5ea3b7bfb05a622c49cfb90ee --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1854.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05ebedb4ef323e614ab00e3a19ebf4c38c743cf36792948a1ae1668073d2135b +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1855.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1855.pkl new file mode 100644 index 0000000000000000000000000000000000000000..06e5113056c84afe44789b995e6fc7516605233d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1855.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e811b9908521bc96251add9fefa80e72dd40cfeb8b86e93b4d5fefe1962b327 +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1856.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1856.pkl new file mode 100644 index 0000000000000000000000000000000000000000..65ab8c590dd65fca8a3dc1ef0d934c397038b5b3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1856.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73107f3661d208e3aa87fcc880cc8aa1dec707f7b6edb200781801053cb33c00 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1857.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1857.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d8ff4a37cc964a8d0160448653f139a05144ecfd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1857.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67bf272c22d119d48bbf38fe360a5acfb0d6ddd5cd79a98fcb14187a165273b2 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1858.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1858.pkl new file mode 100644 index 0000000000000000000000000000000000000000..692dd4c332c676e3179ce50c2878afe29bfd981b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1858.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6294b71f5d05ba7c02310e1b265663801b18c87fbf83b2848e283eceeeb714e2 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1859.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1859.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fc970f8f032c5750b7b8aeaa3f1a87af6eab9615 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1859.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5280d5c2dbdf9c7117f3a3da924cdd1519e710771c32c8cdf16be269e5682d5b +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_186.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_186.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a684a71930201d358f83ec5614e20a32187541a1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_186.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c3435f3092c7e8466db20f21c06e6efcddab705b04d69214d644b83fe867115 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1860.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1860.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eb9ad19b947e7b7e014d73d7537f4c8f33e3ea31 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1860.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42f7bf090eaee6f42561c2f2243139056859039ddd3aedc7e0bc984fa677e01c +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1861.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1861.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b9363b64520b622106b15add51695189f4d0f0a9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1861.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cbe6756bf405d5fe2bdad4965b29c765c64be70e2e08f9f7c3b70dff8574dc9b +size 25829 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1862.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1862.pkl new file mode 100644 index 0000000000000000000000000000000000000000..87a6b273df9aaf8582db2c25449e05803de8b853 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1862.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:296b44a0bfd9cf5d6acb8be09b77c4de8ee1822f51a7b3c6bde3fd7bf5e51844 +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1863.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1863.pkl new file mode 100644 index 0000000000000000000000000000000000000000..36d1264a538c82039a22b9444b5c467fc3d059bd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1863.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68e3587623f4c996510d0b517cd24e51a61faac47b66378a6c3e8e853fb03873 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1864.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1864.pkl new file mode 100644 index 0000000000000000000000000000000000000000..724605c05a07d723f53668de6ae82d45eaa4ed17 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1864.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d63272ce2a4209e4554af46f6a2fc956cfdcd7288c9d8fd1b76d5da6bbc0a4d9 +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1865.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1865.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fae7da894ab4d2b23a4bbe01069276271858f59b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1865.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca23362076609c52ba2be272735e9d6089316c3b3424bed7eeeb4dd84595d9d4 +size 25831 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1866.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1866.pkl new file mode 100644 index 0000000000000000000000000000000000000000..469ccb38fce9d1bb245beb84d49d8d8eae2354e1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1866.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3b2a6b725556f17db4384b14f823d218ff7a1feb48a2c617be3a34976932dc1 +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1867.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1867.pkl new file mode 100644 index 0000000000000000000000000000000000000000..81a0e5a394989f09886ab3cfd42db8f6ddead721 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1867.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae7622aa70642f314032a4abddd0fca9bb92963392a7ec2c25eaae0afd288be7 +size 25831 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1868.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1868.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7bb3dff5602e44955d7fa873c14ac99f6c09e53b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1868.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3be7bb666d04c419527d978db8118867a584e98e9a67b3066537b6f5d1cfe2f +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1869.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1869.pkl new file mode 100644 index 0000000000000000000000000000000000000000..596e98958d0b1b7c85ca0209c3e6b3f5b73b1109 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1869.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26ff7a782b3b70a2f5006b2fe00a983c73737d2cba311de8aad2000643364f53 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_187.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_187.pkl new file mode 100644 index 0000000000000000000000000000000000000000..55c7389a4c2aac9dd55c394c5f97f418fc3ce11b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_187.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d5a4ab6652376393862302f02c4c5b4085e3d0dbf026158a6b7c9dd4d0ed100 +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1870.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1870.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fe542d8d3f59c6870e7f19da96f1d716d87f75aa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1870.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c88676d267e8e2513144f4549f8ac9cc871ba996e60f4d5cb9aed458750f39d +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1871.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1871.pkl new file mode 100644 index 0000000000000000000000000000000000000000..69ac274e34443df764bbdb5d441b8cd664668497 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1871.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff1daa0c9c4f8c7ad4951b53afd6357c2e8ddd69036325274edb1122587c35e5 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1872.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1872.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a8c6345d1ab16f83c68047868cd71142b432035f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1872.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80c9aeb2f6ef5b95d4d92d8c3f5bb8456470f29c57c8066d983d4de4ad46baf6 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1873.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1873.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a5b68780579dda4acf40c26e8e5efdc4bbfaf0b8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1873.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99911abc34420907da434d47e3fefdf1b7d93076819a536edd7b265ceb057927 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1874.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1874.pkl new file mode 100644 index 0000000000000000000000000000000000000000..45acbdd8e7e262f996a5fce8ce497c0700ee2a8c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1874.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ca7995bb3a7fd00bd024c18708beb9378cd0e49089198b17cef32c3d066a343 +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1875.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1875.pkl new file mode 100644 index 0000000000000000000000000000000000000000..826cca92e8dc518fb4512cdfeba6632b6a7eeaef --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1875.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7cdf5edcacd1ed47ccc1b38a776e79ca6a169aaae118e99b198824c94d2a6151 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1876.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1876.pkl new file mode 100644 index 0000000000000000000000000000000000000000..be782c6dd52afbac6e1768f1f04e2b805a0ea566 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1876.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fc3ab95e6927be0c7202dd3fd40075ba2273a850efbc74ce55ad860493f8b2d +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1877.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1877.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1e7d8ac187ad572f6c530194523eacd0d22bb543 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1877.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60d2a76fc577721fc216313c8e2721684bc51ff34b575ffeec7bc09e590f6d73 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1878.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1878.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3c4241b2bf28f424a8c22c9e0fee2fc75fa07dad --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1878.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f3cde4dcbc3c47684d927cb72979e0815ade4e210d6d0716a5a7438c5ae49d1 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1879.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1879.pkl new file mode 100644 index 0000000000000000000000000000000000000000..64b5f145046b9108bb79c17a70d0f24054dfbe37 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1879.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5811c607ad7bd54806685e4a06f6b70954880e8b5bf723bd844197972b2d621c +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_188.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_188.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f4d0309bed3886425169f1011b4c76a5b9b9a02c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_188.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e2349cf3e9f7870217a00163e470ea2d669f4744a7011dcfdf8f4a449b308d9 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1880.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1880.pkl new file mode 100644 index 0000000000000000000000000000000000000000..81863604dae260cb74e325f3f16ecae7b3afd678 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1880.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67adf3912d0b0bf23cdea07128d41120a73e5124336a870913827b48640fba45 +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1881.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1881.pkl new file mode 100644 index 0000000000000000000000000000000000000000..965ce4847c1ca9feb77361277f310e66bdbaa0ab --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1881.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c1d32d9db904f560a6dddaab61f4ad6b06ac1b78d9e1b364feb2109ecf72f3f +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1882.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1882.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fc20c69e11935b172af33552d31830a7be08f788 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1882.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f770e69d4da614d8037eb8da6baaf35c28da0206d2f69d385b02857ce7386c4f +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1883.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1883.pkl new file mode 100644 index 0000000000000000000000000000000000000000..39cf487fc88a94c3067695a0da3f75e5076be2bb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1883.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b76e68af29b8d23bc648fce9d772183b2885fa43658f228d096131b6df4e1692 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1884.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1884.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8db9b56e17c84299f8d8616555b751fa671749ea --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1884.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:460b1c721277b799606d3aa6e73bdf2bf82c18bdf1a3a99d8ef4cd0a27906137 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1885.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1885.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fe05004661dce04e61acb6321d4e16bb08caabaa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1885.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:933242ae87ba5e6ab9071cd786bfd9234a4e568f0d48c6178b8839f6faa82a08 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1886.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1886.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a21874d242b2c3b0a3f7ead28d255b374a95fe57 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1886.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30a40014dbd90e90abda9de645d5a014ec43f0897c06ec2e463bec8ca0f3ab6a +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1887.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1887.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4eada9cc12ece37171f8c39631d550c560ae7ff0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1887.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac28e8127805a481a61a32752fdf2ddd0bea23b1fec5ba781e6afe86e6122759 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1888.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1888.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a6bbfb1b3664552e296beb1aa19f0112a889b0ac --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1888.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d88cc9a996c1e8ebb779a5ee923804a8f80e919173fd65a4f6f1281876eaf56b +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1889.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1889.pkl new file mode 100644 index 0000000000000000000000000000000000000000..818f316d275042a78031a0a9f4df15a95ad846c8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1889.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d27c5703ab1c09f69e7b7716c706699189f50658f61eea85652f06720a4782fd +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_189.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_189.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dd519c9d529aaa5fa32962ff481d607e4dc00c6b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_189.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1a204544b8388338149fc436d4e6743d807e41e92b8fafe16dfd330fbc6676e +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1890.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1890.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7acc48ce6ee895e85cf7153191cff0a417be86e4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1890.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21c6e92ad915094b9f32638d7eda4226c7399a4a394148b2ac9c634eef844d8c +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1891.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1891.pkl new file mode 100644 index 0000000000000000000000000000000000000000..24a12f17f4c4ecfeb3fea029b0b44ea38a4dad94 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1891.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85efec754a4e3cf2379d804e45d3e0533678279c682287fda07514322861e035 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1892.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1892.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eae3cdbf76271a6280a814456ddd6af85ed4dca0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1892.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f1c59085adf8e89437fe94d4ee06a0b012f15c55ba4c09d6f7146c4849b2041 +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1893.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1893.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6f040c5130b7aea27df188570119573a5d5f3694 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1893.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:658fabac502435504fe8e5e71bf6da04630ac4c70b1a54b5847b3f8af80624d1 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1894.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1894.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9625caa658a321ff1b9aada88e25be367b32bba7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1894.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a8cc742ebf8a9205067515442b9db90c755338acf347ab5a9bfc9a36dacbdc3 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1895.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1895.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9d2997b549c15887e672c6bab70f2ce182820c5c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1895.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:892426d19f872857005276fd4e7895fcf8bc7105f717082b95197775df23bc29 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1896.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1896.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5efa9517a56503b18620d1118bfde93895c6310f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1896.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5db45367469e66ea68341344a38cc4ed525f30c3cdebf57e00e6bb1c0c175190 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1897.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1897.pkl new file mode 100644 index 0000000000000000000000000000000000000000..551dcee9a681b439da1414cdfc703336a859ca24 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1897.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4538263eb01875988f5580d665d45653481a505cac1a873cddb87b5f67aa20c9 +size 25829 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1898.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1898.pkl new file mode 100644 index 0000000000000000000000000000000000000000..625fb8ec5118a99fb5e3ac31e1bf9d36103fc391 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1898.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f271caf25924dee93f8031ba74487ae4d769ac150b5fbaeb963973414711ccf +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1899.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1899.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9049fd81783411c772d714eeb5a844d342b4c819 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1899.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84db46979d2310ef45298d6c5774dd2fbc275f0d12e1fc27e8e8e2574696853c +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_19.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_19.pkl new file mode 100644 index 0000000000000000000000000000000000000000..26ceb811b559ef08bb3f3731dfdef4012e99f821 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_19.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e93c569d5be42e89fc164b3094ae2a067c07e45461df4cf58231a0d345cc140f +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_190.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_190.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e65153ee7dafde818d2674c1f46efb5ea6cb9d71 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_190.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa9c914caa405c34d1a43cc42708d19b5ede9ad0d14016bcfc5c9fdaf9adb7b9 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1900.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1900.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4fc7890436805902054a18bef47590d65044537b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1900.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b65337a8fa8e80fd73650ded4ad5dcc0ea12b7490d2c8fef3e209c46722d0dfe +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1901.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1901.pkl new file mode 100644 index 0000000000000000000000000000000000000000..96563ca8850861a1d5681f026610efe3a7de8d25 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1901.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6d5b6690817d6934e6759af7e37f29de876b00ef49808ce9c70423a83de0143 +size 25831 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1902.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1902.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8e38995dd465e3435c46d84abb601d46d3fa8bea --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1902.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:822ec6d766bb5a01c22bc0b5c936b1ca4e9c54c5ca885f4b0db1310484895455 +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1903.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1903.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8e03d0d7ea06023cf1ffe835e12aeb459b8d1046 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1903.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd0f9c0edc2f25af5c7e4e1884a2ba4a626718cade7231ee3c61be7aaa480600 +size 25831 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1904.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1904.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eb652711fe1f9c6bc2fbdacdc8e88457e63cae4c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1904.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3932e0d7d6b5cd246425881b5bba5eb7ba351c6d2979e5ce5201922329398f57 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1905.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1905.pkl new file mode 100644 index 0000000000000000000000000000000000000000..73c94bb77b2f6f88432ddfc7c84fa5d99e1177ff --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1905.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c633fd7f7853661a83994cdb672572f85237503ad6641ee87195b25d8e8268c +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1906.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1906.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3c63553fa5ac06dc47ec46f8b8c63d26ccd62ed5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1906.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b96556a3494f478942163b55b549b4c2428f45f3f851b241de625654e3266af8 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1907.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1907.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0e7907649330b3a1ab6dcfe3dbd469cefa401ad7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1907.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c59b274d1002e7117791d927ea250167f3da7158738968b563845d74b79ebbc +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1908.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1908.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e32a6e28c7e8476b888fb108867b6ab6b4d2d894 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1908.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb0a1379591193a6827231157bc744cbf894bcb34165b496cef6e8da7d6d2b52 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1909.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1909.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9192ce13342d71734003a0c1e32b85c32c171fff --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1909.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8683845f22976a1f2eb7ab0cdc778188badfb8ee60e8a1cff1b1ae7779fa90fd +size 25830 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_191.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_191.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b9a40501e21932c8e83071ae6030ba44270a78b8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_191.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9a7e187c53f93c767ab62a22927a7b08d83fe457b6c3e8f124c48b413e3f521 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1910.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1910.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dd07a03f57900a37a0209fc8bd1d4c827a8eeb8c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1910.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8894519055029fa8db1224c341d97d217aa82d14ac40379fd6e97a4045a67d35 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1911.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1911.pkl new file mode 100644 index 0000000000000000000000000000000000000000..517b4c716b845da6dfc97cd48b25a6d2ea5b7ac9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1911.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e6604790926444d538a3bde6d0048b51245f219476bd0009cdd9bf02920ab2a +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1912.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1912.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d85bf827da4ce663bfe68295741472f53936b68b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1912.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4ac3d11b65983507b4edb14d4e838f7e44d216c292d1b5f8e6edaad02f2dc4cb +size 25831 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1913.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1913.pkl new file mode 100644 index 0000000000000000000000000000000000000000..63a7547a998f93b2bfc2772bdb5b8b78c4d8148f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1913.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a03b5cda78fb90d4c30ed427b811e9f273da999a654e96b945aaf4f887091bdd +size 25832 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1914.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1914.pkl new file mode 100644 index 0000000000000000000000000000000000000000..96ed65099bfc8799964961e85f7136cdde9af16b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1914.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:773ee6d6b5e3ac3ce1bb148217f65352b7d36751e37b374033ca4043dc0323bd +size 25786 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1915.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1915.pkl new file mode 100644 index 0000000000000000000000000000000000000000..229a2d5b5284b299a6328cdf0aa0abcc145a95af --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1915.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a6ebc2facd43e5702a138277c71b56f4cbbdaf2b1573e4bb1c26671044ef5c5 +size 25832 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1916.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1916.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2f9666997422ca026603e9b499e6be02385b9582 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1916.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2653629308ae8e6bee2d3008c2131a3eb5cfbc274fce2666cd1dbb0c964c33c1 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1917.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1917.pkl new file mode 100644 index 0000000000000000000000000000000000000000..31229990df6d0fc3ffbccca43b2de9818d966d93 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1917.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:817e45c55af6b1e7fd88a9b3e2a6e6e1508ae257cff39c605542d874363441f9 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1918.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1918.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e847ce3a6b719ad760c892b924b7f69f18115234 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1918.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df475eb88502d1308747a0e753807cc584d0bec5170ad036f02ba9406d58abde +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1919.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1919.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d6ca67f4aebdfb55000d0b17500d141f5624a578 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1919.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80c9a8b2527bf661fd8f8dd81a42dedeabe852e7b2f915747b4092340748cdd0 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_192.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_192.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8a5d638978f0131ffa617cf7684bbc9d2984ce54 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_192.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:139317dbb497a3215717dbf4c4dcec43fcafa1f8848328079e15acd324695f22 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1920.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1920.pkl new file mode 100644 index 0000000000000000000000000000000000000000..59f92b0c0555dcc06a0d0a4181125594acaa3547 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1920.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e37f384414f5a9dab75e6737bb7e2e876934e26af73179630d568c1613b1991b +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1921.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1921.pkl new file mode 100644 index 0000000000000000000000000000000000000000..65b47877a7aa2dcfa299f33d7d23d1f9b896dff1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1921.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b2d7a6d8fccb9030f93a27eb83736571cf86c273845a37da086a75fd37b03af +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1922.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1922.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2e955e89346c88938bde64f30f5e4c6b4b71cb18 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1922.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c3af341df725378fa55b6f8810772d1485957f04f0ed17d80a90d80dcbd0af9 +size 25793 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1923.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1923.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b2bcb47bc6750931b504452c6e4a71bc35c53281 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1923.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75ba06d759c6ae0fcd8b462b8e7fbb371752884455ffe11bb07dd15eb992ae52 +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1924.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1924.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e98441c40745837e5cbf358cdafdfa25a276baee --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1924.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:745b30cb80b6162e49c170f20432afc1fa0c20cb06687e96b6140179b2c41e6e +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1925.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1925.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d6eabc43392e59a48a4b2f858ab7745f454ae6e2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1925.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0c42734ee7b42a505141cd8c0ee34e10ed8467c65d6317d85d559f6d635222d +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1926.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1926.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2b50a3791d4b0bbc5423b0045ec5f734c288f45e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1926.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52db60f2853207583f5704e0b230eeba188676d6b01ad1a855040e1af8e97aeb +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1927.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1927.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0112202b670b37fb770d923eda69449d00d5e75f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1927.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b32fd974034d5157a45c4098de82a147259e7b82703345d1143c3c722912cac +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1928.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1928.pkl new file mode 100644 index 0000000000000000000000000000000000000000..796de523ce7912e0a1a0dc21ab8d6c4eb05be470 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1928.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f73def09fbb23290f1cc418fd0a75a3878b3fb3683e018340984cdd9c16f4f01 +size 25795 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1929.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1929.pkl new file mode 100644 index 0000000000000000000000000000000000000000..59840d18170f56872cef65b983f7914bc9f33bed --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1929.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c31f343e21e27b80858c979b3845f9b0dd9ea5bd42ce69fe95a5fff980725850 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_193.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_193.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f86bdc6a9270b89a49e394a5267477246eceb888 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_193.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b49f70d5a037ba5d22e8b03f233e3e3b4561a65650d6b0ce9f97059f23ae5d3 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1930.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1930.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3097363261faf262192d505fa7636cd1e15135a1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1930.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c462adc9e1b8c302876671a22e151a9592d3ee520986f6b64c48d094e61f827 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1931.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1931.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1b86c9260afbbaf900a739fbbf7871df08758521 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1931.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:232df374fb112eacb2cbcec702734f2e340f989d0381f8ad341b2e04d793ce3f +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1932.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1932.pkl new file mode 100644 index 0000000000000000000000000000000000000000..64ba9bf04aff5fc67ec57a078b9abffe01128179 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1932.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0d6e908516e1f94e7da70e1c366e791021c0acd552316d81179501a7344f6ef +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1933.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1933.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9e60462890d8476a431590a5a2cd9d3ab8910534 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1933.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1f03039a3fa24aa8a47b2ac335c3f869d29bb404ae35150ae1ede4404064534 +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1934.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1934.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bec11a20b3110602409ee8528cb5e02d76127cfd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1934.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23e233c2b6dbe468149a8085c086d4001edb850f36af7126b7b316438bbd7415 +size 25793 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1935.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1935.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4a739dc3116ee8f604372a16e456e9b265d2993c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1935.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33dc7f1dad6ae796d829e1e2a338218d6a5df61e9342a72af66d311dba7133b3 +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1936.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1936.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a534c4d5f92ab8432d2abf4fd9a118061bf030b2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1936.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d6f1767a3833fecdf0b6dcd37d9a81176adcd54071c36b3b49d71d7fbdabb70 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1937.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1937.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c9236150b69c5198d8d5fed54286adb97f060048 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1937.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc22f8ab08f4e6d50be63bde98b30cacab874ebdaf99d4df79fe41a2cc037b6a +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1938.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1938.pkl new file mode 100644 index 0000000000000000000000000000000000000000..afd75ebbb5022b5dcbbececbeeb1b4691e1a0147 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1938.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d724224e0f630fc0a0456235096291fdf41df244267e2805b5b51d715a47f8a9 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1939.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1939.pkl new file mode 100644 index 0000000000000000000000000000000000000000..59b66695eacc3483cbb6f759078cc4aeefc83f25 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1939.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f2e16474f03d5864afa3afcc7aa0ec2650413c59423da35408a7e3a5b8916b0 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_194.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_194.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c04c4ef026190857f29a1b0279ef300373b907c5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_194.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a41de9bdbb70617e0c5d9ac61b57036d9b5acc3d9b21ce34b51d05a78ae6220 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1940.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1940.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c90ec68527eaf3783b6f77041be9098f5947cf24 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1940.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c880084a0b55c19707e8309ebf1bf093d2ed0165da0cd123b5a518ed063213f4 +size 25795 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1941.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1941.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5a130e09e7b00ab1ca6f37016dc0b67957c1143f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1941.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81efe46df57d9612d2d27f8da39a80b0b61706dc67353fa2923f7ce5a1411431 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1942.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1942.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4148314e301f29c8762839f2d9748b24cd7af944 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1942.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6760522274e2f92c455bb018eed26385fc315980567c7f1895a73ed7451a619 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1943.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1943.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d5c1079a7e4d06768cffc6b64036f4c2feb9249b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1943.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d99d41aa4cc1c84cee99b74c0ece79df9471529c813281110cacad7ca7b782a +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1944.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1944.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7c7133a4043abb267414c52c57c469c7fc5c5582 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1944.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d0c22acb7ebfba48b260ea0f0102f43c1421b741fb65c412143761c9a42f256 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1945.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1945.pkl new file mode 100644 index 0000000000000000000000000000000000000000..605b2fe428874582fd46a9d3e008532a7a73d87e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1945.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:203a8a3e73477884c491c9e43c608b8a89051fb275cf1c067958685b356c1020 +size 25816 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1946.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1946.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d8c168975d45c535b2a276e14efd8d8241b71b03 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1946.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42493bfb1e58dbce4300e28b4c5b8724830dd38fe42c5b6ad8bc91829bc9575b +size 25798 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1947.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1947.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f3949d9d098ed3979bdf3b29fd86a95918068cf4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1947.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4dba8ecb4a7ff6a92be07184109f8326f2de41873222d837cd9e621c9372d727 +size 25810 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1948.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1948.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6322611026a770d0bec1006393c5a73247a2ad2a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1948.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b2fbdd627bb6a721faa6cc35040b2131f1d3a4de80d2487b294050c64ca1b9d +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1949.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1949.pkl new file mode 100644 index 0000000000000000000000000000000000000000..aa6039f7043023eac607f0a58508cca0e003f4dd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1949.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54a83a182264c48d26964d6e308a2e693c9c431b53b6b140957c6369888f8f28 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_195.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_195.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f1e1fd965ad57fa8f8f770a17462536bb621e09b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_195.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2446c509d39800c1755fa193c039e4d1a9a113f1b31c49823d6979a18e9a69a9 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1950.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1950.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9937d1a0c7ce176490894d42c7009d9435564225 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1950.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:368a088962519840da13bdeb660ca3a84270a9e5d156b4c34d6159dec1fc4647 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1951.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1951.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b7612126a099990ef18155e5082547e4471bb4c7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1951.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c049e559db9ca7ce5d29d11ce403a39137d2b080d2e2a8042c7298f4d4ec2db +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1952.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1952.pkl new file mode 100644 index 0000000000000000000000000000000000000000..14f32bc894a2abc0ac80efdcb8aceb2e7a90e63f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1952.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0eb18ccb9b4c4db3be82eb9648b390a4da6b67877b3ff5cee9a46dcec8adfe36 +size 25800 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1953.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1953.pkl new file mode 100644 index 0000000000000000000000000000000000000000..613bcda0f2f024a007cfe1d2f8555d7aefd0b917 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1953.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:937383d749de5416a94f1f40c9d447b343ec4502f45401a9f13b505d3a5b4ca9 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1954.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1954.pkl new file mode 100644 index 0000000000000000000000000000000000000000..71d61ad9e0f9d9afd5c29a4f49381dc7bceab212 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1954.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d5b3ed22ccd90a76044f6e690482ca7c9fb1f5ad1832833ceb94ac5d95a5b5c +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1955.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1955.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f2d92781ba986847aeb1e8c806405ad280705221 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1955.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7325ae2f27b8ebe6e2d9f1af6165b86e7e1c9fb96e016f5428e4eba331dd4abc +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1956.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1956.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6bdcb22fa6142b800d640fd6dab515d845e6e1a9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1956.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:832627bfd52d882ea2c09800a5f18ecdb6c74e98d271d5f7de024b09b710bf92 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1957.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1957.pkl new file mode 100644 index 0000000000000000000000000000000000000000..93ae617a774833d7c1a62b012de3d597c7d9ccf0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1957.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:061bbaecdb40d2582cc09a0745248cf547f36a56cca955165598d2f0183e80dd +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1958.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1958.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e20029e78f3adf63b9e1dca6a8089e008c413abb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1958.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:158266dfd91b0c7dbd4bc12d655227c5a4c8facda9bdb211c5478e2c480ca83a +size 25799 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1959.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1959.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d4d4eb9a7232c3b7329ea5a212ab55aab17f1032 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1959.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:791d3d78475db1853015849390f82ce140210342387ca253d2bb2d3932ee2b1d +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_196.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_196.pkl new file mode 100644 index 0000000000000000000000000000000000000000..71d4b14d574836d8366abdd7842c72843c5f5d03 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_196.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0bf9060402aaeec46bab1206b0994a5d214a79aaf786a744bf451f1089ba12bf +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1960.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1960.pkl new file mode 100644 index 0000000000000000000000000000000000000000..878e759a7d13f6a6b68edbc7e3b102ccbc9496e0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1960.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a19fc41c6968080d210327fa5fd092ae1153382bd3db60824d2e3a9920093280 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1961.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1961.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d015ed1e2dbbb881a3a92df0c2b08ec01fd2a588 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1961.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a745a054e1151ac0c1b5a1781a539df4c0a97b1a265bda25920d6759e51018d9 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1962.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1962.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c0dc77382163075c20c9c2d0dfc67b9c03f311fa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1962.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e40711508d81e4d8edbb85f7ae2fd2d9de81f4f5782eb4ecb9f32aba9a7fc422 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1963.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1963.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4b4d159b8253da57c226617df995e2956a348ef5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1963.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82468d7fb9603cf3c40ca259237509c7cdfb44f4e98a4441e6e44ee040ce6ef5 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1964.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1964.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6223227bc7fb690593fa56a23a6bbdde6fe92dd0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1964.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30d3b6d3df91db0a57973158e2a5dff49aa55feb98df2072c88681a61768c215 +size 25801 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1965.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1965.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ac99786368f8e4384bd9511cd68d41ee36fc6132 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1965.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fb484fdde270fae3a33b9a9c2f11df84b2d44676da40d4cce5ba9aa857350ad +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1966.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1966.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d293b895abf28dba63b484e82346513cfd74a29d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1966.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6de997808e5184e7f29bc015026339612dd495c0e7f4805d26d400d234135552 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1967.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1967.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1469019ca3284ca527afcf20233fa443ab24f17e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1967.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bca90962744524d693cbdd60ad0930d4039762f97f6b527b9b48421fae5a96ff +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1968.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1968.pkl new file mode 100644 index 0000000000000000000000000000000000000000..64cfeadeb51f4d246cdf2c0620077519b746ba9e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1968.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db6e73644f6d06f73c772a948f00d7f6099dd4d56c584e1dba7d236a7f91a1e8 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1969.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1969.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ee5814cfe2f8d4658333cf375fdc1937594d31f7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1969.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a60e704a7e1ed0e8e47dc846609c999b09e62fbabbf7b4af6d5b3909f6fb723 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_197.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_197.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b32a552d6a7cc0411fe24d1b000f9fdb299b4d1c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_197.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c076d0606d9399468ea789baa4e732e1a9a5a76611e45922e25875f3907ffa02 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1970.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1970.pkl new file mode 100644 index 0000000000000000000000000000000000000000..609160047f8097b3690393b66113f842a53cf150 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1970.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65a9605bffa86e97e0c043b9b773bfed286b45c8d77a80092ca638d115d58fc8 +size 25794 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1971.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1971.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9155c0b475f039412540cb4984d5054b8134501b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1971.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:182bba03f33720c0aa2f1080347c63c0bcdc81ba9a968c87c2aec27178068f18 +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1972.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1972.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8aff0e031be3fd11e940be2cb445a6ddc674d77e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1972.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adafe54a5a33dac80ac663953b8f1bbcb52a4d3e16ece3d1fe3d05a86954393c +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1973.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1973.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b5966cccfd7afb5aa28fed786e27b6a26be83a38 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1973.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e5f03bc994f2cb024f487170bf885049cf5c0904888554715d234e5739a5ec1 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1974.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1974.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a07002f0499475321be912888329cfdbffbafcb3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1974.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77e3ec1d60494f3a66f091afad069b22ba864cb7336239f3970dfad0c560401f +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1975.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1975.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0b9675674cb29899f8b82c22b340282a71048947 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1975.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c0bf8f993b914f7b3dc183baea6f847c3b343733f9975a3f9cb1340e3737c07 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1976.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1976.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e653b4b5b726d9c388848189754fe59b8375c17c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1976.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b971c11957634be5cc76d5a3363ab39d1915eb51671bfe3c200ba6495a13fde +size 25796 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1977.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1977.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8fe6cd5d362cb0c88e3a2e5c0ba0247016350ade --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1977.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e9089beeda1e1534be345f1c5261aca4f11b889a04c7e522eb49170903eea2c +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1978.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1978.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9dce26eab6df5de33b0be6f8d824b4f1b52969af --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1978.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88f0bda25a40d3c3a4e687868c7f52f5d8cd7d1fd9a777f519e7897218c90646 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1979.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1979.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ea16a1e73809a29e4da5e717784bb63ee90b3746 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1979.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc829702352fe835e5555dd47fe34443b4d1b608df5f485000867d9c914dedee +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_198.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_198.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3b6df0938e66118d80cb101dd32e23d4c497b171 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_198.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51f56b0abb05ec00c68e482a0686fd4b6e4b882aee78d2c85068ba16be2eba4c +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1980.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1980.pkl new file mode 100644 index 0000000000000000000000000000000000000000..47dab688acf0b83cec9d34526dce9549ff18bfe5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1980.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc000286f1abe6eada9cac14eb7dabd39b54df5ce19103a74ed229916a48d6f4 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1981.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1981.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bb06d1f2e8307347a27845164f3814780809bcdc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1981.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5951e9595b2632dd2f443f5c1e02af7e5a9fb3275e4677250233e1b414dc5af5 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1982.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1982.pkl new file mode 100644 index 0000000000000000000000000000000000000000..be841ae7bd8a9008d9b2e808fddd956c2a4e9a9b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1982.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4334d84cda43ccdb8f067d5d6a5b04fc4350c3ceb2a650c1bf4cc510589c7df4 +size 25794 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1983.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1983.pkl new file mode 100644 index 0000000000000000000000000000000000000000..98ab497a1a6bc4d2c26ff4b7e20345c8996dbaa4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1983.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc61940575deed2eea467a94cd7c4be17a538ac8ce286acafbbce58b37ff09b8 +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1984.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1984.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8298096005599b562b655d1dbad486bf62350593 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1984.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56e758e50f83efba398a4ff17783e0ca587fc0c78f1d8531b78c7b107c313cc2 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1985.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1985.pkl new file mode 100644 index 0000000000000000000000000000000000000000..96a5ce0fc515235d57eee4acc129fc03fecc7c76 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1985.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2985edffa3f51275c76b2628d89154f5f4f6f6780ffe9d66e97fa97a1f337d72 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1986.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1986.pkl new file mode 100644 index 0000000000000000000000000000000000000000..adc9b0b82d35271ed1cd5570a6c63dec9f2678f7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1986.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66a8326e856dff03d0504d52fc38a0b0536af482ca0ef05fb567267192a12bdd +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1987.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1987.pkl new file mode 100644 index 0000000000000000000000000000000000000000..446e4fb641ae9fd13abf1c24c0f4ede305dffc83 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1987.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19a0d32dd932e1d4ffb2ed4eea2586bb008a54dc3ab91fb662f534b059e14a9c +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1988.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1988.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b9fa688691abab19442a7142576e164971663831 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1988.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90849aa891c93611f84c3363feafc15015105da4702cde0808eb9cf420f5fc90 +size 25796 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1989.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1989.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9ac0620f21d4fa9330937dc0538a19fd97710b10 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1989.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:274a94b6d97c75f7f891e2cd1db58c53e0ae564aa76ca851059ccfebe00423fc +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_199.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_199.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7ebe319cfc8594aefe4e04db95e6bfb25ff2fcb7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_199.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9767077ad43238f660622184b87ba7251f7ab05c6d728200824b917d05ac8ed +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1990.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1990.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e0ee930cfba1783bb239685e2aa46555f865f3a5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1990.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd8c446b27fb5be7ed5120e00d5d658235c304091db65286d846d1c2fa83c380 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1991.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1991.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0ee0467212ae341fd5be7e0f4480515f9a336e7b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1991.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63129811f0f75b8f3b12334fccb4aed901a8f1b1e6626ec56f7bc05406f6876c +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1992.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1992.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8f9be0c4648c0c3385d45c0d58edd9c6e8034e6d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1992.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17906459d455365ae637f348d8ec21c16024a0b30a5f47ac9513e73b720a3838 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1993.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1993.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9681e5cf53d49c0a02ab7b1a43296d950e8a229d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1993.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47fdee7efdd3057a5917e03029907b37ad4438116e11bcf8b01616eab6bc2772 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1994.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1994.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c72d32c38a50dea613e39007daa9cfc746b025dc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1994.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2fcda9f7e17f84b967050d1b8fc8e7e61cd62966487e2e148584777956377fe +size 25799 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1995.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1995.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7feec10469a84746e3619933a27286c46f4198ab --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1995.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ba592689a03fc22eb0a05b87da9a72a6842c022c87b0b6db9913f17d16ea7cc +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1996.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1996.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9495523fe3bab43a7d6f68a09170f51d0e1f91b1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1996.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b570e4aba35012c3b55fcc0785cad8ef8dd126149340fbb77537d05a01e0eb69 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1997.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1997.pkl new file mode 100644 index 0000000000000000000000000000000000000000..11d7493ed459f614f61f204a197e3e337d517dc4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1997.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:953c26166d207bfdfad16dea5aa1f9a61251498fec26153e5913e9a5bb4516a2 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1998.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1998.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ad0b635d22c7e49840f2f3d3abfdd99b75878caf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1998.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59199e33ed20313fe2aa0df62766d484087fa2d94b82821f6a93ec6f988a0566 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_1999.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1999.pkl new file mode 100644 index 0000000000000000000000000000000000000000..be784eadb6ae6e4838f3b1f4bb861728a086f3b7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_1999.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:325d1bd4954a5b1a8b1d30b3d8351b350cee6c552fdc1c22296c2aa4b1de6d05 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e7218fc917752faa0fb3a4f82b12ce06e98c7268 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bae7d3a9fa5dbe75765714b9bc922e71b7475d983d118611030cd1124018161c +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_20.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_20.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a06cb7fd938777358d0a7ae5f931105f79fa0eb8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_20.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f04a9a338d2394e6da0c8103a4606dad446cb20d0f5bfcd12c5746d10df6e22 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_200.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_200.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6408757d3e621370fe2f347e7ffc2a7cd872d29e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_200.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:118a43ffb1c9b40a40cf88feb111eebbeee3d1f6f518aafea6ec485d907698d7 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2000.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2000.pkl new file mode 100644 index 0000000000000000000000000000000000000000..09f5bc7a79937975890086e1216a3dcaeca2accf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2000.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f266362416edd6b6c12561baeb26b788b3175912871355f2e5986620cd60c83f +size 25801 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2001.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2001.pkl new file mode 100644 index 0000000000000000000000000000000000000000..17e07000c10d02b4b924b15091ba05d537a38239 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2001.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf0a4855d76c276b2c8a86ebbf9890bfb71dfa608c1d305e1836c10510b3238c +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2002.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2002.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7e0d07509f3d8cc44a338a244fe2e4ac3c98586d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2002.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06d1e4d50059cc6b8d7f04eb6f940b41f9bb7891b2f858b992887058bd56073e +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2003.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2003.pkl new file mode 100644 index 0000000000000000000000000000000000000000..818c3c2a3615e18d3d3352ca25770a5350a8cbe8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2003.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef7320c526f3ccc379d88bf5ecba776a360a7f115fd3f6f21238c89490f76482 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2004.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2004.pkl new file mode 100644 index 0000000000000000000000000000000000000000..769148ea4b935a859ff515a7aeb0cdb554a7c098 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2004.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47a2d8ba4b250508c06a0390b705cac35a50238b769e8790a6b082b453cbaf13 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2005.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2005.pkl new file mode 100644 index 0000000000000000000000000000000000000000..24ebff5394bb306c464c33005b333eba1ba331d4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2005.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2988be5f8244bbcc67626748865dabc1d5648860e6ea2b69ca625c349f78f7c7 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2006.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2006.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8d88d51544f19a0607a0f1ffbf92f6de209d5bce --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2006.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35fb5151a6a74186f8d0beb855605e5ca9939bd8e4787d5e22e8f26d591c264b +size 25800 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2007.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2007.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e9ddba0676c7ab1908da2d3ad89823b9318cef1b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2007.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59f5bf495e55a6934ac5de5ace51624b2976b07f778560d05d25b01248af14ad +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2008.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2008.pkl new file mode 100644 index 0000000000000000000000000000000000000000..79481952d37fa290e56ef2874cb6ae159fdbb26a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2008.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3fab828cb8044d6a577c92f7d0e01275d729993e19d18b6441ea7087ec9bef3 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2009.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2009.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9ebbeccee6ac5be4d31698d27c45529159db8fcf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2009.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:460ef3be4224a2347066a3a9f1303afd7fad4bfe39a2a83c1b1e0cce6b162406 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_201.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_201.pkl new file mode 100644 index 0000000000000000000000000000000000000000..055ca10ceaa55f3e942d101824088f4eab37e8ba --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_201.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c0e103930598b8568f20c536c1cd65f4bcef48bdaff2c2e41dc023c357907fb +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2010.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2010.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9643ed9da36556dd60f351746405f8f6bb021505 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2010.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a67ef35f0289a5bf8af7bcf250ca7cc06cf1bc98e5a1cee8f09fb78db23bd435 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2011.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2011.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bcb55e70e8fa8b235dadd9b5c458081e53f38c0b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2011.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0888dd0104ddc0b75ff3362b1f3b6580ad06a4d6fa6639ab89c2312d21bff0b4 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2012.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2012.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0f61e64a6f9de2744fdf92bc8b6e38e2176482ba --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2012.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:412fac3a764c6be70a145880ab8f4eb101b7e96bfe77e876868ae04855020933 +size 25802 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2013.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2013.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cbb01366d653b1c27441a55ebdd434fb4302f661 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2013.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f199ecfd5f847df22d8cda19f452a781b7767e38689f7c9e36dc86e5a6db0882 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2014.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2014.pkl new file mode 100644 index 0000000000000000000000000000000000000000..32365959232c075a2fd55e0e45a939cd45fea334 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2014.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68e68c526803336a8aa621cc2f4fb046d4e7bb6efd7ae92b86f1fb5d62334428 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2015.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2015.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c6537c8119e0f33e64cce2477c2da72c55f1824d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2015.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a215bf3daa84614b952f87e07941257e97a4509ede0b08e686e707f2fe0301c3 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2016.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2016.pkl new file mode 100644 index 0000000000000000000000000000000000000000..55a0c65d3ccb67032d797deaf0942663710c93cb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2016.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:948e6d54063604867d2a11233ee194e503d4a636c18114ae8c7b912cefba8437 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2017.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2017.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9f717bd3638f0c39cd967131528ab083526062cf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2017.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd3e34faa5015f46a96d98975605946286ed95870ee22ca019dd666307aefd59 +size 25816 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2018.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2018.pkl new file mode 100644 index 0000000000000000000000000000000000000000..506d16fbc7154ac5a33df75cf0b600f5f3505d73 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2018.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6cbf1a0afd8e7b4d9876dd604723a2be8bcfc2a4d014021b6cc9aac604b98f9 +size 25798 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2019.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2019.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e8e70d5496288c688f9123e8de101678302a3801 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2019.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49f32929919cf901d5019530499ee857811e6ddb874d801b95eb754762a6406a +size 25810 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_202.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_202.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5b76428ed97a811e6e0b9adcceedd301d55034ef --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_202.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0af1929061e0b9068e7a1f3a48fd472fcb9bc0d0b673b0c781661b243739623 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2020.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2020.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eb43446e3a705d9cb86a59b0e57b2de4a2c0d0a4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2020.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8e724765b58dab944a428035a464972232aef0b6084a1b0c47377a3193923ae +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2021.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2021.pkl new file mode 100644 index 0000000000000000000000000000000000000000..57577176dc22b5530c2b9b456bae1487c9ac25b5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2021.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da6474952528099ef9811f9f465524744eb6d53de69bf6c596d6af66154f96d7 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2022.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2022.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0889708c341c1b8873dbbd2b890d78a1cd664458 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2022.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c4e436381bce384cc2945243fada52da8d24f22315233c7c10bf212de306d0b +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2023.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2023.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ae523395616ce97a7bcd847ca5d476f7c0a5df19 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2023.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78b21d7a62203dc14890af0aeb112ed3d04c70ff680f7db53be604fa3156057e +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2024.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2024.pkl new file mode 100644 index 0000000000000000000000000000000000000000..95446912c9cb3cddbf69ec3f651feb36e2bdcc15 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2024.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56ef3694793f913b3cb37b0938c1f3f3bf3dbe9b0d7541716625742b74eb6755 +size 25800 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2025.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2025.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9a1ca0d1ae0292b16a27cc5a158d3ad69fddebd0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2025.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b25fedcb2ea6b33c3cdbb6382b5b1868960225b07af3fce35e182b72a6bb0380 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2026.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2026.pkl new file mode 100644 index 0000000000000000000000000000000000000000..088c17ecc5fd85d53cc4f29715cc8125c44667e3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2026.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:00f2d7762a81afc321a8a339990ae412bd67fd4c159c6ba58288721b9242eceb +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2027.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2027.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2a8536cc179861fadc38ed7f4b80b7bcd4c2a488 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2027.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b767476b1f36772a872f9c764a607a7ea5a01a1c2c100f66b385f80468aeaf2c +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2028.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2028.pkl new file mode 100644 index 0000000000000000000000000000000000000000..abfaf89dc321d50c4790241ebf2d4ffb01c165f8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2028.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efe6a45a657e41c5d659ed54f1024470b4e5c57967ef1b42c1ee736230a19052 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2029.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2029.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e7cd4c79a3247c569468baa9a5d39c02c2693da8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2029.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b64e81db0c38c2a6606a9e4c37e383e0a5c3a2437f44b7ff559fd2812a94b5e4 +size 25816 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_203.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_203.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6f9398316325c6d5acbe228cce386464951f4944 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_203.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:492ca4a667cdbd619699fcae1ef7a12373f940063a22641360c431df5ffc8068 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2030.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2030.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a900c292c85f635db99153f76055f90559dd6c7f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2030.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b924087fe1da1b6c3f1bd1a38b714b34ec9923190e3e448f61fa9882c939ce01 +size 25798 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2031.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2031.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bb85aaf42faf94f0607724ba008f7c40d7e6cbbe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2031.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61a46ec81d74a969edd2b988d308815597e3359fe11d231c39d43b2f1cea6a68 +size 25810 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2032.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2032.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5366c5e5148ae9cf776bb0fe8aee6724e1a44f45 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2032.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35de9609048320e5538eef3fe11672007c07095d851d84add6fcc972e0428dcb +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2033.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2033.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9d2b1a4f4d041e9a5a6776ca08ede3971ffaba37 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2033.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b53efc0a266cacd4b17d75c8773a9a4c4085fb1b125a6ce31d37619f6393e910 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2034.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2034.pkl new file mode 100644 index 0000000000000000000000000000000000000000..16a754125224811e4530f38cb634fc5febd22b56 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2034.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f4f7d7600ce7c7cf594b0ba108edfb3cf94a4a2ebf49c9140f0ad1549861621 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2035.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2035.pkl new file mode 100644 index 0000000000000000000000000000000000000000..669d230bf981995da6f8a0a06f48305657bacbee --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2035.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86a9f20c27692f91e74e0182765c4cc8ddce0a3adb975ebe3151b549224527b6 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2036.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2036.pkl new file mode 100644 index 0000000000000000000000000000000000000000..40ba3aaba1c0cddf3514378e29c103406480448c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2036.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e61e1eb742b971070d36492f26ae889338376cdbc52c296632a9ece63ea22157 +size 25800 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2037.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2037.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4fa4758b5b3d39d2b08b1ba5505f0cf6f320eb00 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2037.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4efd27b4861a9d9b9d0e9df2d2017ecc7d3b88b4afc5eef5a8630616f97536e1 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2038.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2038.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cc6deb0533955ae7aacfb67edca32d6852b4419c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2038.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13b4b761abbd5db29cfdfdfd3d51d471163b3814f78bf0ab4721c3498ce0015a +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2039.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2039.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b3618cb1129effc504af396beb4ff766b81bddd5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2039.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5bad3d204b12831d4260c964a2afd2266cfb92da96ea311cbe709e8368c54ad +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_204.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_204.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8186b5235af4bdbdc6985945bb93573381129ab2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_204.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1799083aba4897bc93cbf716083981308c6d70cfc07fa78aceb535fad35309a +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2040.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2040.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f6bdea82599033446447f8cafcf05c2f820e6eff --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2040.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9de3632c36e943151de8dc0c9c16571a32c96ae8e741e3868d7d29b0b7ada7e1 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2041.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2041.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3ce4c2109275ccd3ce18539b8f23048e5fb9becf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2041.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40462ae6bd3d7a3777b5f77a5e7bfc7046b805f83d0ebf37422082a4a6bbe1bf +size 25821 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2042.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2042.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a3812bb0ad7d16cb4004e325efbb1f1414d34b35 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2042.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6a4d3721c5534e32b07d9d2d0c3c1e5585c64134e022c974d5ea6989d22a727 +size 25803 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2043.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2043.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dd76a27241b941a0adc829519b741a0225d29c83 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2043.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ba3c0698063479708c70ec7c4cd46ff2388ba618a03caa82d36f9f41c3df8e7 +size 25815 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2044.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2044.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f6c7e0bab36fb2edbe1016b7d719916702a362cd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2044.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5aab9c84798f60963bae169904dc2be4cd10cd869fd5be887dfdf4ebf3efd095 +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2045.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2045.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4d0822b7c8968221e1e8dd48b40e92522a808364 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2045.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:558d6988b6568a63cbe87a17d4b3aa7cef5f4f793c7be0da4b93e7d69e63d8bf +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2046.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2046.pkl new file mode 100644 index 0000000000000000000000000000000000000000..124d33751516adb6b19d3382158f85a464c4d9ef --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2046.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84e58be840d95b4ac26d6babb959e325b41a264fe3504dfa9d6f2e31e33b81db +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2047.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2047.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6482f1b45ae2f0ce7f5138da6db06f421d5b3fde --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2047.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81288ceae6e73002ad669abe16e439b237de7a8a5a4b5b6d5c4aa3e19dea2065 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2048.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2048.pkl new file mode 100644 index 0000000000000000000000000000000000000000..17367a80e2b6f809aeed61d40c34b823cb3a9800 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2048.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1fda5a568f73712f4fb9235eef5b8a60fa4da5cef09abd30386165533cf7539c +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2049.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2049.pkl new file mode 100644 index 0000000000000000000000000000000000000000..afba12334f4e1b4762984ada8fb07e066d7cf76c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2049.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6fef7ba426a9f50ded750fbd29d6792584dee5394f3fe69250365bc7dc232e09 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_205.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_205.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2b6a86aa1ddce8ec5ca1cb34c21af8e0c85ade93 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_205.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70c9d9a1f629bbe335ea92ff2b1ab58bdec2d462f98f8128a924148a45a1d0f2 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2050.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2050.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b74d18ff5709f4c58b050688fc3f95e429e79f6b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2050.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57e3fe3210bcb56605271b528f7798bac899b6d71031bc69cc7b9f1967834ae3 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2051.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2051.pkl new file mode 100644 index 0000000000000000000000000000000000000000..11a355a066eda6fe13ec5ca3cc1a2b136cf76732 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2051.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9284c72d3cc2a777c0c045c600df6d43520e8bbf3c99cbf24ee6f9bd1c6b317 +size 25816 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2052.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2052.pkl new file mode 100644 index 0000000000000000000000000000000000000000..43bb2f6b1944e47486dbc526c8d3251416558c76 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2052.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c8e5850081745d56bdd177a0ea2b960ba3342852a92ac33bd1b45c11ccef977 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2053.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2053.pkl new file mode 100644 index 0000000000000000000000000000000000000000..45468c4ab46eef086ee711600cc0c14c8ee27ed1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2053.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d7d1a9583e9dc3cc59135931fde3f42000331a6540f0bdd60d077b9f80b99f6 +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2054.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2054.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a6484c26a9c4bc3bc1fc55fb4c415eaba0fbe50b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2054.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bd86c04eb2a7e1e802ba4a0bcc13fafc5e8434eff80db343f420ec61bcc481c +size 25804 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2055.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2055.pkl new file mode 100644 index 0000000000000000000000000000000000000000..feaeb27ff240412f6ec71b332e06d21b234ea1b1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2055.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f2599af96b78fc40a6422ec9b247a93ea7a00d0b614b07866a7a69d865eb8b9 +size 25816 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2056.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2056.pkl new file mode 100644 index 0000000000000000000000000000000000000000..89ac7011959046adb3128406dc27cb78d70448b8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2056.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4e48768746047d518e8d083456d98e5d95681cb28e6f4823ec5529a58f24dd6 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2057.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2057.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1ace62f7a6e950f1f18c6ead2577e20a2e6d6b95 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2057.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b847a7615a709010490525117b0959f29b035e27869e8b6c472200704287360a +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2058.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2058.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c0383dcb7e8276accf7a035eeeee2102a465c47d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2058.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7847909a275838e04984745d9ccbe62797c4c4399883de4b3c054c8847ec6908 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2059.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2059.pkl new file mode 100644 index 0000000000000000000000000000000000000000..47c7dfe8360752d114ad23525a26e2ca1d70a854 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2059.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc3e94dad5c6f84231d88e990667398ccc22ceedea387e4a2780f6abd5d4aa68 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_206.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_206.pkl new file mode 100644 index 0000000000000000000000000000000000000000..29d4a81932f23223afaf7da9a0739499729e5c3d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_206.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a36e72b6e10d99469d339b4b898b8ecb545eb918573387d5fc20df6e6ec3cbc6 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2060.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2060.pkl new file mode 100644 index 0000000000000000000000000000000000000000..90379543cd1a10e4b4dbd4ffe60b87d56465e752 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2060.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e318953defe53cfbdd962cf8a48846dc323978e0212fe344aa874ac10f5bcbe +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2061.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2061.pkl new file mode 100644 index 0000000000000000000000000000000000000000..379f4e4a8b3a0b363460f660715f9e4fad970299 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2061.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a33769e4f068003ab4a217e57ca766450b7814bf7ddb7fbafcd3fa439625036f +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2062.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2062.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f20cb718384f97e84cca660a7beced880bfbfb10 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2062.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b37bb21d660e336490a377ffea3fabeb7456629103795d7e9dc9601ec1e1377a +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2063.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2063.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eecd1bf596dba934d03307bddd772daf87bf5b46 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2063.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16be3a6b9f0c374a4f12f309b825bb299a05ba047bf9de5b4dd8679bd22daea6 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2064.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2064.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4e7001a26ed97bcd288936a58f457397902f46c5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2064.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16f26c97ba47805814291b670864a13fd58c13a168db2161e57450851a403b5b +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2065.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2065.pkl new file mode 100644 index 0000000000000000000000000000000000000000..441a3213591d5d561663769930f23bb38ead165b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2065.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10620ff6ba5f69150f57f0120a0961868c4415f1e50b0d8afbd1becb42b9ac59 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2066.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2066.pkl new file mode 100644 index 0000000000000000000000000000000000000000..89a620f96c9a85466c0a272e836e4ec841ef8575 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2066.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:264724210f73a9fd7245921f1f5e66421284d989e3ae11181361613ad14c9b60 +size 25799 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2067.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2067.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cb6176d3d96c13231cf9e347b3d0d6a424793cd4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2067.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41b5b9997479806d4c72d9cd75cf391e132b2350a410b974dbd058ee2ad63d2a +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2068.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2068.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5a7aad6f63f50b2e28247b75b0d5f67c14f53f81 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2068.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef48121642e7d5c60e8d88e9fb7eadba759e5b3c081f4bc76feefbb61999e930 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2069.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2069.pkl new file mode 100644 index 0000000000000000000000000000000000000000..50393aa49d5cf893fe0125d1006662db950df9b9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2069.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94d7095909a38b2c65ac63e9d4a668e8cf05544434cc4c027db5fcf3708aa47c +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_207.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_207.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6baf076ba72b3d83295ae9531b0af37e426b9a27 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_207.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c8d74788ac85f9492b0fd6b6e9a7783cee10f3d272956185654105a3fbfc458 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2070.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2070.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cf3d32031ba4474a2b6a981ed872757e293bceed --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2070.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb850068f822bbfa23499625d5cf49259027fed7f6ef575385bb53b9af0aafb8 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2071.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2071.pkl new file mode 100644 index 0000000000000000000000000000000000000000..10461ad5740937a7a095ff2b8a477972fafbbcc6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2071.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:607ac6e5e806bf3a82653d52e738b9a3bbdc14d72079f87bdda3520b2f0171c4 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2072.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2072.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c36dabf3f80de5911a900a1a280ad99e33d8e824 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2072.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68df0f260fc8317d4d79a0c4ace627e05c50ec2ac174dd2a4f81687e89fa7aa0 +size 25801 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2073.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2073.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2403ed9855d9d1882b88475af48d9c9372687258 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2073.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f0811f492e7ad8632c094c9249ffa893a133e3bbf1373983cf636512d281da3 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2074.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2074.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4902b14aacfc56068351741bf6d161611f319273 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2074.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d1a0b5b6f10b8f4d6fa712850fc5194ad95704aa5c80a60c6220bbcfbc17ccf4 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2075.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2075.pkl new file mode 100644 index 0000000000000000000000000000000000000000..612f0ee8ab30d1d49d460c59af2fc0ef2c523c4b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2075.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84ddc1ae21f990aa672ac3b643bc59d343e8522d51734e068b2deeac845b512a +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2076.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2076.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cb2602612b6cb0e9a194bb7d46307480670083a2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2076.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b3d2feb681fa16387687060020e39e1bd900af8e0799f1ff0f7e86e4c6011ca +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2077.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2077.pkl new file mode 100644 index 0000000000000000000000000000000000000000..52d5897852830fd0a9b283b198b71ffde324bc49 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2077.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e3a2f1b6efb88933d78a7cb3abea567a8924279aefb343614b4b0bce603c21e +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2078.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2078.pkl new file mode 100644 index 0000000000000000000000000000000000000000..084c805d5381d297366d10d3e18bad5d9b566f48 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2078.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5ffb62a5fefcbf986ea1257a5759d26463992bac1f8b988bfa4944f50584682 +size 25799 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2079.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2079.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b8cf2ee40d76de3eb4453e6a8667d54e5b951c86 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2079.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:261f49a3af0e6253bd7b0a19859cfefe20ffc2353f00288906d2fe18f5ab0283 +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_208.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_208.pkl new file mode 100644 index 0000000000000000000000000000000000000000..45cb4f8efb08bb4d399c31d57911d5309782a30d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_208.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e948a1388607773ece844ebeca53736f1ad604455510ade2cbc65fc028eb6200 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2080.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2080.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7328f119e68cca56bec90992fd5ea70c04e109ae --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2080.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26f2187515cd221d59047da4fda70758666d9e3041585b5a5197b56661c08aa9 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2081.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2081.pkl new file mode 100644 index 0000000000000000000000000000000000000000..67153c4b336bc3d2bf06c993fa3ad4a300dfefaf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2081.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ab6c607a314ca9edbb8da96c1e94088276efe9810b2fae5ea40d52422bf8602 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2082.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2082.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3ac938b6b28ec9a2fc8e56f17d686950237d599f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2082.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:158587db37039c6ed637cd4ecf2112ff55b2ec22b87c45cdaba026ebdc65a94f +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2083.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2083.pkl new file mode 100644 index 0000000000000000000000000000000000000000..df2a08e132bf3fe9c3a16d9d81ea6e82f45ed81f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2083.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a711d7414d15bcc25097b403601d7d4f03be1bdcc9532ea619bf9e9c3c36bfa9 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2084.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2084.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dc7115ed6673c2c1e885cf7f76eb2d80f19ae08a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2084.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a0bda0564a3b31ad4ceedf79915261661ed8c4557d2971349e9c1e58087f558 +size 25801 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2085.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2085.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a19b6d3532ab7281a10c1860a88bc330338370d0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2085.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9122bd555e97b8ba1e44a325405e808462b8a98f270010e66f7ec382d9731802 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2086.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2086.pkl new file mode 100644 index 0000000000000000000000000000000000000000..275f6424d166e4867ff30f56e6785d5cd97375e1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2086.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d70376e889f676eaf1e347e7d8fac080ac769cbb4881e10d0825a29a79210a62 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2087.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2087.pkl new file mode 100644 index 0000000000000000000000000000000000000000..386402db1cc56603d569b9905c358afefb389705 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2087.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:450e6431b75c65907c7b9e3f9d5dd780d3092f045ca11f489d9b3afc042f58c2 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2088.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2088.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d4d99d1b43273c2f4ceea2d5a92a209e1b80f680 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2088.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d146a88041502bfbc82847aca9641675b3728d59fb45de8ab5e1e5b0c822e6b +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2089.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2089.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bc5e4c16079d74cc95819be4fce605b7f8b3b6ad --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2089.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b971b1dd93fb32b9cdc14937a809d39ade4fbfdb58ecd7abe3d4bbe0fa47080f +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_209.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_209.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b04d06a06961369675a3b1c701d2ddf07e71e8e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_209.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:905662199ce63e70eb303691ab96964f977229ed1cab4e6ad71088fd529fb17d +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2090.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2090.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9216dc5cd6763eae93959b710f9d16a489fcd424 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2090.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5d69149c6634a98cf5b02b99af0a03feb4fa2788adc240bf4c0de22813c5320 +size 25804 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2091.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2091.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b2b1b813d7aeafd615da0350334066e5692211ff --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2091.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1da5096b42db03214f1861da59437f10a71dc6e61545ef466da160c735ce355f +size 25816 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2092.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2092.pkl new file mode 100644 index 0000000000000000000000000000000000000000..57c1f5ad038775c5d8add3c7f107b16fffd9edeb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2092.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7df2496db881f319e3f6c87b2376da4d46c9e3bf929048491effd786887f1234 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2093.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2093.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a50a1032962575a70fa3f0fb79be297178913c8e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2093.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e97003195aed2987ba5cd255d56f027e6cec2df8866600483a1e2aa93fd53b9 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2094.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2094.pkl new file mode 100644 index 0000000000000000000000000000000000000000..444680c915e40477b7b99ae1f6fe28f52658c738 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2094.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b385241f27d8b87f224fdd656ed60282284ce7da44b852b573076eb957139e6c +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2095.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2095.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cb2955dbb65d1115578af50ad910d1681e0fd002 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2095.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4dabb8c1c0526261bfab609e0b1127a0be9ab584ce4f00177aeba0122755af5 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2096.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2096.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b2c1e62a01bafe228931ddd9451a2f32322d2fc9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2096.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9a303aa6cfa2a379c0d025ffa8f38e489d7f19014af2f1e0efbcc16bcb094d1 +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2097.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2097.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7b3445329d28228c64984ccb46cf454ff15c2d09 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2097.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0621e74c78fdfebfc2e8065ff18d01f090ad09bcc0e9a3aa460bf46238f184ad +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2098.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2098.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d1b892f840b56dec76f90ae1d4920016f20ca3ac --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2098.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d0c2b9909e6f13ed711aca5a34bd52988351db7a1b038dfcdb8805ad3ad32ce +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2099.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2099.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1ad483223a66d29e66c79702ae87f0f1fe617b36 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2099.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad26ae2f57cd01b708da8cb21ba083d901103344fb1cf2ed6ffffedc882f0d2a +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_21.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_21.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6114b0659529a8af8ea9709097c460c50e30c8a0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_21.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ebd595d8aa8e7658cd062abfe300b8b8ba5a3063caae84ec20bd9441cd610ba +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_210.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_210.pkl new file mode 100644 index 0000000000000000000000000000000000000000..93646c65de814cbf73c3298afaf3764ac40f24c0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_210.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b4e5d1afc413ece6390ef5bc303df2749f8b2306aa4b48f3d7abc6cd0ed6e1a +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2100.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2100.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b9792dfc50b7b4ddeafe818d96715b5654e55d9d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2100.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb41adba14d5a948b51a4650c004b666b4050b682d0112aa98d61c6996b4bd39 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2101.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2101.pkl new file mode 100644 index 0000000000000000000000000000000000000000..717b81800d6169c8a70d67773ad984bf12df4f1e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2101.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13bf4b87c3ca6a0b4582bc873186f2f865ac8db31a65a75ea0e831350e9853a6 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2102.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2102.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1418b01d2ce0c901ac7c9bb4697fef204813b6da --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2102.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e78b5c3cf670343452cf457f03594340d7e746e442e0694d7440563c6c3e61a0 +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2103.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2103.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a5cc07fe1905470027272b8c20500c68226c63b2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2103.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:596d4cf737f6dbd86ccf50e9cc7b6e5c21e1b1358871a73662a913e86de8f7d3 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2104.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2104.pkl new file mode 100644 index 0000000000000000000000000000000000000000..11e9ab223c4518115fe490e430b91905af9f6fb0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2104.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:568b59a1e36a8ecc15f2ee2e7754dbfd739844bbc50bf8789e4e0925ccf1341e +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2105.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2105.pkl new file mode 100644 index 0000000000000000000000000000000000000000..56f89c0f6ce22013edf4316dd5eab363d1703e6f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2105.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a2d6490eb80be00615de3d49ad5a3fd229ae32aded9c1a7fa801d8833370002 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2106.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2106.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d23d468ef1e2c67cabd96a1c965b2049a94acc68 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2106.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a68abc3c551edfdd8c7af431a7ff8c7fa77023a669d580802f2b9763c7488ee9 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2107.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2107.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9b8f4cdc069d00207446e7552733061f2d07bbcd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2107.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ddac5a176ce876f4a0af7da4d783d7d55dcbc328f71e856ed75bae4c748f899 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2108.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2108.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8a1bdc50aebb0c3af46a9de69f360c8796a61a6a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2108.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c846fb32498bd29d46ee89e26a8dc4a4c810fbd37ed7521f617e060471194f8d +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2109.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2109.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ea42f28c1085b8c2c05e51ad93025ee99d05d533 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2109.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3b6f22dbd42e4bd8712441f15f915fdf12e36522216655c1ca0207627c7acd9 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_211.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_211.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7a53b4e20b1934ca4f24652e9c6ab1160125a110 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_211.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6966e2735d9210afc17484e760a1903c7680085b904770a9b9e802b5d0ef2916 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2110.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2110.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9931d5d824a15c237f83217732fcbcdbf40d5a4e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2110.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cdc4d181c5dc742128f641ea1f2730640e9b44813c05134c376c938d979c07cb +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2111.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2111.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2013b4041256b9edf675e2ae74fe63b89c46c9c6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2111.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6790cc9abc221faa1bffa0935d02872f3d64c714c2c2a4f693b5d6c725e88e2c +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2112.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2112.pkl new file mode 100644 index 0000000000000000000000000000000000000000..35b0b0e21b3a9e7a532fc93d16326d536e6c2983 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2112.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:12085df36f0bf4157851f4be7ba52dd16410abcb340e0e04d985a92a0fe155d6 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2113.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2113.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ef0aa9a72a57d25b236cb0c0a331abc5d71f8416 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2113.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0c12f7afaf045666e8b1d4d1bda6504a78b9f23b995335053bd399fba5d7ec5 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2114.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2114.pkl new file mode 100644 index 0000000000000000000000000000000000000000..72169fcde33c6617ad683801eda32de5305a8306 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2114.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d52691c32219279a1c7faaf6d81bbcbdecea3319042522f56bfacc83c9d986f +size 25794 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2115.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2115.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1753abc27014e395d479758836b4b9c8d68e9d28 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2115.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3627ee42a3980a5355c9ce7edf8494bbd891f3c7751ac1fb02da503d779f3695 +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2116.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2116.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9eb464635cca55ee0e3b29fe7e8a2acbd89347e9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2116.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2d474dd188f92fb6a6c578e95d85be4cde0de40b5562a28a2240b7ef64e1b2b +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2117.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2117.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4cf7709b2febb25150d942668ce822a0372172eb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2117.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b364dfaf1bdc0724249713c0569745cc93729f3e4a0436cab81cf06b8604af0 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2118.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2118.pkl new file mode 100644 index 0000000000000000000000000000000000000000..56bbdd3d60da664c2e7163ad05350f8df59414fc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2118.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b3ebd109cb8104db87d543b88d9778b363ad76117f86ee3dff9f89cb6408bdb +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2119.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2119.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9d056a0103039f068c8fe04c6f6d8652a7646e25 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2119.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7dedde1d3499bf8444f5a3263e1cc3f74c4f767a62590fa5adc173881018af53 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_212.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_212.pkl new file mode 100644 index 0000000000000000000000000000000000000000..155377f42a6bc5523629645bfdbf58f7d6fe62b0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_212.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38e2cbd1644730cae99ca846f70ba90d5f05dfd0c11229c996ff7deafb71ae9b +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2120.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2120.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6a2bb3aaa240aa1f9a7775d89d4336cc5cdc8807 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2120.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc184c93fba45a990c1eb350f934d6c4ea2040bd5701cd254174486a6cd79b63 +size 25796 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2121.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2121.pkl new file mode 100644 index 0000000000000000000000000000000000000000..03b31ce00ebd61b05b9e84149385ac58137bdbb7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2121.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:172433f5ec030782ee650ed491c36ac76bceb5c6d89dda231a6cf17f4ba8650e +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2122.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2122.pkl new file mode 100644 index 0000000000000000000000000000000000000000..476db02005896da8c356a9cec2be07b095122cff --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2122.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a474fd6e74e75d28ab736c7d31d45dfad65fb963012b57f8dc7c20956c1504f +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2123.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2123.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e2fe25d717923be08a928356f0e0b79322794f4b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2123.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c3537bbb79aeb447ea967a3a43a18ac9e20af44e7e53d0e9c80f49ba4fb74d6 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2124.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2124.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cce8e856a8c0d31fb6304732b71eb8f216241b9c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2124.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5ec405b8895ffdb21f424145dedf181808900cbf31544c7bc6ccd51e22af2ca +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2125.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2125.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e0f296ac7bea353978a8eb011a7e7603c731608a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2125.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53c0d7eb5b426ae0d8ae236746658c43def09e1d0560654544292196a6eb627f +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2126.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2126.pkl new file mode 100644 index 0000000000000000000000000000000000000000..62ea503a0b502b83efd90ed521feb8c048e8df98 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2126.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e61765c793469b387792be417a63707986f282c13feeb15d6e4c8ae87f8a6e3d +size 25794 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2127.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2127.pkl new file mode 100644 index 0000000000000000000000000000000000000000..89b36222981bbc5d0ecbcf26fb7269dfae1a41d3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2127.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05f8ae67cec9a82b5fb2fe874d180b3773d52fa1685f2aeb2ef9bd78ddeb01a5 +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2128.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2128.pkl new file mode 100644 index 0000000000000000000000000000000000000000..289e01d1d8db3d398bf5be9c51b9b0d2bf61bc6a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2128.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:199fa42d2fce5151aa1e1c5b2f3f07c2d5c2e592315ad8f7bdb821d6d2b7befa +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2129.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2129.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4f3c143a240236523c2521f3aff8218704ad27d1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2129.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbaf00e5a8fed789d12f586013702c2924af563a758c1a570f34baa3f97a0726 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_213.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_213.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f8bc6e7c9317cbefbc52bdc931da38a5927d4124 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_213.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ba6acc767580048874665b77bb5f706dd6b562d7ee43bd41f8d5f018d849225 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2130.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2130.pkl new file mode 100644 index 0000000000000000000000000000000000000000..965b63a7d9a2679698d8247380ca400afeb005a6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2130.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:021c3dad9f57781e8a5ce61c795455207755f73f3942231bf0f64edc8f444bd7 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2131.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2131.pkl new file mode 100644 index 0000000000000000000000000000000000000000..14948a9118f648e05d1b0d7c348574f90116457a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2131.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c413736f4d374551e781858fb30499421491eb9e2e78b8161ac2579c3e6d2521 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2132.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2132.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6266e04e83b7ec3bbd0eb8534ea5a154f3f12a8b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2132.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a9d9aac52c561b24734ab9f048736d80cdce098f68315acf0874d1afbe5596f +size 25796 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2133.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2133.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b02bde812a9857e8cbe5637e4515f819f4de4960 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2133.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9127c50a2c9f7d780ec21c0d1d97636253d4ff6873f0ee1616f3f5e7ad3711e +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2134.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2134.pkl new file mode 100644 index 0000000000000000000000000000000000000000..021de78b764680c1570bde02560fe93c1f51f966 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2134.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:973979ebcb9655320f6671272624526ab2106be399e857841aa718bd18aa9dfd +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2135.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2135.pkl new file mode 100644 index 0000000000000000000000000000000000000000..267cd746e541920390cb73db388184b1b8781526 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2135.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3410ff7dee3ceab8a567be5d3e8b157d226ced67c7cf2538e26ac8b2a58c5ef6 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2136.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2136.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b96a95a9b80a031244738f27fb026d29715b4ff2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2136.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aadb0c7df207aae1e2f8313e0d0d412d10a4e5e41e5586c7a3da1fb541271e6d +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2137.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2137.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fdf5319f80a8edbb4ed7480b0733dbab954a57c6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2137.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:369068030e6a23079a18af4a90c74aa3b7cc1739b672c3f75202b9a2cae96f59 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2138.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2138.pkl new file mode 100644 index 0000000000000000000000000000000000000000..38a0c8af9a3658e35a43bf58149d2f22a4441ab0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2138.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d4154a144169702dd652f5bf9ef19ec3a929388ce274f4ba392b621b1cd61d2 +size 25799 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2139.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2139.pkl new file mode 100644 index 0000000000000000000000000000000000000000..24c23f613328584add8ffc5c37887239d5788427 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2139.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eac1c210d206487d5ceb2155459a7f33cd5214d63f82643475c73fc4e0541e94 +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_214.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_214.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0a167c34fca2ec4fd3bc12f4df7e5f052ac7fefb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_214.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34a3d752bd6aa171155019ccfb3c9fc555685286f2d312710d499cd3668cdf6d +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2140.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2140.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4a8da8a95a095917ae894ae3a57fe4b09802fea0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2140.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1526bd6745bad4ebf5c9e246c7c00e0d224686bda2f56eb68aa3b72feb208662 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2141.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2141.pkl new file mode 100644 index 0000000000000000000000000000000000000000..11471a4d5bc3ef5a92148988a9cabbfe1f2a2d43 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2141.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9f63699334755c94a2981dbc7437e419660687e361f5e49cdd3ce6e951243dc +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2142.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2142.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6cca559a6122daf39799e10696e9e2a77c62ef6f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2142.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:756c48d86b830d7cee65a044e8fefaaa15efafefef3c2272ac24e2f58b85d789 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2143.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2143.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8e43ea722489a62a3decb08b517717c17543c89c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2143.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e74afd5f0130dadf79805c6ef5a6be6e1b1ed579851b98fbc0d1a5903ab82435 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2144.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2144.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d99b322f6525e326096c66a162adfde7719bd741 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2144.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4324bd6c0e773778fc35ae516fe16d2ba5801c8d88d74aa6255e8aac6fcf4cb9 +size 25801 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2145.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2145.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a1f78c188a357e5c930fe44b6e471d91ba1c7ea1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2145.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff9c985f2e74075bd72ac2a9d634afc51dc007e8e506ab3a8b1c4439591bbc86 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2146.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2146.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ca7485f693e5510266b67698e162b50c66b3f966 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2146.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0624760d6bc1874d598537f8daf4c6963d8c91f70138a58f34b14b7ce2f7eaf6 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2147.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2147.pkl new file mode 100644 index 0000000000000000000000000000000000000000..960211051ea4e7190e0e47f623bf7e1dffdf524a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2147.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1395b7a8da075dd94f7834f61241156612668f1d8dc637793e00eb3c3f897eca +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2148.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2148.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c561a879888c32d199aea63d141b0b3cfff91acb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2148.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1dd7a708fbeaf6083f92435757146e5fcd268f62ce6d2fae38e9fd8b2667d97 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2149.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2149.pkl new file mode 100644 index 0000000000000000000000000000000000000000..615b103575071876d81e16aaab8fe9345db3f5f7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2149.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:726e78138c13867f24980c781c3c84404afd0ddfa136a796e518c1bd093e9eaa +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_215.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_215.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6c3e80f5cad8ced42ec9ed81a5b38b87aae0b51b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_215.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2e0e8e58a83c471e0308e1a10f6d07f7acc5db9e9b06a5f062997b79ebdbeab +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2150.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2150.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b9805cce9d7b328ba8da667323bdc000df67fc53 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2150.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47c1189ba56caad6f8a6697641dbf0e29a1409e5dcab73a81d2121e0bc1ddc73 +size 25800 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2151.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2151.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fc3e7a0e0aa0da7d375a66dcbc111918d621885e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2151.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:078b9737bb65fdcc0cb35d573c92ce0e860fa6dd92e328b0c7526543c1280228 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2152.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2152.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4efbda3529be1e73796a8ef0e71eedd533fac6a3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2152.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04403526b73002e5abbc148a5598b9df5d9e55c4ae850c7fd0ab7c331e59b828 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2153.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2153.pkl new file mode 100644 index 0000000000000000000000000000000000000000..130a84ae9cc599a93275675edbb38219e1c721aa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2153.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:131c0ca95b44f5e8c59f3f5e49352ab54933d812464c97efff388c4b6996f0d2 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2154.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2154.pkl new file mode 100644 index 0000000000000000000000000000000000000000..267dbc54a4f530aaa7c429b73adc9ee66ee60f8a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2154.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:450b29480e3d1b87f7b7981b33d3e434df4f0fb674bed6d4a2ed628cfde5c8f4 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2155.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2155.pkl new file mode 100644 index 0000000000000000000000000000000000000000..94381a5c6a4f4334ee48356a45b764c66b341af7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2155.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d28efcb60d202554b46eeabca2adaebcffe42734017b30785365cad90d0142c3 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2156.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2156.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d76adca3726d802c2ba29062770f270dfe3bc828 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2156.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9bd726ae9e7400da9bcc8592f30e71b612e27dc6fb0c7266e8bef83d026410f +size 25802 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2157.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2157.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2ec2a6dfcd1d5fa6c7314a90b1791b6be44917bb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2157.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39ce994d937e107b5cf570cb3b9f954dd0564b22b51fd3797c06a8bf6e1e8f1d +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2158.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2158.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ba9e00970a1eac581b0b2d4ee52da5f1af5b870d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2158.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c48556aa16e73c526e37bf9bd537ecb641404d8a144482bc5fbc7d9127461f8 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2159.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2159.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dfd37f040cd191b36e2aa7c9a247bfd0348a9c88 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2159.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64b22307749130bf7f31ef920eaaa060a443cfb234e0a1fcd2b249cbec567e93 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_216.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_216.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ed640c89142a0ab3cc052438f0e01d47b49bd5c8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_216.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d58f76dd3105b66c94685531c5e7e4c0e01bf338401b16d3a0b466bae5de974e +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2160.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2160.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f51516c9fdfe3fb4a3453fe404b7fc0f9c1b9e9a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2160.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f82b821ca7047bc8f8d61cd4d71c04748bd76d4b3405bc453216edd3a3843f6 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2161.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2161.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6e984402149f3fd14c20476a8b2a6b768436c539 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2161.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d800dc1e34f6375e2b5624a55696b36cd417f94b25c0cde87566d7b77dab62a0 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2162.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2162.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f09e057a503ef778a6764142bb0020fe50463f5d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2162.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06b55f575b986a93e6400a1f6c539b2ec6c83f922f5dffb5e72663555cd1b57f +size 25795 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2163.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2163.pkl new file mode 100644 index 0000000000000000000000000000000000000000..91c72d7962aa6282fee6eb13825f7e8e7017c154 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2163.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f01304a551c49846fcfc2dfc478ea9ab82fd1dbd74419a23c941d8aac98fcc4 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2164.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2164.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fa5f810753fea5bad972b1ebb3d1702f527fd2a1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2164.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:153d220974701974ab91186c69372a1643b7546ec68947fbea2e0a3dc8198c97 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2165.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2165.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fbeee4f5d5218de876e368a7bb7e94a490d4e7a4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2165.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b9d680d6e79214b229db8c1e9239cd810b7adee9515d8d2d3f81c557bdda307 +size 25815 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2166.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2166.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c32947563a0d74104de6d0d575e93b45a4310259 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2166.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1af6f1565f80c725ad2abc9e24abfc993f5eaa19e768956bbf466307b4d7d566 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2167.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2167.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8818a551dd3afc5a4645ee14a47bf68f62bb3626 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2167.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5e0ce64529594f462be0dd1d922cad21197c770c1983d62015b3569e6eaa474 +size 25815 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2168.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2168.pkl new file mode 100644 index 0000000000000000000000000000000000000000..20a64e0da547201c12607d1ba29d37f226f9110f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2168.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e0ce7c6ee06ae140c602db675b0e9cf697ff361cd89ada0bc60a97545020c7b +size 25797 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2169.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2169.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7384afdeb5e9b14bb52eb1a10015c64250c77df5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2169.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:40b7163da1172b529f44ad0c8968a51bb261fcfe1b6a363d886326dd0f36621c +size 25809 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_217.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_217.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6c35576bc069b7d1160f1743c9ca4f4140c48bc2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_217.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:edc6b6e84ead37e9c84346360b6c4fc7b650f88dc0f2f88d5875fdcc8adde4e5 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2170.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2170.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6a20fd4b81b9e423dd965bf6b100f87df08d2bf6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2170.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b3d060f5dec152456f73c4b138b869a35c87ee6045b8504c5048d67ed305c1f +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2171.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2171.pkl new file mode 100644 index 0000000000000000000000000000000000000000..48bd3b5c9f5c1256f025a12abf527cfb24294290 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2171.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa1a9f76ffbe1d03a5d841fa4975436f627fea8b24e0ed56b7db09a87e1bb044 +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2172.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2172.pkl new file mode 100644 index 0000000000000000000000000000000000000000..504005d3f1b29214e59ac6b98e147a33f7654de5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2172.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce97d0eddd4ecca867df3ecdde5b1c310ccd6ad97a2d5d5eaf8176fc8f107832 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2173.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2173.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0eaf7a67faedfb0645f4328c0412d7566492abca --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2173.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb0b14faaa0d5272873f7bac1ce816c8d14d6bc8b5a535334abf1e47462a7653 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2174.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2174.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c44c39ab8b438e57f82761f289f7b291ad5eade6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2174.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b49617a2cc0590937446b13a0d0aa672a38989399c9738a205bd6f83a67c56f +size 25795 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2175.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2175.pkl new file mode 100644 index 0000000000000000000000000000000000000000..85195eb609dbc93179f54196c36194a9bf7c2c3f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2175.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7518976de38e0e1cb009b80a8f71c0fdd9740d50b090c5a076432e37cb62e99 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2176.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2176.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bbc38ba83a4c445e12b662fa257a68181354642e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2176.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ddb118ae1d0b89966a953f128db31aaa4a017b62b9ffdcce44cd250fd36d010 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2177.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2177.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0449ad22097a374e2fc099c84ae21b127897b43b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2177.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b10cabf20cb78fbe6b19a5e9baa43b25d5c111a76b1ff97288b98eb65669c27 +size 25815 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2178.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2178.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c46287dcdc368660b6e38c8bd13b63aed101262d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2178.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:057775f378cbcd883bfa0bc6163da1b0e4fed85db6f70f881bdb8b98997f0339 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2179.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2179.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d5092aeb9af052c182093c7d389410fbc48a38ed --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2179.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:995dda8e20acffcfe9b1086dcfbab2bda74ee4452dfa2358db1a8f899a409468 +size 25815 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_218.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_218.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b32bd569a3f698906bd6b692c5c4bf00edcef92e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_218.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ec83c31ff81ac1f950e14b5b3e9aecd8203843a2444b74b8013c702143a9489 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2180.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2180.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c1d729f4dcd6b1e2b5e3a690cf0ba080bd81893d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2180.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a25d4dc1b8115d390e40cb7850d66e5053a07825fa26de101d16d730ae3025c6 +size 25797 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2181.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2181.pkl new file mode 100644 index 0000000000000000000000000000000000000000..92db8757e3e673896f2a191835be9832d836a3cd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2181.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ecf2464c3ed2f02347d823d5a752b31427b570f8281bcbaafc42474191248969 +size 25809 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2182.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2182.pkl new file mode 100644 index 0000000000000000000000000000000000000000..caf4ce6df8c8eb55d557d0123aaf3e292a204e1b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2182.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de0850676859aa5e4f441ac79fecf34e8a6185fbeaa539ee42e06189e8366037 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2183.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2183.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8ced371be98b1ad2e3adf557ee3c6fe400f82e7a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2183.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f65cb079371a691dfac0f739de4eff91f7566024dcc8edf1aee156f91cbce5d6 +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2184.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2184.pkl new file mode 100644 index 0000000000000000000000000000000000000000..67efcf0f15b6f7bc4640366f018d9f28b626490c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2184.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f2d2eab335ca377edd8bc537a49fad1a6592d543c051be5f45fb6b150e23330 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2185.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2185.pkl new file mode 100644 index 0000000000000000000000000000000000000000..160567de70760e4ddfb43d4d27acebedac51750e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2185.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2693ee438b92075ab378e1450d7c475d3e2524f6def4af1f653be44675712a30 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2186.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2186.pkl new file mode 100644 index 0000000000000000000000000000000000000000..119729e0823cb29a8399a21b032327b33a02ca8c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2186.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fdd7dfb0ebdc68f33e1d81894b9efd89df4f540a7923633cd4839738ac1495d5 +size 25800 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2187.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2187.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f493adcf55f79a466daea609ec53b2cfb2015469 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2187.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efc44a73ef4aabb9e521306fc4e17f4414effb5be6086db6ba5a89b83d9af1cb +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2188.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2188.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cd6248009bc02289e25f0f127c14998ee7ae549c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2188.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9ceb09b7a294dc995fc3c7bc17ddd9d19453240363fc52188b6a65a08b55d21 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2189.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2189.pkl new file mode 100644 index 0000000000000000000000000000000000000000..66368b89848359aa6ff05acc8d94774df6b30861 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2189.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:870c26af44b1543d750210f0c9747c72bdf999065618a8f616e6942130a607af +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_219.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_219.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dbc15f9434f2d6569174e953816e12384b6fcf50 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_219.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ce2e725a4be90bc7d1dd7d38bdde07dc0403b407830df375d95b78cc4f577ec +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2190.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2190.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0349b979025f95c3db823f889152748d6829970e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2190.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66e1d58e6114993d50d3334f4f1ab9584e27dd485d111c2a5f06dd411916c8c7 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2191.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2191.pkl new file mode 100644 index 0000000000000000000000000000000000000000..00b5a7db6268bc95885e29523a50e5d2329401e4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2191.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8dc0b6b54e5302cbd2fadca6abe78d250e2253aec1cd592717dff37a7dace3b5 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2192.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2192.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2cead3dc50db51132832efceefbef7ae6011f6e3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2192.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf87d35f8717d6bcc0a0922227551fc8ee21224e1dcd0c82d05dc07cb6deb0fc +size 25802 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2193.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2193.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a155f4e88c6dfe72b5dc020bf78dfd11754d7cad --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2193.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b678f3b3673674d083eec4f77da636fc2d11515f0f2a49f7b1bf9a9d073a0646 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2194.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2194.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fc614e430e8f1634ca69df1fbdcabbd3fb60ab2d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2194.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6b9762c4c96b039d0fd4f8623073dce9f43c77eba543f2c854c77511758e7e9 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2195.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2195.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ce0d2ccc2ea721a93da38b542f04a3676f915c9d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2195.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46c004358d56d33d79bb1bca841eb269f7ab3288c1653fe63a02a4e313099c4f +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2196.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2196.pkl new file mode 100644 index 0000000000000000000000000000000000000000..78d07ecca24892a0753c49aeafdadfd78957cf27 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2196.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab92d4108f3afdd5ba2923dc5c5e226f5e5f3e18fc52ab6d457ba50c58fa04bf +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2197.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2197.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f575a489a6eb0b31122b624b071b8975709e2700 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2197.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ae02f1d0ff9891826aed2474b087c53b22bb3f3a7266fc6d0845fc551053393 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2198.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2198.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e36ef9f4770c7dd83aada5a218d8740fa9f9e525 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2198.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf3613b1a61293788b38647813afe583c93668c14a869040116950fada9af6e7 +size 25801 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2199.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2199.pkl new file mode 100644 index 0000000000000000000000000000000000000000..11df9b58ada9f1cd85da56dfe90b2b0bc1bfe780 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2199.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49b9942245734531d04d5c734e052164f9fc58481562c9526c66d93e30a40839 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_22.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_22.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d443677167b78dfaadceb4049e7e4fbb337ed62b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_22.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce3f6a92c27ed0e1a4c63df12aef19f6008302a25ec298b01a8a532029f93152 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_220.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_220.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ec2cb33f102cb60420469bdc2528dfde1ea24098 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_220.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22af55b94a64b7a5c0a72b6bea7f36145c19ecc5da503eac056f28940149f45a +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2200.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2200.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ceaa9789fa6066340ac60d69bc4a0a90ba600095 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2200.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96620a5a9fb00011817e16eca5b8665f621df0a71dfe25090ea890acedc67382 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2201.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2201.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6b7f2bf9550f68ccf52a3ef1f5f605c4a6eaa50b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2201.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09408d4bb98df4883c9d87265c53eaf7140c8cff5fb0fa95cb0b50ec5b968cf8 +size 25821 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2202.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2202.pkl new file mode 100644 index 0000000000000000000000000000000000000000..56a883754b44d0896559d7ebe76f8cd4abf5c996 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2202.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5dbc44efae16735487f26497bcd879eca2b4afa6256ecdcf82611cd2b7d4208d +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2203.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2203.pkl new file mode 100644 index 0000000000000000000000000000000000000000..91a792d5e7a704c034a7a6518dc4afbc8b928584 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2203.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77872250a43ecfe19add2465f235dd055ea7e001d263c44cfe6ec11f7d8452ec +size 25821 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2204.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2204.pkl new file mode 100644 index 0000000000000000000000000000000000000000..27487bb2452cabcb72e0661d26131db2860dd823 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2204.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6a56780b98c599842b178e7c9f14669cb79a9663d15076a80d26e69d3964a45 +size 25803 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2205.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2205.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1064fcee78a8e053898fd3b0f315eb0250cd0b4d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2205.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db612e79b2f39aecff201ec9fee5f9b72d571ff1a9abbf1f86715e0b11660c81 +size 25815 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2206.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2206.pkl new file mode 100644 index 0000000000000000000000000000000000000000..91b827d0accddaa833d2202f04fa7c03b0f3e495 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2206.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:377f7edf9a87c6fa198780ceeb31bc3c364541f1a76bdc41bfc9788fb5749de5 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2207.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2207.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9474555ef3c35373160f610492e0e99f96169173 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2207.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28d23bfd6bc6efeaedbd941156624cb0092d43ce05ef4a63e1d282e03abef544 +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2208.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2208.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fc8c55ae67657a0566beddd59964b8f530543d2a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2208.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c29194721c81340d2ac5c396d0f3cd9dbbda84c10c6354a4c00e763202d1c99a +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2209.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2209.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c942e9ad7ac923861374e2cc35a42b7d2809308f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2209.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1437c41489fdcc0dc38270bccb92d8a040cfeafbd9b9d1d721391e6d67ea7cce +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_221.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_221.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0b83f9ee0c058d1dca26b1dcd9323dd48d53a782 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_221.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06de1d1b6fbe40f07a78cf57e5cd778d09649bb9ab6910ed0383046f66d70e59 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2210.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2210.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0eec84bdada2a1f399618b560a21d3fc27e92e08 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2210.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91693812ab15ce55c035f6916bd3bc8df7398bc93e2a9929a81211062121d25a +size 25799 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2211.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2211.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ef58b41292bb0737291632e2407c4e2b2d597b67 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2211.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ba7603638975f4aaeeeb9f633d2a50b5226e0347a0da988dbaa0ba093b46145 +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2212.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2212.pkl new file mode 100644 index 0000000000000000000000000000000000000000..49b5fca72657df441e0b6121f5f99be1acb5532b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2212.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1057abb8cd428385e039cadf44d52e0fa2b15fb9913567b14d37505faafe5310 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2213.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2213.pkl new file mode 100644 index 0000000000000000000000000000000000000000..36733560be39282b413b37d1fa9fd1a1e4dc963f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2213.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:12f45b1d53d19bed38e8b854a6ee0f16ff927435c4b96f9892d4af6597e64b9f +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2214.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2214.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0fb5e9fc32922e95194d0818dc25c0ca215724dd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2214.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01a190c75edb5e0002f7e1f577aec52fb3e1887c8c8b0946b12f4782decde52f +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2215.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2215.pkl new file mode 100644 index 0000000000000000000000000000000000000000..21cc560448adef3c5e24f259c418176cb6c40653 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2215.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:346b3c3291a18dea90527c0f6a6213d964489776c4926cbe26ee4d266139f5d2 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2216.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2216.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1da3b4d5c98583e18f8b304b97565b946a7f13f5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2216.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3daf846975f742997528958d8f0be35728e5ee511e2a8cd263024f97e470f3c4 +size 25801 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2217.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2217.pkl new file mode 100644 index 0000000000000000000000000000000000000000..83a1a46137b03c9b955f897c8884a44f33b1fee2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2217.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a3549b0c011745a99400dec49545896c3cad07df697a2231470b01f5c8af9b9 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2218.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2218.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fa43e8f621609d98df65a0bb56e6d0435b7fd25f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2218.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:150c0c95c19fe793536dd9d22fa8ff9b4549dcd0b17b68e52e757049f96b7285 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2219.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2219.pkl new file mode 100644 index 0000000000000000000000000000000000000000..df1eaf50ae166d88cc74b067412e6e77b9ac863b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2219.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6df389b769aa2d368d102b9e537497ea6f66064b5587edc71211f0a76e32d6e8 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_222.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_222.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6a4c05296456c0aad1a2c5d4e1fd3ecb9c5ba339 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_222.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:181b40cfbd2a906f99e361217ab7b7f28693c578dba796a8787bf2ca40c3bfe5 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2220.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2220.pkl new file mode 100644 index 0000000000000000000000000000000000000000..050d3d600edb9102d75a7013764008444c3075bb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2220.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49cb96947915012d77782a3ee065b3544dbf559328ae81c7c6c390ec8a9df083 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2221.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2221.pkl new file mode 100644 index 0000000000000000000000000000000000000000..42782c644516868f9c33d738cd096681767803ee --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2221.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8961e2305685dd1f66d62c11e1ef57c0124333f2a1c375e18f4f92034f77904 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2222.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2222.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bafba4cd67beac1e8ca04c18f04cc02cd246eae3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2222.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dbd03f71697d351fe4e8377f478aa3fb03d946f602785ad6ba92a07fdeea537c +size 25799 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2223.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2223.pkl new file mode 100644 index 0000000000000000000000000000000000000000..720cc7422c5857350581d329332214c6ea0f0844 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2223.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3be1fd6c5c65f10088fdd303ffc93b18dbce566e4d8fc2eaf1530928ab66206 +size 25811 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2224.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2224.pkl new file mode 100644 index 0000000000000000000000000000000000000000..01891e6e2a54dc0be1c0f035bfcaca5f6ad43d33 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2224.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2caa1687e5eec250dc98e9bc7473e78e3d0e577ec8d8527ee7a361bac743011 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2225.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2225.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f0a6da6649bb234fc2304a0c9d3b132e3ae8c0b5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2225.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b0794a7c48d6af9478ad0645e51abbf28b1cd59384a466fe428e4769e0c8e07 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2226.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2226.pkl new file mode 100644 index 0000000000000000000000000000000000000000..44b139a3e01941a7a99dc6c1adb58bf0b1e3a6c1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2226.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09d468a66714a37ee51728e78ee14bca60cee3c9ed3cad7c5af2042832e56063 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2227.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2227.pkl new file mode 100644 index 0000000000000000000000000000000000000000..21c5a91873bcb91412b3dfb1ff4ad10413d048f1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2227.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49bb8667152d4d12c9f1c257d3c0c8156f00b20005f7652ada1adfeee0eaef7d +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2228.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2228.pkl new file mode 100644 index 0000000000000000000000000000000000000000..404c07b172882e5a7a66a5b466b5fbe62757638b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2228.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1dc0621ba722d36ab348953613954836751e0f91163e87ec04054de99282e4b5 +size 25801 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2229.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2229.pkl new file mode 100644 index 0000000000000000000000000000000000000000..34ec589a162bfddea017715cca086b10df855913 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2229.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56e2357efc796bc2b7aa65e0af8a7bb8e313db0d5bb6c58758bf26d144b17c75 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_223.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_223.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1ba070a4cf97bff3e5e3f0f41c9d89fb3e6123bf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_223.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa9b7caf614162a240fad4d359c9e7540916d1fa652e3bd54fc12d79e30e762f +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2230.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2230.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b274055146ca0b187c3565ea3982333439858eb7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2230.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8eac8fbbe62a94a239458f836bb66ebeac10d1ee9480ebe43ac16df9b72667fc +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2231.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2231.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a8f197b5ce7b2a13797e2feafae6874cbabb79cd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2231.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e0c3f1687b222814bf3cadfe1095815bd2e754eafcc407cbe08cc5863b0d445 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2232.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2232.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ca62956b83c870b49afebaec4274532b692646b7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2232.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2349ec75868accbea1d27d62c746f827972cd72cac60db18172349df920dcfa +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2233.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2233.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0e8643d63df1f3b85cd30126a815d29ddbcce3ed --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2233.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8f6b5f6dfe2140d0f438873f5bb2c1d19d06e2a397a11d238e2b30e8244f636 +size 25822 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2234.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2234.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b82fa4644f4555405a56793fd6b7aaf5043ff199 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2234.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d612cb9674a207a2a3e0da1cdce6ebdedd02af3c47b48bd151284b88d3a8815 +size 25804 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2235.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2235.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1965a0dc78ccb7c1c849230a5d00dec0c223f6cf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2235.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d25e20bd1b145e99d942fae5a3b8b724f5063d115d8af48baa0130676f5c58d +size 25816 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2236.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2236.pkl new file mode 100644 index 0000000000000000000000000000000000000000..09867a6702d3d097b4becd411f3351146e6a9231 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2236.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af80a9aadd277928bb70a42247770c4423b76e4aaa8d6fe5ba2ce3ba11e8f7c0 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2237.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2237.pkl new file mode 100644 index 0000000000000000000000000000000000000000..858646ece74095f392844bced228654048b7c0c0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2237.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e1bf1ecc395a81822775030dbf8b6b178f3c4df3c632e7e7f4f2893ac0fc5e1 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2238.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2238.pkl new file mode 100644 index 0000000000000000000000000000000000000000..85e9927032e39130d78a78c9e5234733b7743c07 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2238.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ede6bd8b47ee86b6288fa475e20cba24d61ff93881b8a791b5e67a3259ace1a7 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2239.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2239.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fa04ea54632e676283ebbf2ff9bd9792376433a5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2239.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7defbb4178834e7fc4faebefa7b50a4db29166bf1ef02a580b5764247f61c19 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_224.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_224.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7fc68ad65ec3b3ee36e83bee0bc69c356f7b0ca5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_224.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b67fa4c22c62f18f38388850ab2931de9fada156aa1079842e7652d5635eadd5 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2240.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2240.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e361f4d5de29803f54eba77162b98022760b4772 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2240.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e4a629ee59ca8fd9523ca1b7f05dd732c0343b50888434acbdd848e417e6b03 +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2241.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2241.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8f1b5cf44130e331d54211ddfb028cc46286116e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2241.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54b8f3cc7d818ca840467f77034e3027d1b8ce9903c2e4362e4adb1b456b6b40 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2242.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2242.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b50f9a348d3ff76d8336f7a3f9b40b75aa1f7e38 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2242.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be87ccc941595aec0f10d1c696c681b1dc0dc96573ad3711b79d229a9142ceaa +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2243.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2243.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b15ebd8aea6b622f9a60095d0fc77e4036e2a3b8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2243.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66af0bbb6f3cca4b9bf6261ecd747de1b194a38a2381a2d94d8b345291fe4b51 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2244.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2244.pkl new file mode 100644 index 0000000000000000000000000000000000000000..257167c680b61bce16594786660096b56b4c2b49 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2244.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:090c8a6d4d8407b29fec32c62c875b46bd714d6ef6af9d83b8b70bd2b6702d9e +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2245.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2245.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d0ae744294c88958f072b968d74991cd4ccc9146 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2245.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad41fff6fe98b5eee9e1fb575a4ab5b374faf3ecd1f9126c732bf1d8a7f65bd9 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2246.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2246.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fff3383eed62f01a5aa96c49fd4fddd66a7d9995 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2246.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:036734fc4596366fa24eadafd5d3b2ce3e109d83cc040b712eaeafc1e7efedab +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2247.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2247.pkl new file mode 100644 index 0000000000000000000000000000000000000000..68acbd828753f779cf67bf83e24ca131bb038837 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2247.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4940a4f301cc8e221fab4fa26057a97c576e9c7d82d47d5233d53ae6d46c3af +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2248.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2248.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5ba59f666598730ca4684040b0e68f3a8cdfe1c6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2248.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:accdd5dfa1dc82db47dbcb36f660647cbd7969b3d241e2c047fe50a1757e4664 +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2249.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2249.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e96d157f078a856e0ff10da79eaa5ad25b3cc3ca --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2249.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f8e81ef949628ea57b947a2192066f6ebe4c5efeda0840c8880089d754656fd +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_225.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_225.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1d209471f87f65f160617bde76359c557f4bf821 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_225.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c4d030a834eb1f3da119c70e5677719d47a8e9d90885fb8137b24d7939bbfd8 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2250.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2250.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2a976eef38fc073cf4cdd91281f7236b7c1bc1d8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2250.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6006d7c43f8753b9ca371bf11f6b61810407021e2b3bc4f6fabe7225f2e00295 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2251.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2251.pkl new file mode 100644 index 0000000000000000000000000000000000000000..24c35690aee09dc92ac0bd59af1dab7501863317 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2251.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a8f3e63023889377a31bbea62aafa67b6178d1125e20b0fcd752b19c843fe7c +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2252.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2252.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7a6f651db6c16767a6393f6b6e16c8f6ca9cdfdc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2252.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:756a4cec9c8dbd73d2a86c8dec032214fca9e14729c91becdfaf1d1c49764f52 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2253.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2253.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c183236a86d7899e1e6de6ea30a0a0f3ef981584 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2253.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e602849aa1db353f9b036988aa1cefee2b61e14c4e003525c5ce18d2bbec3cb +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2254.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2254.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4cc52e34a8b02abcefce67d31769edc92036ad03 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2254.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:892210c93aea6219989fc741a5d484dbf191264e3b45636c1a29349258b37775 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2255.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2255.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1f8c7411f031b88e6ecddde9013810ac98e7fc08 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2255.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ea705d4133c16ba103c2372682def31d3d713b1eb2dfeeb5a98ac4217d1bd47 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2256.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2256.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9cca26e4fe21a8e8177ca0ec6a8c3bfbee855622 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2256.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed15d7633f9248fc943fd98e0be7b2a40a91fdac0bfac49cc164cb3d3aec2c0b +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2257.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2257.pkl new file mode 100644 index 0000000000000000000000000000000000000000..848fcd2f116e8f3f4de9ccbfa4f1c2112adb61b0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2257.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff4723cbd90b5ba2c76943013eb8c04bc9b8eb27ace1403da00a10b9e5afda23 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2258.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2258.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ba13d8166df34983d3c7a4cdd4a5acf2cf215a6a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2258.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec58833c520fbb6ae556d0193bb11d2e9e3b7cb34c24218c7f0d3f88702f4f18 +size 25800 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2259.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2259.pkl new file mode 100644 index 0000000000000000000000000000000000000000..115bcc068a26218ac4ad106e9e71d3efd48de40d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2259.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:351a390239a5d46c527c452bf82f328c49537751160577dd6051c2dcac5597a5 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_226.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_226.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2dbf5a35517f5ae54b24cdd92331cd515fce7aa4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_226.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb232e22270d3163aec5f01c7f489f066176f09db9d03a1acbbb8f31a1e2bcf8 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2260.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2260.pkl new file mode 100644 index 0000000000000000000000000000000000000000..baa27d4992464522a5404c0f6406ce0823a788ee --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2260.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5346c74b2fdc79ab13359f6523ae74b09bff78b1395cb80a75e3a64f34d58536 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2261.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2261.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f2f44da49365ceb78dcbdcca975c2e149d9618f2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2261.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2e0875e20af4ff5fe27ff34dc8b9ffab725ff08acfc6499b959681d5aa22c6c +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2262.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2262.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dcd4612bd84a19940d01b055a005706a1ee9c5b1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2262.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16d83acdce7a2f178807c670c6c2dd1f145126566581cd040df72035d3a27c81 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2263.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2263.pkl new file mode 100644 index 0000000000000000000000000000000000000000..61e80f2eb1241a3b494fb6aa96f6f78016ea7de7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2263.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:836d598064df0a174f02caa96ad59ab5ce5f5e0c2f254c85c69db06eb140daf7 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2264.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2264.pkl new file mode 100644 index 0000000000000000000000000000000000000000..de1a53e7e43deec29859ba6d8487be2fc2bb4875 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2264.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b6240ac9fc7d58d7e3310c782a8738985ec3b226f5afdce1ecb483978ec04b1 +size 25802 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2265.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2265.pkl new file mode 100644 index 0000000000000000000000000000000000000000..aa2b4181c8188bb6657eca5fdea38030e240e64d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2265.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:348397d0a0b2225a4a555487035d85d6e901da6aa9d051438d5029d2d82ac28d +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2266.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2266.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ced088aa0c9d3b0591ff6cd99e1d912e3f00eca8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2266.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46c57e8325f84680e4255abc48d61d4aea1edf3925516fab6f17d157db0f3435 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2267.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2267.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cf2dd1a167f5b0f4b625d652c5d88ae0cde0ed87 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2267.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1e33f1fb64af6745e81004a7b49f2b55e5a72935f0ee30a2f92896696554599 +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2268.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2268.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f648a8586c4cc9dd3d65d98d7db682c6245bff51 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2268.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6483f33f4fb192ed2226b0339d3f2334e8cbedc5f5970ce93cff554cf28d4cc +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2269.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2269.pkl new file mode 100644 index 0000000000000000000000000000000000000000..50ac89033730fe8aa7438351c2e6deb72af3b7d8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2269.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b057875753634f05b7b3f22cba0b3c15281d84bf7c936058bacab19c7a3ed215 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_227.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_227.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3012735666ab58bb32639c599a703500f50f30a5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_227.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92ea556420cac149598901e3b9435507e28438a39d1539b64e5faea136953967 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2270.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2270.pkl new file mode 100644 index 0000000000000000000000000000000000000000..393852852a9f3f0d2b8dffc377135618bcdc7741 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2270.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:582d8a93c56d89aab8e4e0a35170bf68a893b2e859ed765b22e9672e2b30dd86 +size 25800 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2271.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2271.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1470ec7840840a8f40b23a1febc53b7192df26b1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2271.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63afb7872c0ada01cbe29693b66f8487bd397930b9d36d57f435dea738e5f7a6 +size 25812 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2272.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2272.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7871694be9a5445f1fd48bf57932c6d6e97ea5c0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2272.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:651f2b3dd4d22563cb7587d8d2a6bcfac878a355ae525b91240e7fad1e02f016 +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2273.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2273.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fa372055ca087ce77f31e34ebdd6168ab902c2a4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2273.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db8bf62d4abebf604755712c7fdb9e444cc3cda4646484fc612ca7b72eddde8c +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2274.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2274.pkl new file mode 100644 index 0000000000000000000000000000000000000000..140a4a02467c2457b5b23ee36fab8d68762679ca --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2274.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f2e6edd3ca206cfd724284bcc8d326e3adb7f25326819c1e11841b93528a2be +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2275.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2275.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e64c0bd0184d35f943267ffeef718e817178dc20 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2275.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f70e4e85962128e96dc1efff79f61baa5a455e78ae0ade8a9b55437c09591d2f +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2276.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2276.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7a7a8bfdfb28643061f9ce2cca0b2aad4aaa7b45 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2276.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad1781213a0fc4d830b8c1ea36412d0de860b8264d2dadfa9401fa0df8b1b4bf +size 25802 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2277.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2277.pkl new file mode 100644 index 0000000000000000000000000000000000000000..65e449ff6cf0a903c39d863cfd3e2f14814b7890 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2277.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67bc453e08a0623ad2fb0f72c3bcf0c8b10f18e28ad4fa4ed9845e04aab8a95e +size 25814 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2278.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2278.pkl new file mode 100644 index 0000000000000000000000000000000000000000..897ecab4fa54adc940ba637b93cf16dabe0fcf54 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2278.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a12045002f2f46cdf7d28d4e70755f4fd894429fce7cc3265882a8cc13a6f3ed +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2279.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2279.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4d00b2e81ae591a72ee6a134feecff47f1c96eb9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2279.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43d83e29d6ac9696fda22840558ca8b88b6d1d517076e4f9140b65c629d97d5d +size 25813 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_228.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_228.pkl new file mode 100644 index 0000000000000000000000000000000000000000..79e084ca0d06dfe9f4db63db13a85ed2d5696416 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_228.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:413a3cd1309f07a9dcc0f7249d02746004720c464b5d39e234bbf1b6ff0d1468 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2280.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2280.pkl new file mode 100644 index 0000000000000000000000000000000000000000..719ac714a0f1ba6f109232ca92d027a5e21810fc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2280.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc0f291cf2b188f87311cc8dc1ef548dd89b4bd1547176c8aea7e607b924e990 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2281.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2281.pkl new file mode 100644 index 0000000000000000000000000000000000000000..705899b39897224746c2185abdbfbadc12ccd01e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2281.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08218afb4ce408bcba1d095203f07c91679d231cde1fb40f07074e68156a0fb4 +size 25823 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2282.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2282.pkl new file mode 100644 index 0000000000000000000000000000000000000000..707dd773835b9a9d7fdbafb064b996094bbcadae --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2282.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a15aecf109c3e3693c2f0b1602452cb552fa63a379b5b8adb8fd9711a951a154 +size 25805 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2283.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2283.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bec022af8f830ffbc5292065ae887d5cd9b6b75a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2283.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c43b0f807c698aa50c323583356c13c6376afc59e76e0385e1ac824b35a44ea9 +size 25817 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2284.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2284.pkl new file mode 100644 index 0000000000000000000000000000000000000000..abaa2419106fc6bd528205bfb1758f321c0b5771 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2284.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc2a5afdda568c85e59375e1041cfcd486fa2f66158b5e7e89c942efbce66eac +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2285.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2285.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ddcca949437181707017e5a316c9f61e3bfad02f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2285.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf3ff00f9051c15393da6545fe8135d93cee8bcebc677e1d7c9750e9fd1851b6 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2286.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2286.pkl new file mode 100644 index 0000000000000000000000000000000000000000..50e5bcf66105399c6f3825e35d4177d48c357005 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2286.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14635c78fefc41ddde78b567fe7ea656d84a95b452ea1bf64ce701ce59d2d007 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2287.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2287.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4c929870bbf8bad84a5152b642b0cab350a098f4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2287.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a30315cd55d6f275ebc80c9fd68392963d2a1b9655d82762a08ccc93e6b9a219 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2288.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2288.pkl new file mode 100644 index 0000000000000000000000000000000000000000..00d20f29914abe15674c3d37f444fda196e5bebd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2288.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:738e8a31adcb02a33cfb736a8f692b16473eb116c0adafc4f9aed6fd2429c013 +size 25807 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2289.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2289.pkl new file mode 100644 index 0000000000000000000000000000000000000000..25d42b182691bf447fa86f4378a29303b193cbde --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2289.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff42a91c32ba0bc8d1ac85fcd3173c1710bb3f841a8c7bc40da6e7fa66a7e32f +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_229.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_229.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1f737c80b25a128a2b8db269f71d203f43f1c39f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_229.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83dfee38ddddcd1fde699e7bd6d654eafa06ab632ae90241049d8cb86dba2068 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2290.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2290.pkl new file mode 100644 index 0000000000000000000000000000000000000000..91d04e280f38709cf0c3fbe3da6284e5107c9a59 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2290.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6822b0120cf737608bea26252f26a6cf0589cc3a9ac114d35bc2aeaa5cf9ec2e +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2291.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2291.pkl new file mode 100644 index 0000000000000000000000000000000000000000..501e17e12eaf8352947c51ef6fa25825bd2c3fd3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2291.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6121a8817e430c61783c0fda0be2596f528f5b9c17893769bc4c3f0049f5241b +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2292.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2292.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b75b7b74d96cafbc13c5860ead96b4aa3181dc86 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2292.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37146b1c0eb2853667c2b688e8b19c5aaccb466adf6d0c3368f62e0ea24280db +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2293.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2293.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d1080f5f381aa86c97ff2ec145e5a0bc4055b854 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2293.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0bcffb93d738b8095dcb62cc5cdb8ddda0872e954e72d0563c5a4999d2e9283b +size 25824 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2294.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2294.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a3b86a2579e712303848ffbcc076df52f8dad00d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2294.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf08354e83caffdf42689e63999c0298376b2338b24c3ebcdcf8070ecaf8857b +size 25806 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2295.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2295.pkl new file mode 100644 index 0000000000000000000000000000000000000000..22a25f9dec78dd282e054b9396ed8b84a7dc6fec --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2295.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4415cb63257c53cc153e70f92e8e289008eb32dc3efd13f9ae43858efb7d7b82 +size 25818 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2296.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2296.pkl new file mode 100644 index 0000000000000000000000000000000000000000..75a2f886e64975af73c4ed250e8a94e26637651c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2296.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60816488bf55a78b693b8778f7310447b9857e91f8b5ddf229cd8111211aeca8 +size 25825 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2297.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2297.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dafeef1211136bffea7850f953d2a7e87bf84f77 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2297.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7722c56a40a5c17f328b48d7468efe7c2c4da33b85133b5aac92e7a025f82ed1 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2298.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2298.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9af4d6a31ec6eb41a6221eba79060125657ced6c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2298.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a80d5a8481b9a42db2d41dd5192ff81f8a42d4b77bc442ac68a0d7677da2694f +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2299.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2299.pkl new file mode 100644 index 0000000000000000000000000000000000000000..12ec743d9cc41303a155099a800ca651150050e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2299.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6adaf94f7c536e4512efe45bcfe92ccdfe3bd8986e5bc6812f1e0cde411f4fa7 +size 25826 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_23.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_23.pkl new file mode 100644 index 0000000000000000000000000000000000000000..78a8c157b51e42dfd91e4246fe4407f3c831d089 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_23.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:144d24f686e984d5f19576dd6403d62629f639d820c8d08ccbead6740459b681 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_230.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_230.pkl new file mode 100644 index 0000000000000000000000000000000000000000..152d687cf7ba3939fa52f0c2796e528daa93c39f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_230.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:347d953a25b851641cbe26a442f969cadd5a2182006ae278a77837459ed1a0a2 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2300.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2300.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3c7f69859372eaf4185d3f80d6c233fe4a736475 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2300.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7aad74cce4bec8ea721afe922fc50c6dcdbcdc60570b029d729bc1b3984c959c +size 25808 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2301.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2301.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b1d47f3b1bcba4162b3e173000bb6994c5bdb8c9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2301.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29d65da4d09be321b1f7223d76f65a98f7836e8bdf7392c9a0ca36472eabbb20 +size 25820 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2302.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2302.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d043083b3ca5fca06a36056e46fcdc5597fbbb81 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2302.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08f91935e8e45ec9be79a4906d1989dd5531e8ef4e040052b1c5253695079551 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2303.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2303.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5ce7a505f004278c288ce21949cc0729ddbd4f21 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2303.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:832fbb561476f4b9daefba0a9431edb4f6f1a0451195cd959c6032b1f93c15ad +size 25819 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2304.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2304.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2a01d860e94e0db055267d6c8848ac11d113c5f7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2304.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:baa290c2411e1c76dc6578d7b5407bdc861a34f11b5eede94f486624aa6da0ee +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2305.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2305.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3caa53ea0187407d44afca9ed4aef7ffec74c105 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2305.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d0be26fbb91b7cd88e7dcafdaa4f3e3610047feead8283ba18587fd418cf327 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2306.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2306.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f0dad1ab911a84eea24131bd1c2e1cec4453f132 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2306.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d443424f54097f11bdb5b5237406c39cd365f9d6eff9e7dd873f6a21ff28c9c +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2307.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2307.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1874eb967c1dcdf96e426ada161c130654753ca4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2307.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71ee67bb76a1a83eae283a6a690b8b46b3b79b1c4b445d0a2e823fd20b51131e +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2308.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2308.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4b26e8846e07d0d8a7c0a0662e819cf8b5c37302 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2308.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8be9355ffea222237bafbd7f19a126d51ccf754ba0ae7a61cf0dd3dd317f617f +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2309.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2309.pkl new file mode 100644 index 0000000000000000000000000000000000000000..35dda68a5a26104728aa60081d1f70b0a05ebc78 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2309.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1da333baf25d149db4f5a6ccc9348002c4201d16048e026436ffa8aa85ad80e +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_231.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_231.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d27c9724622658bf7e1b02e9c98962f084dc5bfa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_231.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f03500c3824af0fca627bd5ae96ffff7b14543ebd308d920721175a971b0fc2 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2310.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2310.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d649239f9f3fa91f29c521a8960d95f90c1ae345 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2310.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d06ac8cd95bfbc5e5500ec5d7f8ae6a2c1036a82d035787316c4dcb101e023a +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2311.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2311.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b53d1865622b5d43f568900bbcb43a3c1a18e474 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2311.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4c3b0a44bad1ab76b6140c3e2680e08657354a9f23e3ef096627c25953a355d +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2312.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2312.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c8c27d6407198a216d65242894eae678df3a9146 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2312.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbfecdfb887e71c04726588257d73851cb6eff5cea8587f43a27b5e135dd128e +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2313.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2313.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4d26cf91d9f0cf48f3708a63676b9703d5e6f476 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2313.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d090fa2613364ee5488f8027c2e19941247245c032df324779a71a9655bdb4a +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2314.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2314.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a40735efec082f213fb33f0fca5a2c22a51b3272 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2314.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51f9da3ec844d9190ae25bb02979157f7d8b24b8977286cd22642af1fb8e847d +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2315.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2315.pkl new file mode 100644 index 0000000000000000000000000000000000000000..12585b49b7f9134f25148e5c51c4b79ea87ca17a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2315.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74cc17c12af086d286daf339c2b98771ee4577f7e4fac629979905c81908a486 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2316.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2316.pkl new file mode 100644 index 0000000000000000000000000000000000000000..78553b2c952ad16c457c5068215424bf651bf535 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2316.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8518e56b621dbffe1c4aed75c9241ed182f09e88693a4a0b37c41d4ea921b820 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2317.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2317.pkl new file mode 100644 index 0000000000000000000000000000000000000000..06767398bdd9a842dce3be1984cd31eef2521ac5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2317.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99408a551a47aea84a0a24fe1a869fb10d89a84fc4a482e04440df8e9bac0cb3 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2318.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2318.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e0e94b45c024e8260a5800d66597628f35942b8d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2318.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:919a76131aa91a38bb5bd41ba8538ad8e912c72348e6ff3dfdb9e5c1181005e8 +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2319.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2319.pkl new file mode 100644 index 0000000000000000000000000000000000000000..61299fa718203bb0688d1b4c084fba581f07e611 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2319.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac1f8326bcc94b99c8d66214791c6ff2a6b14b48da17883440793ea20f748c8e +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_232.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_232.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fbafe08409d9dc8e6627a5893a63ad4a78d90c16 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_232.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7bcb33c533df912765390e1154f5859e6064520cc2f8b01e7b0769ca63f18ab3 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2320.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2320.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d1e31e306e3bf9bb51e398b2dbb26403aa2d76a1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2320.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2701018c58f79a7613c77294cb7728b1d02d6ff8d7971c8351382977bd8402db +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2321.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2321.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9cef87da5ee3913c66b79cc78eefbf716c5c3254 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2321.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fdb372a975e0a25b772c40721d24165e7b76ab581e90e1ee2527537b05f685b9 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2322.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2322.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7103756a8dc851917777aa2c2dda41cd8c828c16 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2322.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51b83f597d58ec1d83bfab05faab4d9df79ba3ed8c94c5fa78d9cfd7e1702d08 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2323.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2323.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4d12055dd848c359fa00bcbf6c3aafb71eed4ea5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2323.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8544323b2c74e10a8bf07d2193281638f41b2b90e8e4f20a165ec5d9911085d1 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2324.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2324.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d60d19419668f4a9e9c380a1a0be86631972b8a1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2324.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e174d38b1071f8f3a320a101474312f866888b5cc467e8456837b8183b1f9ef3 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2325.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2325.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5a597cf4a7d447f857423c8bf9367fc581a0a4e0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2325.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb68be0b8d2a82b3ae3c3350b47be80c5b500939d5474fa3b1fbeb8d355e358e +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2326.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2326.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7560cbf2c45b1790100de3b5ffd63ebd40e2c4e5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2326.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b933b2e5f24814d3f9dc5e9a6f8521f7c1b964d2ac0adc7e7da2b13fbdb426e5 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2327.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2327.pkl new file mode 100644 index 0000000000000000000000000000000000000000..77e4b133c37b30f260d0149da4fbffa9dba7f1e8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2327.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:521381162434b4fbbbfd67f1e59492ab30a5057a5bb69a89f0b4beec05ec2779 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2328.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2328.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ee31d420a39bd01aa26cead43b08f871b7a1c8ba --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2328.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55a249eedf6a64ac2386e2c3990cc9b7a3f20a559a956ce878e9c6e20abe5cba +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2329.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2329.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4a38643d9d0c980d808a136743c43773eac96683 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2329.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6493460605da8ad97fc8e368078128e3471a5d68caf7ffd3b3a2dba788f973fc +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_233.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_233.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2efd83be55099d4ef75a5504a4c0149a0cdcfdbe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_233.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d5341f7c0a094fe0592d314039550e0da040c68ff39fa83f11ec0c810d8287b +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2330.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2330.pkl new file mode 100644 index 0000000000000000000000000000000000000000..342ccc93f2b6ca57f613561943a5f4d87e898274 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2330.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0252f208643f9a2e1d4312cdb8cade26964438e6aec94db74c2c235590f80ae +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2331.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2331.pkl new file mode 100644 index 0000000000000000000000000000000000000000..987297ad700a4758e681b32e6ab792e5d26796bf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2331.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc3cbc4217b56349df9121a01a97e889922062d7a232ebdd08bf956f5c275824 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2332.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2332.pkl new file mode 100644 index 0000000000000000000000000000000000000000..171168a9c630f9f53402deb17f1e951c1a88b0ad --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2332.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dbbecb1b5b14eee3cf4334450a40140c18a4145893e141194443d7bacc5e6024 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2333.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2333.pkl new file mode 100644 index 0000000000000000000000000000000000000000..13a3ccc049c864b0ff81a7dfdc2f10f5d10b3923 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2333.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f885c11c7ce769ad4c4c2d06e1db430542af894538a3f0f5222bfa85d79a1a1f +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2334.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2334.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4e1ed3b3fdc64f07287e3f9adc6c54766ee5c259 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2334.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:678b630d2d62a7d1166cd71bc5b8faa3faabec869945f7f85c2f080e91bf62c8 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2335.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2335.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7cd99091a748053d45aee9c1cb2266ec6718374d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2335.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a884fd802d70b345ec9324699df87f1020d495493bb106d24ddf8cf520d2a69 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2336.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2336.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fb66b3537119b7fae3c8afa65c290978ff4c53af --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2336.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6fa98a5d961a28f9a929b157605765c7ba8168d2f82c27cf45fec921a2ec4e8c +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2337.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2337.pkl new file mode 100644 index 0000000000000000000000000000000000000000..48ab7d3fa9a4ea3ca802ce5728636e23e9589a46 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2337.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:578e9292ee377bb4dbaf2289119f91a1c61d3c646b00ed8fb959f67b3c7abc38 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2338.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2338.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f2b73352213a7b8b6714f0d3cb6a78d378fbd92b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2338.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0bc096bedabde80b5e2f1602242140b75226caad22ad5acae747fe073e645e47 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2339.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2339.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a9209cb4c19a6fff19b011197b5e5e46af433eda --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2339.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a58049bdce07ed930765d5484b3e55356f90bee68c54700c9aae8937e334062 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_234.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_234.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9b7aa70a92ab3c295c173748f947e2e5a9e5421d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_234.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27527b6cedbba0aa4c73817a669b815532226bbc9674da5697fe57bd3ecfbf00 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2340.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2340.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ea88f5c4e5ea6494bd40186084afc06076b8a192 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2340.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bddf642dccb0d245943553933fe37355e6acc76e7370d0ddfa505f018522cc58 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2341.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2341.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ecd395cf46403c758c81a8cc5b38997bfe920557 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2341.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8cfec297a668704955f9e3347519e8ab852ebfce589c491a953fec64d8890ea +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2342.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2342.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d442eac56408523fa4f3ec290bf863859c9757e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2342.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee41381ab1429239f26fc33334a678f8ff24f6e32a3b6072d0698e7557723379 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2343.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2343.pkl new file mode 100644 index 0000000000000000000000000000000000000000..306fba763bb778b768133ee59044a78a39355bac --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2343.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d492b9ed6689af82806111cc9e391248847a225d3752d753c9fd1ae41a07aa80 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2344.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2344.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b9af1b5a6a43cf917a097a4dbaec25d26cc6c313 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2344.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9112cbffae71da22f97220eec367cecb01f8a94d79e488ef2ff8960fe6d48e21 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2345.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2345.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ca0bfa623dd8146ab4a5059437a65c2796464b5e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2345.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f16a6c72d1efcbfb338d0c6fc8197939378b7a15ccc34a59762fbc02059dc6c +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2346.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2346.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0b12a50906c2dfcadd57a077d49c4d3a37f7df97 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2346.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46cef52061bd30fdd7709da60e59169bae6fd8a760b21058e954bbe51a8040f2 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2347.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2347.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d501b72a429c1a4bf9dbad577310e2dd031d664c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2347.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28c5e9a080d3ef5ef39f81a733205cfe5fec121a30ecfacc143c684d5dd7b78e +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2348.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2348.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5ccf749cbb50aa8de825bb63af7721397d75d54e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2348.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:873e1dc3e47c6c4e4e66bcf88022104519f2ab24ebcdcd3a28afec1508f0fc74 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2349.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2349.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8f7504b66435e934199ba0d63df810a21563fcbb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2349.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:686cef8cf3da016b8ab2316154564418490f78a9eefc53ea75f6ef87598e1814 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_235.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_235.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b8fd91418729a6c2598735a95f0bfa4636d2d0c8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_235.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c5cbec28b1b171cdafed3fd124dc017090be74b155817edb4b34d5cb0947f6f4 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2350.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2350.pkl new file mode 100644 index 0000000000000000000000000000000000000000..348c0368967e59ac3484418115ad1e838d019b24 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2350.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc0f01439dc7995081c4d97c9983caeebe3753dde8d10e741eff2870b59433d5 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2351.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2351.pkl new file mode 100644 index 0000000000000000000000000000000000000000..df2ce299c435e027517e4e1b7f741770cb545c41 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2351.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81bb9c4b4717e952628c75c383e0ce4f28287bb3e5e2cb658b0972386c0b8cac +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2352.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2352.pkl new file mode 100644 index 0000000000000000000000000000000000000000..18150b07f6cdeb2827b9ac809532ef0f439416a7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2352.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55fcc31e1de526f48d964dc4506cd6a8be6f704c6483f48c568578c2415a8dfe +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2353.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2353.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7dadf2c0ceccb1d2424963e4ca0cc953971fff93 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2353.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17ff33d474849e6b83b2f445b892669e57811ef5f46cf59b7a3ea1defdc66758 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2354.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2354.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b40d33d6b7cb82567a4a10648ed525bd2ccfb710 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2354.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30c9d4f0958fc504203eedd9ac62302379ccd835f8242fb5f2b8f8e33079b920 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2355.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2355.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b3649f3088b8b0d07eb6756f50edbab82b09c444 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2355.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b69038eabb61e80f79d4e403db0b76020da90f4902ec66b2c41a2b9800ea29b5 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2356.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2356.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d77b056b9ecaca600f5d72ea6f67b04874a92e50 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2356.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7dd62d204fedd5f77ced6af9b9f67b94b795d6729608759aec157c989ba38ca +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2357.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2357.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6f36ddad7889039ccf75418f8ed45b4f9130eed7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2357.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3dbff6fd2fce20917c6f439349f4c4af801900edcedd2517d1dfaf790e46717 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2358.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2358.pkl new file mode 100644 index 0000000000000000000000000000000000000000..481be7c22d6a7c18caa088505147cef46828b3e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2358.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66aaee7c770484e890d2ab81993a298f40273ee97cfc6fe6c76823929ce3d467 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2359.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2359.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0f81eb7b441a4446150893d5ed7008deee3cf3b6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2359.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b24e559a5c223378f31b7261b0f358dcf2a5b792cf70bd5bc97519468ccc133 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_236.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_236.pkl new file mode 100644 index 0000000000000000000000000000000000000000..42901d62d2dfa684a0d2e26dd756f2c08240e6ef --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_236.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:238912209c598c36e0a802b31683c3a8262cf258659c0683d169e350104f82ae +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2360.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2360.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fc2ffc5f768a003c97446759823a96dc75be00b2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2360.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa0467579a46ea1234fd59cea50427eff56c540810575f6211016724c8fa2eff +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2361.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2361.pkl new file mode 100644 index 0000000000000000000000000000000000000000..964204da780820f00d2c9b3d4b63975212727d14 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2361.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65249591a3bad62a2180d10c04d8ea34dbb4285c750b467ff48c7893dbfa89fd +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2362.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2362.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e26851ac026050ed29d81645aa5b5fa66a6d3280 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2362.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f709a417b87f00888ef8111e5094b5a5acc6ac805f661a1d80cfb6dd018a315f +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2363.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2363.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bfbac3fcad626be2f39000063c27e2f5336f1211 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2363.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:171ecfbdd44c79724c54c79db244c9675f06c77b33eeb6eddc8cbcae354699bb +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2364.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2364.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cb582c69a8a708e1c667f5cdb725b7f03941185d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2364.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5745c3c466268a3cbbfc7a93b1ced2a02c5387ffa71011006938bfa6d6bb3e32 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2365.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2365.pkl new file mode 100644 index 0000000000000000000000000000000000000000..56ee73c10485ab8720dc0bf6cc3af2d50ebf52db --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2365.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2de46addf9a532873046bb8c4238b20b5a463f0fd2605322420a2b55e9aa7308 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2366.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2366.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2dc2d9c8707319498f503e0a3f2ae5bd3d051e07 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2366.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3814f63904341ba03499b3ce84052af23a190a0c2ed7c4563317d4cc3a66d1a +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2367.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2367.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0a2d220cd76f1da17234d2021c655d499b135cac --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2367.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05108d9723412e1364313670eab805f990ffa97c47a52075795f454baf750227 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2368.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2368.pkl new file mode 100644 index 0000000000000000000000000000000000000000..677d9ac52bdf0db3808e9d2c096d43ea6ccccb2b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2368.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66ac6a59a444a889ea15df7681a119aeeaf5c3c04a18de716a8873e5ccaf6334 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2369.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2369.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2e17f110b2a2219ed297970fec45afc716530179 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2369.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ffc38b7a81cfbad2c3a39da42086db841b9f9e03357cb7e9a90b59f6021800e4 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_237.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_237.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a22ad4f9cd158ede5e3a8c6ba676316fdc5bad4d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_237.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a05aa8c0d39405914609624c95bf0ee93a72aecca5468a6000ca713ef8200ced +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2370.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2370.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cd30602037e0578b40acfe76760c5ba4fcde2c92 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2370.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:924e0226f1501721312ce7ccd5704dd6f06cdee9266014fbf6830dbbb205b768 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2371.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2371.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0d2f7d40f73999aef0c85cae8a209ae20f6a468e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2371.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54b7336f163068c203ccb8dcb55865b708732c44dab352213f3f8c7d641f97a7 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2372.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2372.pkl new file mode 100644 index 0000000000000000000000000000000000000000..16b159d43c24d55523952b901996314857046c31 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2372.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:474dcd0617055abd8a9093c5054b9bf34564fc18455a9dd6574baadeea663ad6 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2373.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2373.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ca6601f090b7b185de98135bad984358d4db62de --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2373.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fdef814a4d0d713369c69e0a8f565661420fba6b8f716272ae5fccfba739fb74 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2374.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2374.pkl new file mode 100644 index 0000000000000000000000000000000000000000..73cf4c0021af319487cc537d1aee416832c495b4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2374.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14bf92883bccf3c1461994118d08668bb9aca4bb293decde819e67b298265fbe +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2375.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2375.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0a204de737329a5971fc8177f2dd08a8042650d6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2375.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80d3fb8ca1b84fc354f06747b1c690572987783155ff311f392718c5730e13a9 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2376.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2376.pkl new file mode 100644 index 0000000000000000000000000000000000000000..72ceee0f869c6441d934cfb74a63a4003e088878 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2376.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f115851b614e9aeba267d351ca2c75140caa930c83e9334e8ea11da374cba26 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2377.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2377.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6a0eb8d961ff014994ebbd89b977ca9504a0745f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2377.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18de2fc588f0278281c9612101ff19493d02e34f70b31e3634138b567770bc2d +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2378.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2378.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ace295b50ca589ec2010dc17bbd1bf3b2cac5372 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2378.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a97238c62c54ebf4ee58b47c70b3577ded605e140863181739d12c8226e75f5 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2379.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2379.pkl new file mode 100644 index 0000000000000000000000000000000000000000..949c4d752dfc0a55f850d91e5a26281b5356de32 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2379.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e11ddc7042e2828568ed2c32818d5a5f912f2246be21df5266205ec5ef441fb +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_238.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_238.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d12d60df1ea04ba99b2f09fbd85d58573182f19c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_238.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87281b99ad96606bb340e533d60202015abd05f2f2db8c029573bed4300b5453 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2380.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2380.pkl new file mode 100644 index 0000000000000000000000000000000000000000..78c75707d4bf65b6b91339f3803e2904b9e3c65d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2380.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04149816209a7aba80764abe5e94f342225cf654b3ef017c5a10dac8ad950978 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2381.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2381.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9683548abb3db8c4cf944fcad2bd932878eb47ae --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2381.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba28e207016db7270e6cf3155fd3a4eac422d7e7655f47d33daea5194682de79 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2382.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2382.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2824981ed883a29cdf985173eaa5572fbb312e7d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2382.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95df330c9338201a79c9fa407ee9b2a6e867fe928cc4cd463e59361f007460ed +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2383.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2383.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fab2f47389167abc80c63dea3f08ceebc7e4b25e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2383.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:02aff3b0fa00d5cb929bf8dd18fe41fb353079efbec71586ee30cf3e77677f91 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2384.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2384.pkl new file mode 100644 index 0000000000000000000000000000000000000000..86866766eb60de30a0b520a1d04aec0a2a1ea9b6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2384.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbe262000ab6e31a9fa066dd63741c6dde2fdcf6d6d4ccbe8cf4f067fbf9abb0 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2385.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2385.pkl new file mode 100644 index 0000000000000000000000000000000000000000..25a0145f76a1db4c000a45ecd712abd7ffb8671e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2385.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b87cb36f13cef4c578aadda27bdc9bd45aec3c8967ae34c58d546d5b57465d1e +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2386.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2386.pkl new file mode 100644 index 0000000000000000000000000000000000000000..037584d10940662e630789731e09dad8feb1e292 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2386.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c227dc5d08370616a9d9aba3c34ffadcfdc87f567528d92155a0e6c949a1111 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2387.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2387.pkl new file mode 100644 index 0000000000000000000000000000000000000000..429cbc17eaa241bac0a1c3bdf4008581d3187b69 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2387.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d91b6183672361a91ccfbbb3aa1b2b4c1f513e3f2aad1c6b8e9f93a4014443b9 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2388.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2388.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bd03e791d8739081abbd7746a817435e406f8f24 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2388.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d51a30d6d562055a4ec086428bd91a88c06d2289a99ff89e119c06030122632 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2389.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2389.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5e3f93256e13e0b3d92f793a1a09ccda717e0136 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2389.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0c223965a7a7af31f107b61ca8ee7015247dd24f2e9e08cbf42f8a0dd849565 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_239.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_239.pkl new file mode 100644 index 0000000000000000000000000000000000000000..791872449c1c4cb9ea05b338f541c3cdbb20383c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_239.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e185aee3f2e3a67ca1d92f7d56063ad7f8c28b222cfc0786d4a183c16263989 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2390.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2390.pkl new file mode 100644 index 0000000000000000000000000000000000000000..37719f4008806546e84eb97ff84e513d13433f2b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2390.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c2a571d69f91a9ebdd90aadb2dce0fffd54ce1b363a935a74128c2fcda401c0 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2391.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2391.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c9434e3f664e57965120d4dc96b6bacd6832f20c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2391.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ff47beb28746b1f0f682b05b8e4f8559659c1cb6098e68c6bc09591e958cc31 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2392.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2392.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f11d83d86a2befbb4c646a6e95bf1c41cf5b92d8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2392.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8477cea62ae1bb281088d341c86b8216e46b632ed67436a6b23a775025733e3c +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2393.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2393.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1ff02979e0c760c70820954441f19b20e0d6221e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2393.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:746e38f6b06ad61d954cb82ee77a1a0ab8f0c88758d1ce52abf7de242d4125af +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2394.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2394.pkl new file mode 100644 index 0000000000000000000000000000000000000000..81c23031f7bd028cace9ead5670d27a6277dc208 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2394.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f7a82141caca418b4aaf4f8298a45f82856ddf88a20cc2bcd27a93d73120f45 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2395.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2395.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8c969eb84c80f15dece76584bf7a7e089f267c55 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2395.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7622d080aaf73f63c3241bc919cb296a31b12a0bebeb0dbb1ea6eaafb50aa35f +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2396.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2396.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4a06b2c542ca5cbb6eaa5494f774bf1df67f3a79 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2396.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2bf9bab3d868cfd670ecbfe87c4be39273c52339ac2a0309f5f50b8aab5a4549 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2397.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2397.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d26287cf6f1f25cf3093c983398675139a26b8d9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2397.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a67325c60b7bfa3bc12ffa5d4bdb520df9305751c7921302b116fc064081d2db +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2398.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2398.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0215351d07701754f0ae71672c77823822df6a4f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2398.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a63cfd42da6635a450efcf04ae77fff90df80adccb319b3d9eeb2fe393570cdc +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2399.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2399.pkl new file mode 100644 index 0000000000000000000000000000000000000000..abc00986ab5028e2d9e27cb56e296874ea983d6b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2399.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3cd7b547462134fae8a7fd41347c1b3be2177866f30d6614336edbde75e1b2e7 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_24.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_24.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eeb5d23577710fb5a563b006f68ab34a3de3614c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_24.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df88ff0a0152a3a32e76da3b588ea4bfef803d5bb1d75a317e6347e1f3480a58 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_240.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_240.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2581b1895dc22ada546fe42e2da6abce3c21ca2d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_240.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7e94fde12b9a75dcdc990b9b146256f9c9ede48e931593254dca53ac7d206fa7 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2400.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2400.pkl new file mode 100644 index 0000000000000000000000000000000000000000..26833434a9343ff482822f4a3fdda55740b1e863 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2400.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:933a722d3254a6a67977256e523460a8d014d42df9295637576f1fd1498c1844 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2401.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2401.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f578dbe2ea6c8f2614513e049f8510cdfa7ceee9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2401.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a23093e568f396113fe56c9cde9754f0f3103e203b8018e49646c777db058ce4 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2402.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2402.pkl new file mode 100644 index 0000000000000000000000000000000000000000..40f8d3d93d702f6e5066c5b382c4780148950227 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2402.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3556e75fc84062bbb9ee9b9b2588a61afbe9c6d07f976647c5442b7671689ae6 +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2403.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2403.pkl new file mode 100644 index 0000000000000000000000000000000000000000..99ec5a5f5af00b49145a57cdcfc15a9a68282feb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2403.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96e0b439313b97fd14145fffca2f89523263dd6bdde4e184ed229c621c3ed875 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2404.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2404.pkl new file mode 100644 index 0000000000000000000000000000000000000000..935367ad083f5755fb0061945ef5c79bfcf52b29 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2404.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4968f794eb2dab20660fab77c6ad95ae0a2296ddaebfc0844d41bf6d5faf118a +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2405.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2405.pkl new file mode 100644 index 0000000000000000000000000000000000000000..995296850083336c6cc90084d3b97e8ceda65a66 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2405.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1fcd2bc47e8e414e319eedf726335372d14fab1f4de1a5b7545294a917dcb99c +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2406.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2406.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1ed802aee3b8f13b6480f9e2836439d2b8667b5d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2406.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d06e311b3c956197a90f684cb49cd4f937c8861b8377a00a2f3c20e86f5e498b +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2407.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2407.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a7bc6c2aa3a2ed342987b84963bac95180a6d32a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2407.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:033fa49980f017d5b90fd1a74b8bc8a2a53652b10133717cba776ceeec124d77 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2408.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2408.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b3861bf0cd9a67cf62359a50bd0cf9602ead0007 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2408.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fdf1eafa11b98235e2357ce8cc79422dbe3d5329b308d70424bafd44c8bb9009 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2409.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2409.pkl new file mode 100644 index 0000000000000000000000000000000000000000..85790170ba96fe10dc168150e961c08a23912e2e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2409.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1ef5cedccb18e72df48d3bbf1b6cec314f969e914448116473caa70933e86b0 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_241.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_241.pkl new file mode 100644 index 0000000000000000000000000000000000000000..152bff63e8cd7d5e46b707805a0d712a3d2ef732 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_241.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:872b0907d6432bbd10bbb742204e26bb1b0707d67ac45e71d2d72445fa974594 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2410.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2410.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d0c516b569aa011f30074986a34243de48c9304a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2410.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d350b015dcece99490e25185a1b6949bcd43a95f20344461e728e4bb4e4cfc76 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2411.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2411.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6d0eae30334ee2d8aff105c8e1fdb6ea2314626c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2411.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9adbedc1c83e3b325ac3a832aad15cda51deb0ceca051e41e740c9fab6dec9a5 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2412.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2412.pkl new file mode 100644 index 0000000000000000000000000000000000000000..445c3263f625bea120ed43dcc89abb3c2ca25221 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2412.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5690a0a171faede703895fd2a9af43b97be6bbf366f1a17b74e5604e0bdcdfc8 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2413.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2413.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1c90bb5c3b9f8feb2249036cc82590d90d4f9609 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2413.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:036071d780c2bf6479cd72671c8ea1e0506e15eddfcfbc1d731934e7885a79ba +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2414.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2414.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1e6784447a0465dba20516be0fd92d75e6489191 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2414.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a51417985aa318ebadc92b1b3e2e3b29ae000c70f199a698ee6ad6a375b38995 +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2415.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2415.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cec9cdbbba822de857daad1a2c802a547718c5b2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2415.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47ddd487979886f799af4d62bc81535a21615c3ccba56ab0b337dbcdb5ba69a9 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2416.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2416.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ce58dc3fbdc85c377274d465aff5e7bb0779b5f0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2416.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a144630752661b43bf9404f23a85f9bda3e27e9a5fa0335491051a3fb4e2a8a4 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2417.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2417.pkl new file mode 100644 index 0000000000000000000000000000000000000000..90fbf80d54d190347250c6b64694cd9e3088b977 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2417.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eecfe7f5148e6665dccfaffe01a998f4b76ea6ccc4e799fd9b625e925608d90f +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2418.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2418.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e7d064787b1ccd76139c79895ef474e14d768c56 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2418.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1e398eb6bb09d407d10749c57bee609d0568c734635d912a46529ab953f4ad4 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2419.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2419.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8cb57dcbe568bd24043a90bc3abf527ce65e65af --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2419.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5721bd627a9ce17ecae5284afcc1b089ea78eed6eae5e4457f629a7f13dc33a +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_242.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_242.pkl new file mode 100644 index 0000000000000000000000000000000000000000..92730ea8df3440c56e4a9f38ff81665ca4cbeda9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_242.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9314974a173df51c6a6358762601e73594f974f02b2f39a09a05cb8b73bf56e +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2420.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2420.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7526b8dcf2e20d85b1a1dde82a140c6a7929d14a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2420.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e80dd7ed437a6f09f3224d7b170507bfed0a046bb10310a68ba5a55f834a385d +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2421.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2421.pkl new file mode 100644 index 0000000000000000000000000000000000000000..54574f2469d137e615f52a2b8b7aeae7e38c7631 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2421.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b526d2b01d08cc28a1aa78540b086d805bc85b2b2f989c134103b95fce2024e +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2422.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2422.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f960c9fa463036aff7184a29f81eac0048840140 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2422.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5fb49503d774b66db99928fedbd6f161959f36998fe8a1dbf13c52f527a3f3a +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2423.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2423.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c3f38a7776b64bdadccd92285ba5adb3bd999391 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2423.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec2494f1e6d2dc036f3c5f70fd7b32c124bdd932c9e94b0c509469265a8f4bfd +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2424.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2424.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7b0d171aa65ae2468704598ea150ca676c93ae50 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2424.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7423ba4c9e6ab58fc8f9c303926e24b80928b1a7acbe509c9864438c3eabc333 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2425.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2425.pkl new file mode 100644 index 0000000000000000000000000000000000000000..417ec84be6141df2d34ad5eddedc53620db672d8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2425.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cbcd132529baa434c8293e22e772232d67bdab078bec64a88067c53b7a5bf6fc +size 25781 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2426.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2426.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a76b85a0e8a26b130af3823595e82d3c4f65a361 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2426.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9dfffa967bce698da473a4b661d866a8a5db72dc278901e88eacd6bb8eda6d27 +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2427.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2427.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8c1fc00e6a89263ebd49b01883b17496dd2838ba --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2427.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd2cd32c6c8e6c46026cd70479b72aef962534b386ba38eece4bba2096fddeef +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2428.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2428.pkl new file mode 100644 index 0000000000000000000000000000000000000000..01027762de3e6f33fb2109cde9e31dcea6697f12 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2428.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c50b6a18f8ed9cc0fc09b85db6df73fb1fd3f14e3c524568337423a67ce86d9d +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2429.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2429.pkl new file mode 100644 index 0000000000000000000000000000000000000000..af90cbfb8cee3d3c02800b898f14d1669d0ead4a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2429.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95d0cba2f76b498fd0c2039a056a0e7771cacbd4abc79fd1118333b8798380c6 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_243.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_243.pkl new file mode 100644 index 0000000000000000000000000000000000000000..da74556c6c6120c8eb61b680c3723e6c2b81cc98 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_243.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:178c9da8fb787882e87051438366fdd5c382c6eaea702dfb3136aa8f23df7f49 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2430.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2430.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a024dd504e04f716ce87beb1595523a043d43d2b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2430.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab81c2537d1e60f240df4c2e8ab415baddf70fde9b7eaaf252b0f61c40df01a1 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2431.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2431.pkl new file mode 100644 index 0000000000000000000000000000000000000000..49b2748a16dc1c189304b24de554c0a94b8e7718 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2431.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6b287b2a4ad815740e03516dec607a1208d97b73adeff9d5b38dfffc2db7a05 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2432.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2432.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dbd7cda23e1b8c501d8668f8f4fc410946fbc873 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2432.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd540dcc9424c83b97660853c15c07b364aefd2549c641d074d1ba6627fc297d +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2433.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2433.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b60e8ed98781a5421080e9a0bf2a8fa94876c5cd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2433.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24820e705ff8c8dc6ae4a4535c8dcf8fea329af1a7815c9bacf4745e760c3dc5 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2434.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2434.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8e5d5319c1c34003773b0e3246df1e0f5b5a28d7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2434.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e75f4b5de01ed2fab5c83e421f7cbe6dfc43dde88b379dae3cb87d491477477a +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2435.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2435.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dfadd0d7b125e9413339746a910bd89d439924e3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2435.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65350b155ae6d3b7a36e7d1483d1983b8efc0941ef27cc489e0b610f4dd0870c +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2436.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2436.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5ce2d2458ba40d298f4ea55f32f5df3d5d96e580 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2436.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c7c4743c6a3bef46cc5efa7dbd660ed97c04d78aa2e5f9a8c59fa56d3615e45 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2437.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2437.pkl new file mode 100644 index 0000000000000000000000000000000000000000..04048b0401c2e3a510d314cc699094a7f3c95f39 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2437.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adfc5bd36bad9315431cad9536bc1e40de93867b84ebcc302eef1ceaa7d5dc8c +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2438.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2438.pkl new file mode 100644 index 0000000000000000000000000000000000000000..525c2e70383824829df8f642a3acc17d58fbb083 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2438.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ead0bf23efe7cd8f49dc7efac9338f2c08322d1bbfca0fd2aa94af62409b8083 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2439.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2439.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5c024b5ff6e6e2e56a122d34eb02bb0fa439007c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2439.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4faa8770b43267a9212be62cbe489a108c601ef174c3048f5e6dd43738a65e54 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_244.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_244.pkl new file mode 100644 index 0000000000000000000000000000000000000000..34c646185724a4155c1cb664baf44587f57c084b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_244.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bbb1909d0a98f18d136243b40fcd42ae8f668e89e12400826e55ec0344fba5a +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2440.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2440.pkl new file mode 100644 index 0000000000000000000000000000000000000000..15b6066d47aa444805cea97df4fa5cf85877bd92 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2440.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52c8bc851e426d675bb4203add664aeeac0210dabcf8a683dc9f23e840a54615 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2441.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2441.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5edba46a66b35e07101612cce5e787c681290e2e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2441.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50f5ec05ea614885d14534040d64bd99ca518814ca116367c88123ef89ddd33c +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2442.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2442.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5e0326a1206019182d701257ae9ec6bd9f93cf5d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2442.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5751619f604841d7431c9e41df99e668d13a583264a038c653015da8200b16d +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2443.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2443.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e976161ec97b09b0331ac1487a425c6adf4c3ccb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2443.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:229e689e5b1a8ec694b1847dd321534f9556e4ca08f6b427ef08ee34effc8708 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2444.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2444.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ce96bc1ca30e45efd21c3b313879502f56d10964 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2444.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:739905222c38a29a4771205a0dd7d033ca915f10d0c43cbf9408a67c4c642c1c +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2445.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2445.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2eef5d904c8430692a8a077b24f68f02afe34e6a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2445.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:edbd10d3c1a9ec7bb911b0f03c2c77209162575a071848275a6cf5130c0d7706 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2446.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2446.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e21b6ff12855a00fc2675752a909183fd57cea78 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2446.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:02114d9caf2a546e57bf845b35a079b2bc6ec17492b355a2e393fb1257c35e7d +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2447.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2447.pkl new file mode 100644 index 0000000000000000000000000000000000000000..833b970c19c2514d2cb8420550eeac683941cb49 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2447.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef3d7881bd1233dd26303ef00010abfda4120e42cf211bf07420a2e5fcffccd5 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2448.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2448.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9fd58e234d054a63f89ee5416e37963b87a84ce4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2448.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47d3ce5da97bf201717744beea1f47737ba5a67a2594ff3c44a6ffbeaeebdf58 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2449.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2449.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cd55ac52d64c9bde7e7fa8d15440aa7dee6327ca --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2449.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9dd939d15cc1d436d9f50092e6ba7f820bfac761938b9edb356ff9756e92c95e +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_245.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_245.pkl new file mode 100644 index 0000000000000000000000000000000000000000..863e67e1ce74e7ebe54a1e97097e65401c466800 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_245.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82aa82c593c93f4e9e3d6fda7dc143abf7611324c2a638ec636560a91b003556 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2450.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2450.pkl new file mode 100644 index 0000000000000000000000000000000000000000..aef73c60191d0432435dc48074ad68c84691cd28 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2450.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0c3527c86562a085a2e54ffff437d0fd817d2b17b032fcc4efcbd1d44cf82d4 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2451.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2451.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f8af949d3b260f9d0415d72411321c36addb6634 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2451.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8ebd50549d499b73023d4e891b68865cb35ad379336457a9115b76ebf160e5a +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2452.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2452.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e1208a316fa425a4d402b3be17e38897b728ac6d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2452.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:379a01eef53fddf0458ec6224ec71aa490ab8b40425310a9955e90e5287baf37 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2453.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2453.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1737b6b0797dea910b2e7951add2f8567d72c965 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2453.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c820cb022762bce107dfdbd92fbdcadb565bbdc6376a1b91a336f452b40115e3 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2454.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2454.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c0c5cf951994e0d1afa0106c59f89b6dff99e9cb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2454.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88d4a580c8d270a427947659e56b9b716b66eb90f95132826bbc7f7ce7924987 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2455.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2455.pkl new file mode 100644 index 0000000000000000000000000000000000000000..06cf7910d593fc81d37ef1de8b5e5cf36cf9571f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2455.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fe0b767af69b5a816423b2a8277301439d73334dd4a38d5472f80e670c4640f +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2456.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2456.pkl new file mode 100644 index 0000000000000000000000000000000000000000..07d784e015e08aef8f00fc0943ef156710e8763e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2456.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c82484d3692eef7ca93363399e6e5fd4c5e39d8e577e15532bc2e97164b0c2fe +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2457.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2457.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a2fb1665bdfbb85f640941cfe658382f7698da22 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2457.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:807881d95e78d0f573360fdcc26e1e9346b27b25a14359eb0df0af69506965a2 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2458.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2458.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6c435716aefe76fc827cd3a94eaddbaac33e91ce --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2458.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ae5c0f0a495ea525744931ec3c2732285a42900a51ec0f99f8ade4a707f0888 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2459.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2459.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9797edbce1c4be536abcb484d092dcbc96ac451e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2459.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61c7fd34f235bf99620e2c980fbfca775b3626fda0506c734d43637cad5acc57 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_246.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_246.pkl new file mode 100644 index 0000000000000000000000000000000000000000..48d806da52424bc4ed1931c01158c07e3dd1c93f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_246.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21255f8f341601b0f8807a4c50d73f9d9f7d95e1036f89a144fd58f835fb3b24 +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2460.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2460.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b8eea469eee4da8396aabe96dea7b6d948a88a71 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2460.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3cdcb6605bcbc5aac91e52bea241fa18794ba1891a30ace95321ef9bed588707 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2461.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2461.pkl new file mode 100644 index 0000000000000000000000000000000000000000..276de1d6b2b67a3ac20c18681ecb663e5dc31e00 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2461.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c5c0dd57cabbd414fb0511e0308e2ed6f817d4a3b867866f5d8eb3c435df95c4 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2462.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2462.pkl new file mode 100644 index 0000000000000000000000000000000000000000..05f44e3849198558be6aa7e06f3cc35aedee0116 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2462.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35f42d3ca7c0734b4f8be5a226352ae18abedf5fb7347b09f016f6edf172c587 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2463.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2463.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1deb75d929abc73f90818be3d5b8da506b272660 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2463.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1e781520f5654e7d5c87417758c679458c5eb0cb7aa11d1cf210895902b03c7 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2464.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2464.pkl new file mode 100644 index 0000000000000000000000000000000000000000..487f837ca72fa71d4506c750b7b79a28ee90f631 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2464.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47a308784a60adb2635793ef9057900ef2dfa4c33ec38797ccd2cb0b624b28c6 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2465.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2465.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d88476c7547adb1cffe86251160f0db36b22e769 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2465.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cfb1ec3386b3e6dfac547b89f493fc166577dcb942c59a0e513b50a33984ccfc +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2466.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2466.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c244d3ebe72792ba12cb29b1deeaf0cc33009bd4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2466.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35d8eed32468de856779102f1d369ecf45a97cbfd63083f7b8831ac84bdb628e +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2467.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2467.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4b7579861ef23a7feae7739d56586126c77283e8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2467.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3e84330becdf457de7096ae25232eda45f6d25b946c332a551a326cede85fd6 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2468.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2468.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e09617b2cf4e8b68d94cbd2bbca9436ce523f0ef --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2468.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fdc872466db3722d2da941ebfc96055f309d2e1c1d74f6696307e093359f1d6b +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2469.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2469.pkl new file mode 100644 index 0000000000000000000000000000000000000000..06e779ccea803cb1c55060e0d033d06a04f1beff --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2469.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a30c081906bc7891473fa70d2a04c5d3556adb84baa3016760d4fa35b3c47fb0 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_247.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_247.pkl new file mode 100644 index 0000000000000000000000000000000000000000..72bf6b8f5c295e44cc4105d633387033b3410099 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_247.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:880a79ff2a7f8ce03388e5a08f6efbff256202b5a77684ce98c8cca593092bec +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2470.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2470.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d48be4523ef9fdaa3879efae5979b4bbe4e27dde --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2470.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac839fed0cff1c53be6c07751f6e597a2d711c00081b486a859e6452edecf15c +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2471.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2471.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9080b92cdc44ecca56df69abb460d28e38d5753f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2471.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7409d68f1ccb6e8e2ef7d1ff6b071794e95164616fd0df4c32e92a60cb011415 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2472.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2472.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c8c82072593f4a688d4fc4f6fd8540217762d1c5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2472.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6284e1cfcc7b8089ac1fc86c4ab06d30c2d92212b3b318da6da1f62aef1a118 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2473.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2473.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bc5b82dbfcb127edfee1433d43c5a3b887c6d377 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2473.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fb04730c989590f7b4af5edd2f5ace6aa6ebb9a744ae0d933446da00f48d3bc +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2474.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2474.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7f251d508c5b81b7c9fc9b7a60aa05efbc92801a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2474.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5cae6279625437a33e11a4c520c34d11a884eb0bbab37e203e7122599e0e0e0 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2475.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2475.pkl new file mode 100644 index 0000000000000000000000000000000000000000..07c2a23c24a9408792b6eb3bd70723e3db7e2010 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2475.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cd8e9a1d6a03e55c9a140bf89e9eb8a596066557b1c08ea14163b508bef4eba +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2476.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2476.pkl new file mode 100644 index 0000000000000000000000000000000000000000..079c3d798a175d2934ef25445380630ce6af3892 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2476.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b2f8bfadfad2396902a2a5e288a514cecd18c15e10c64558d3153f5cb3773e2 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2477.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2477.pkl new file mode 100644 index 0000000000000000000000000000000000000000..887aebba32166cd29f8d1e04b39da33de0f059d0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2477.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e13153a2611d9c2b03c45eb473e77a86fb6ed6e38284aecc93a85ece1809084 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2478.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2478.pkl new file mode 100644 index 0000000000000000000000000000000000000000..40cf0b7acf393d3ba46bdae865ee6725b8a6b52d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2478.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d167edd1f427cf5f08f7ce7e066f15bb7a8527c1d25fff3d3d54588e506a5fc0 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2479.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2479.pkl new file mode 100644 index 0000000000000000000000000000000000000000..53f680a8370200997d1c62a6a7d4382bb8d1309b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2479.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e267a62fc7fef5bf925010340fb24a5b701c8588a276ff6fa9b94875cc15ded +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_248.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_248.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b2e850d01725fa44aaa061120b645de59628d3db --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_248.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bed428c2d663be62e8b34402be492e9d389e5731b90618b4fab3d01c7962d227 +size 25757 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2480.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2480.pkl new file mode 100644 index 0000000000000000000000000000000000000000..57ee8d676c7e1c51a9a80c1c43d65f786db3ffbf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2480.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86792f26e9d894a3c22106139752bc6ff171a3398c4708e13f2a0ffaff9cea96 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2481.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2481.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dc0c04fffabcce4f2f70bdf24160bef28099e953 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2481.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ba325a752b29cf27aa12f99d6d5c2e9754c51d9813b36ac867ea7c83ff7bd5b +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2482.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2482.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4d2896a237b8c2c4cc954017fd64598b566cca54 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2482.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9046cb8668135dee92423f28b41beec24d2598c5447a1199bacd520a9927f6c7 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2483.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2483.pkl new file mode 100644 index 0000000000000000000000000000000000000000..747ebab5b33e619294932567849831f6a6a0148c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2483.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77c87c265820ba9014740214148b965365856ce5c8314d93b0cba4b1e7efe73d +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2484.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2484.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6d940e6ba538f830d3bbe7f74ec752cf18fc405a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2484.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6d71b14cb253a8b3dbd919d87ea9147415c8bfaf32d536721ad94d7e7c5620d +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2485.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2485.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fe62ab84d53d2e86aadd389dc0cdbaee0ac73244 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2485.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2cd8185ba4d4555fc536b08f4873a364927ba5fe5ec0246e269f8b7d4b343fd5 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2486.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2486.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a519f820f692c4b5d57d32264209f785afc43e08 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2486.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b327713d45fe7ecf860bc8f15720f2aac9c60625b06af6e0ae2d191fcaef8073 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2487.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2487.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e6c9aaaa392fa4de6cab1a445fe7e7d1cd6973b0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2487.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f6db9d40829b4ad715ad40826dbd1d9370cd1254031dbf0a1f1292e1b335487 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2488.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2488.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b508f5dd37fbae4097b23be02e604cd5c987f21e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2488.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c17baf6c14650df3a6e6eecb6f53f49c9973faba60d7f49d321276ae1eba0c44 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2489.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2489.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7dc3d4186249497b6ea9de6c2873c1a7d918fdfc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2489.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae5b0fb06b41884d38aa69ef3002051cafbe252258f9d6a1614964b9dba6ae24 +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_249.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_249.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c686dc5367d5ad3c2ce0c0c988214169cfede70f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_249.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c3114388b2d4e83524eb128f2393f37b7a27659652881b7090301f6e69df870 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2490.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2490.pkl new file mode 100644 index 0000000000000000000000000000000000000000..da76135e19c3ddd2917991d500465d62b490d140 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2490.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38b82dd20e3d7c0064f44e073b833b87068b53c37f26ee055b67d936df053d84 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2491.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2491.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dcfa9abdc4d10f657dbe03fd9872a2843b9a36b5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2491.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b24fc6d6429359b7fe4fe6a4b9c6860259141b6baa674afdb341aa7c90d3a9f3 +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2492.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2492.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e8a6ecf567a473db3a278081ea230db6af70cfa6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2492.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:471c9de02ded9aa49c6fc41aa004d2d68bf1678099c716a6a8e0feae8d741750 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2493.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2493.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4a0546cb0f2392d91b24e312e7bcae5e45a6fcf5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2493.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83d0e9ec00bd8946531b6629ede2c1e97bfd51e7fa22fae75b34a6e654db0f8a +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2494.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2494.pkl new file mode 100644 index 0000000000000000000000000000000000000000..63468a5822c47365792487b50c3c0f067834b5da --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2494.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6146ef0cce3d14d1b66f34fca997211529b68ff72996fc0023e4e574bb482e4 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2495.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2495.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5a9a9b111296786dac52c6ab22f6ecde56d56bf8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2495.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5156b4cc77d074e2c6afd0096646cc915d7e2b4a15ba13bb8d6fd6a4fe41356 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2496.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2496.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d4ccc3505eeff1535b23fdf926814358433449f8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2496.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8971859c5a169c92c8b2cca9621f948f952c24ce099e87ba7503583ae4212840 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2497.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2497.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5bab20da0df3be113822ec85995eb684f91fda5a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2497.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5619af44c2e5dda555f2e1906f9c2bb5b63a5569cbf381bdae60c169783b9279 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2498.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2498.pkl new file mode 100644 index 0000000000000000000000000000000000000000..071ce183b31291aa47d6dda5ce3cf2cc490efe39 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2498.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:390667c88ab61efbf2388f6bda0064cc123e109441b01fb78a373d8f4f6083aa +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2499.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2499.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2da3f6585c7b6c9c5a325ed8ff03277c75daf809 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2499.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a5fd0842f9f6721b6df049128e34884ab9af94a96b5d5947ec6c46b30bedcc3 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_25.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_25.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a3598e32c96120655ecac06b04a0e72a81952a5a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_25.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e638a853bf3707f7e769b1ecc5c153b3de56cca87cd2c32484291f626ad32fcb +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_250.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_250.pkl new file mode 100644 index 0000000000000000000000000000000000000000..554e3a82c4882fbe3e68023175fcb482e43ae111 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_250.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fee90c577b286552543b8f63e8a87b753fded779c4c0ce7cc86bbcfdb9615b0 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2500.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2500.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2e42b8a9697d28a0fbcdb4f6f8cdbb44f0b740e5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2500.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64c929e9117923d7c9bbd32e947617e57259ca7dde5777b5c8f844b542114bcf +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2501.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2501.pkl new file mode 100644 index 0000000000000000000000000000000000000000..52c10217a000d05c319fccfa31d9453026e4a4c3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2501.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e20dcdd99440d17cb5ef53cce603762dc607be2a69caf5d77b946d59648fc438 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2502.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2502.pkl new file mode 100644 index 0000000000000000000000000000000000000000..88a3ba155babb0869feb0305cfea1003229acba6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2502.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e41f4a60bb4c8545f696ab00f37bb23418904751cb3f3481aa91f6896745ccee +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2503.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2503.pkl new file mode 100644 index 0000000000000000000000000000000000000000..12340b5cee65acbd25feb0d936e01b3646090190 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2503.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ca52224768f1d0da7fe8bff6763de6338e6c2d56ff43a2a236859f23912846a +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2504.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2504.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ea068e519ab71ce92f0a1461b42e4ff14e58cf3d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2504.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:960feb927f3f73547007741ff195a13893b0bb053a5f2b9c5274360ac73a4362 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2505.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2505.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f70e74e98b200e4a74b687d5caed4e3768b1aa2c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2505.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:894608847a6df5737848ac31e2e81dd9a75aa699594ac8ff9be396147085da11 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2506.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2506.pkl new file mode 100644 index 0000000000000000000000000000000000000000..72fa97ee9cffc103b28299280afdd3c06e8eb5b6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2506.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8137e79183381440b1975c35df61665bbdf99f775141cca3fb84881bd545d448 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2507.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2507.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1dac666f45678843c4ba7e2af0ed6a70cd7adb3e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2507.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a26ee92924e262e86e7fe7c81fc6a409dcd238061c6b9a978e4232d8aea311ab +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2508.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2508.pkl new file mode 100644 index 0000000000000000000000000000000000000000..aba136ae3db6d85c270f9ce44edc19207ddc0073 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2508.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b524c72ea6253ab08d4eacc7e53bcd9c8f714d72ed848ab25395734b44a14d8 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2509.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2509.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a8e4c9240448e7653b6919cdbe6e7396c5d55631 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2509.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f13e1ba7c5a83fa501f014aed1050f15c19d1f517d745cb2c238a65c947001f +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_251.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_251.pkl new file mode 100644 index 0000000000000000000000000000000000000000..37f451cb0b3ab219dda52360d1a370787433c2ed --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_251.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79d5253db4d1b3f899595ee96c6f79e7595af92662b381d6bcb43b6242aa45bb +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2510.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2510.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1155e886bfaa5c3da9975fe8789908ac3f42af63 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2510.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fb43bbc9c38dc6e2b74ec7bdbd360e6ca3ec804a31401dd8b125d087a9779c9 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2511.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2511.pkl new file mode 100644 index 0000000000000000000000000000000000000000..350c873ae455a0586711daa79c10bd89f06027ee --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2511.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45c9147fffd1140c01404f2be1e41f9f1d0542eb0967eb14e7ea5f31693cf1ce +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2512.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2512.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7557b6a7e7a129218471100f61552fb49d977d3c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2512.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:297762862e72f6c0060658b458fb1b6b0a6505f70b61bc9a333de978b4ad5baa +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2513.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2513.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3358006205608cee8d9f3f4757cd9a44b4677905 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2513.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69eedc1ddb2b862c8b5a5709b35a98b8d5b6108276981ae087eda772f9c5474f +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2514.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2514.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2aab42c0e9a0b0689d0bdd30f7f5f21dca703630 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2514.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aad1cd1328c95f00af66108fe9e2c11ecb9c0cb9913cdffaa98f88dafbec05f9 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2515.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2515.pkl new file mode 100644 index 0000000000000000000000000000000000000000..70642bdbd2c5ca43a4029b2e5921fa715e1fd3a9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2515.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fc28736f0e4d5f71e8be49a5f59258d66652aefc6d221b8dd1253f091787b97 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2516.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2516.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e4b60a283bc3bf56887cb8e45921d1afb4996685 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2516.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a5a0a62aa27708e8cc933fc9fb5f03d551778e0dafe8953a220e2c1b2cbeba9 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2517.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2517.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b26a27db9d06ed0a6c954e6d0278a4058e94e91a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2517.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:956c1daddb53ef449f98701a5447b49a09cf9c9528a02e6242b971c3c4c9a03c +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2518.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2518.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9ac6f50cae77fbc9269328b2f9a5db2c4c244446 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2518.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cce28f1700f8668988f8ff30cfb06a2e73caaa0d444da47c3f0770e753d780f0 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2519.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2519.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b0433358b74e8355b83e63251af9b18860c3442b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2519.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9600d67aa685340f00f1a277683efe8a679d440bfd9d91f8085cfd138b2c181 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_252.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_252.pkl new file mode 100644 index 0000000000000000000000000000000000000000..df217e1dc3256a03100b900d0355ec89ac87542e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_252.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e5731c77526b8e55525ebd3d1052301d70bd599ac36f3b1a8461eff8adef35d +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2520.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2520.pkl new file mode 100644 index 0000000000000000000000000000000000000000..56bc56c79808c8a3704c0c51707116be96c85308 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2520.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4567b66e0dea703e16dd365cd9eb0a7cb518730bcf6ef302f81a4d73957d5d9f +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2521.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2521.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3b1ee32e6691beafb5977338b4bfd6103caa7c80 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2521.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e193770e5c0d51fad46527aafd12ac6395214bfaa60442b5ee8b7c79123f9ce +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2522.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2522.pkl new file mode 100644 index 0000000000000000000000000000000000000000..941d858f7bca8a048c08031bb35ccb0e1082bdc7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2522.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:547344d0188f82d07fd094f6d95c694a08478795f7ff40d0e64aa31e6f619523 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2523.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2523.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ce38d2bdbda7d37381c7b65d76a68719a285e000 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2523.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9206ed6d55e6d3d52ee11754baf3fd11f0f82ffaf21577a40e67d5c12c43bfe5 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2524.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2524.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8a252a16488f439ad039b984ac9d8066738b9990 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2524.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:579090500fa571e3047f8c47d01fc6d273c6ec063d8c0061c8d82667b2b8b55d +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2525.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2525.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3f4c5a9af1766c027e3c7ed8b68ff05b9054e0ac --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2525.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f0cc5854b282e1e1209701f795b49b3d724681aa0122f481d6c4141d33bbbfc +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2526.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2526.pkl new file mode 100644 index 0000000000000000000000000000000000000000..017812efe3773cc2b35b4d9882740664b4a40a03 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2526.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f852616fc8cfe7596905ac40b43d2f33004fd29e9fae3c6d25ec0a17068396b5 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2527.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2527.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a804064d68351a80895563c4eb9c24642fcaf967 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2527.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c65f6089e7806200690d9b2b76a614b6d2f31cb277916a29cb5d8e61d30c00c7 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2528.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2528.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2a8ccef31ddc7d88eef7ab4430e1ea8a78f39264 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2528.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:184a173e7e0c35e55cf21cb064f675671a765176875d271d9490bcf9516e4606 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2529.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2529.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a0911005a9425df0593db5385036188f15f3aede --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2529.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e519d5f414e4b4d11ac31c9a9af4353342853fc238abf81778847002d000afe +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_253.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_253.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4965a0105da564075ef01c956ccca7a7ff8a4ae9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_253.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d7ebf7136cdcf7fc5e468c1c2b7234ae69e00632639faa1b42375931e59849f +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2530.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2530.pkl new file mode 100644 index 0000000000000000000000000000000000000000..917583dd1cbdb8d4130679d3cd5e5be0fd18146b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2530.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72211d7a2f825a62e9bd73ca4cf8cdb6d442cc6ec3975d8597e6d25db62ee295 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2531.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2531.pkl new file mode 100644 index 0000000000000000000000000000000000000000..76e83e17b962906afaf3b1007ed074ee7a910660 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2531.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47725ba998356878c346ca29fe7f77729c06c1b6d6d41c9c795d5f4d350521b4 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2532.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2532.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2f500343d6d02a4b95738beb3706d8c6a54ea074 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2532.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1f5ce418c6cf1ca642bf040acff6fc74db98ab8b2865f474c71c8e8a1bcc72c +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2533.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2533.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5a2524647e3a37d37c97cb06ec1ce1640b4ee0c2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2533.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:369c43b9792f18fa1eed8acb3edbfa417a50c8f1408d51db63c09b1cebe33d9d +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2534.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2534.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d65bb7cf2fc5e03e63ac016a61b1d8be7e7a3e52 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2534.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e11f3bc251dd3ecb750f1656b3afb2e183eaeb4e9ee575663d5b2f70933de0cf +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2535.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2535.pkl new file mode 100644 index 0000000000000000000000000000000000000000..243c434d17df3227f90e73eec7d91352ac314aab --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2535.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53251e910447173558519e96f02295d6d6509df94ee6cb3c75605684f1004fba +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2536.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2536.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c63604c36cd1df7d47c8488929dec859230e6da7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2536.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e89e6fc6e31ea7d577d8a02aaaedc246030672b21098e888a64622adbf533ff +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2537.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2537.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1b4e6f79f0ea2cba2595dea8d0bb9801008bf4a7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2537.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09fbe8bd2454ff346d738b5edb0021075fcf060245a574d1c343edaa94c9bcb8 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2538.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2538.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eb08a9818e97fdfe8529ff70295b47c323d2b0d0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2538.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83cb3462a734ab0f4a07be30893dc58cf571438716071622c71d3b4cd82b4bdb +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2539.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2539.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0d2556e04a2acae4e000f0cdc9e0f327629079e4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2539.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c27630b32589245f37e0546899116a29c41de24be227ff11dcec3b2760a3b666 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_254.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_254.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0ecefe6f073ad8146590ec5cd01e09569a68e368 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_254.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2f7d11c5168a25e6650032d3ef0ad1482522f353be4becde2243d438bac054b +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2540.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2540.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6fa893bddb24db2de33f5a7c41ccadf38b97b2b8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2540.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:937cba585b328d6fa753584569e6ad3320cfca27a57d382b37cfeea03c65db34 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2541.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2541.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8fe7388022d9aac4341b412a0ee809df460cc00b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2541.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5097058c17412e0574f357c28f19203b3ac8dff820698e771ba4b6740072a975 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2542.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2542.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6a6a5a3e357274efbdc596e56af29676dd87a246 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2542.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e03c755b6c07837e2bd142b8fc5edf2bff1654aacd3e634b1471772742abfd3 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2543.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2543.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bf66754b2fe5d0f20f1ea4d05829aeaf0ea78f32 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2543.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b5857933f12d51daf26014ba3d9a45b6766e1021d244cbef25145cc30d219c9 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2544.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2544.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9a02536470a42514452d27e1d0db1b09fa2e3737 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2544.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2ef7ba4a659df57f15e8966668b349f0da299533922be497c0dc96a56cb8246 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2545.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2545.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9e805398a6e2345ab834c2ecf0714e055f3fa256 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2545.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7595ff589bee385bf9e0a030b6c22d9177ec2bdacc6c5c3729d1b65adf2a15c +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2546.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2546.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a89ec2ae8575dfa842ac25da3af38b79443e2079 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2546.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d98f9a47f5c67ba7c5abd167ca979d8e38a6f3d18cd452508aef13247185a1c +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2547.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2547.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a78fb4fe22822161518602a9f4f253ef8d2d873a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2547.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9d25aecd746a44c5a77ddcb9809c9b80ad5283185449182819af703547a969b +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2548.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2548.pkl new file mode 100644 index 0000000000000000000000000000000000000000..125ee61b70ea9c78e3483af73bc50a85919e6cd5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2548.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92b06ec2d86cf6535a010a1cf92d01717d35542a693de7f61efe01fda068b9d3 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2549.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2549.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8e9d309f0cdd471ff21bfadf829d25555e37cf3d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2549.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c681313c29f46eb349d3ba05e6e2d20ce40ace955d0dfb7c7e6be34d9a0795c4 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_255.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_255.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8cba0f1189b0f3f1d92e03ff438244f021c3e17d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_255.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82bf83ea823005d8b9da5f56e0c83f7fc138639a446a4a96dbfbc5bb6c88cb11 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2550.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2550.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b4040c6cace33dd6b51386333a077790348b6ea6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2550.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:082d1031109bcd0405b096e3302b245c472cf81401b058e51e287451bb576ea9 +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2551.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2551.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d743000dde9ab29eb9505e96637207073d2c51d4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2551.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95210c742cfd0cea9d8756027746115ae84bdf56e2b39476bce401c9e60f6eff +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2552.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2552.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b7702e4a495b3faf86c8daece3fe7d91a4894c25 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2552.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c53eceb44fef9480dbfab59a82c8ffeff89e7891ee3d12006c294743586a0151 +size 25757 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2553.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2553.pkl new file mode 100644 index 0000000000000000000000000000000000000000..05d02e695295f240358498abdefad535c435c9bf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2553.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:172c35264ea2e4f266820a9e9dc950700d491847a97f041d608e518811b54b10 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2554.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2554.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2a01171bab83f67d95ff7698805f966d2c5ddd9a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2554.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6fb031d53661979e339f3b716e062394fd5abcff76c4e504afbd39a8e64f899b +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2555.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2555.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8f400006c6c6fd184e17b32a74f375f59ab75490 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2555.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:067bad64774e2bc5bd334e492a0f90624bd740750fb32c6652d6054315985078 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2556.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2556.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7fbb4c17862056f5516e621e165e349ea4e757b3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2556.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba55cbbe07620ad4ceab6424d974046139aed3a2d22714eba67a3655d47916c1 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2557.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2557.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f696dd1f8bf2a04264604b63f5f1398c60f62446 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2557.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6a940f5dbca8ff2083f45297bf9c5cce4b20d3734e14cf2fa68f7460180bc91 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2558.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2558.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ae8e98094753457a7d8e1e07ba67f0e361d78aa9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2558.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c858b6ffeb926596c34ca02a7b3d045aee61df33b5c582d184f64fc632d14ff6 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2559.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2559.pkl new file mode 100644 index 0000000000000000000000000000000000000000..003764ffacdbbbe6ec4dfb2b9a80bf7daf18a8c3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2559.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:753903c05f970b6d7c4cb4ce1ff386afb5990505de21bfc209e50f3c0f99dda9 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_256.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_256.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bf9d0159531469c516c7059ad88ff189ed3fdb06 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_256.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17f3efa1c2e3e19a314989e11be1a87c82524b377e39c4409d904c87df31610c +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2560.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2560.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0bbfb43b56a654cb772f9b26d481070c7fe0dbef --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2560.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8bfb98a9ecb6dcf8790342ebd4cf674ee2251ea1f97c283f5361c12e5e435ab4 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2561.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2561.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d24bed7e439e51898d99b23f6b5bceb7cae73089 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2561.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ff843042e02af642ec37b9a1db7b20264bd934f35d6c9cbcf242bdaab9c40a3 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2562.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2562.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4316338c57876ab9184de60a28de7b1095de79ff --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2562.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d144aac0237eadcb2bad505829f9e90416d1ede25a3691ed2bdb5d270714721 +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2563.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2563.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ae17058424b074dc069732a51c7e679a28516cfa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2563.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b42f128fc51e5180c9de2508d3280dd85b089284bb59ea7a90e4f514d2b6c422 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2564.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2564.pkl new file mode 100644 index 0000000000000000000000000000000000000000..abbde0a102dc15e1c23c98adf9b9dda076b3945e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2564.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e359000ce6c9b1a70039bdbccf511f83c9168cf0166d8232821c7f9ee536c20 +size 25757 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2565.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2565.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1c12c1cc94a8969b7abd7a5f16ace3f0721a24b6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2565.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b1ebd08cf672e3dba658c78b98fb22e1326b1226d700beef0a379a7f5a1de99 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2566.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2566.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ae529da8c481fe615c7e64d21d3031b615320117 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2566.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad9601696e96d2ed563aa5eb1af4a7c30d8b6f8acf5a9d0fc281371d849ee75e +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2567.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2567.pkl new file mode 100644 index 0000000000000000000000000000000000000000..594d0fb322b39ca4500feb293abd4b64b11ab923 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2567.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ed1570721f5f5b786b106a9556784e4c3aafa443b46fc82c4f56c83140c98f6 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2568.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2568.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d43a66f40f230f18b462c77b0ca7119bb84153b8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2568.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cfed7a323dda2d68add34470a11d56aaf1c72ea2386ce39046937d41be3d243c +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2569.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2569.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ad556284336bcdb2b34b2348c4d1418e3d91cfc8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2569.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3b693582ee62df41f8779ca9b8655ad34710a6a79850e654967d8a78f52a615 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_257.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_257.pkl new file mode 100644 index 0000000000000000000000000000000000000000..41238c108ea6a2e98bc769b83f4b6c49de9263ae --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_257.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5ce37d3be8b48ca0acd3e13dfe7c0a288ef287d96bb02deda3614aa81500c75 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2570.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2570.pkl new file mode 100644 index 0000000000000000000000000000000000000000..46e043cc384b50e53c471fd0bcc2f9c7bb351a95 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2570.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f80d5ad22a66bff8aa25efdde2a6ceac1e6d4df243900596ea4b36be234b903 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2571.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2571.pkl new file mode 100644 index 0000000000000000000000000000000000000000..344950d6477380c92c675803f37020157840fc10 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2571.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34b5690d0bd8bf3ec9ef8c2c4bb79ecaf832bd1fd6c18e8472008e8755d3efbe +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2572.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2572.pkl new file mode 100644 index 0000000000000000000000000000000000000000..de58a75e0b2ad13801b6f6ef9936e0852fe6ae1f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2572.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:486906bde128d04674a0e4737fd3ebba2283879b3dfa0e4b34218e29c3de1057 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2573.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2573.pkl new file mode 100644 index 0000000000000000000000000000000000000000..21d3071a157ef1b604afcfb776c8d92431fa526b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2573.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97ab2e85d1316a2fe49be8f20a50e514124e5e68f1150b33ebe6324f7e1e1026 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2574.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2574.pkl new file mode 100644 index 0000000000000000000000000000000000000000..622df1caa7f9aa4496d284aeab4f1d5d7079d985 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2574.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e738f8dc6f0cb994087fd82f6104e387b336b6df6ead4e781cbc8419aab23cea +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2575.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2575.pkl new file mode 100644 index 0000000000000000000000000000000000000000..312e14f18bbd6606e75f57696609ea7d4c9be5a5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2575.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7012378ae8c20154fd460a4f81698f65ae88efedb8e1d38a24593e0574b6978 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2576.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2576.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4277f6990870cd68bd042ab42c21e2973320be0f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2576.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33b178aaf49fe16f644f40d5e3136b2cabf564ab0ce031737306d2013624d72a +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2577.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2577.pkl new file mode 100644 index 0000000000000000000000000000000000000000..99e3109e818853637310312cda269abbf2d3e761 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2577.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f11cf1b94cd5f0548251c7b7998ae5638a338470bb184f45a2ca05f563cb54d +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2578.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2578.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dd7b06373d24b21d37fc7bc69fc48cb90e70767a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2578.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a316c44d841ab73b7c778dfc0c3e792c5bf21b52e511b5696f40ab7fdf18722f +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2579.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2579.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f85f43b3a4b31ea863fc4457e400d732f761c520 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2579.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6632359684b24dea8213801f13636959e1246ed0c2d177c21ff6c0bac6da0ab3 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_258.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_258.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9d2912cf5ad334d91bf7d5fa132e3d40ae7e36bb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_258.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3922d7f71a8b18a4870d416fe045e2e808308b7e7efe78faf4653768b5ffc8f0 +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2580.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2580.pkl new file mode 100644 index 0000000000000000000000000000000000000000..00df49e3368bce17226ba04e6b0b6839af8166fd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2580.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f82b8e1880c4949a05ed77a6bcb73278a12da4a3fd70245d893e1b3c6e6c10d0 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2581.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2581.pkl new file mode 100644 index 0000000000000000000000000000000000000000..141133d01b19f71bf01343d3f8ac5611e4492b9d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2581.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fff6df89603b0fef8fae3070fcc98cfadca092358ba7f868c682ed4a7bf519b2 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2582.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2582.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cd12c9f1f627600799ec4dd1ccc81d7451162147 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2582.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c78dbae4d96393040a4d87ba2dc6817559513968c71c079f8e1181557301a782 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2583.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2583.pkl new file mode 100644 index 0000000000000000000000000000000000000000..51aa7e5c37a131583b22a1fd42c42b59dc264dea --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2583.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31a29fd620bad51ade766234b9c222b3c9a7fe5d6ab7fe63709062a182be628e +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2584.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2584.pkl new file mode 100644 index 0000000000000000000000000000000000000000..75695e7694228d9ea2dfbcc4ed3743a7017f37fc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2584.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d575ac3dd9646da3304e23fb237c8633e0be2b23fa22d56c9aa154ab2615910e +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2585.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2585.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d9f24408573e5eacb618b3b0eba3698169aa6613 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2585.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:409f2109de844647b6bf865195df0d4f2fd064620146b55a3d2204be4f8fbf77 +size 25781 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2586.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2586.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c2b531ad44462c3418ea4b60162aad64a142bfc8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2586.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80feffb08ac14f9c9bf0404765eef2a0b4e31608493253ff174d48655ee4d469 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2587.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2587.pkl new file mode 100644 index 0000000000000000000000000000000000000000..55817192cb34cb253086e0d2be2cd5fd68702dbc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2587.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0746f8dc4e3d6c195680cfa4fe90b625f680bfcdb8331903ec1a6a4f7a869c2 +size 25781 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2588.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2588.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7b9f47d0da604fa3eae70359a96e0da76132f7a5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2588.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0815ef32d076822bcbbe2dcf8a2483ee699d4036f15c0ef261963c97c5cbd561 +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2589.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2589.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9f20ba156983955acb2f54b7ebcd9a62852df15e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2589.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99298ea7c617b4e0e077d6433be72590b1a7cc59bea02d9c5cff5ea46d4b640c +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_259.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_259.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dd7665b87d36a8ae1a20877d562e8b250097d341 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_259.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:577d25c408a36c71c572c91720ecdc1b318ffcc0035db98a763c3e23064f1303 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2590.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2590.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a2246b27bb1e766314b6f69e1952e4abd80cd5bc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2590.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5322daacf8f8601ae1d56ee890a9f5521a15b2f0e36f723d063faa8d32703ef +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2591.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2591.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3ef9a55c9164af7a1333438684491b6baf0f52b7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2591.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f4af5b1a03ebd9cf75f876c4066de04838c7bb3e1b2aa4efa70a8e4cc8f849e +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2592.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2592.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0efb671c22cb37725d869feaacea2efc5a65fa0f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2592.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:744ca829c2ee7b686383d5fce0f2b8db515f02806ac9c0fc637b917726d0bc40 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2593.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2593.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e18a2df37daa4ade266320b3f110b5ef86b9e089 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2593.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0025ee6fd8d3459d3006b06a621018f89bdf0e3bc990228521d67f6434003484 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2594.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2594.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5d559867a8cf1752bef026af173b99e9cfae2bf8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2594.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1b4668aeb8244709e7a10aa130e80ca8f305cdada1e4dd75fcf372023b15866 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2595.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2595.pkl new file mode 100644 index 0000000000000000000000000000000000000000..98ce04e0eff26621231f72862e78889be531bcf6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2595.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:942539b0ccdac1458112663fcc12f76f0848f6d512ef0a94e205526d4c2e2a6e +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2596.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2596.pkl new file mode 100644 index 0000000000000000000000000000000000000000..23a64745611dbd1adcc5bc50bcb9de9f907ce56c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2596.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fe1cba8ace1157ac1bde428c7b39471bd28f390732acf9798526b022efb1f89 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2597.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2597.pkl new file mode 100644 index 0000000000000000000000000000000000000000..589e9fbbe267bb3d1ac8805b2e77f8f05ac20143 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2597.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8dcd5f628d7b6eb1f3a3c6aa80ad1e7640ddfd7710894cd2cbeb76840459ecb6 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2598.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2598.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0cf9c9d9c7c3c6a9cb6b7d349beda92e388dfa3d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2598.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f921fb15345f3fae9fa78d5ad7ecb244f663dac88646affb4bfd05f8a36a61f +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2599.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2599.pkl new file mode 100644 index 0000000000000000000000000000000000000000..00d298c3d6c5f625b42a58fa936d54ae06e6c997 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2599.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ce2301118474fd06e6413514e6d028569ce79af9fff1980cf57c42c17c27d93 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_26.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_26.pkl new file mode 100644 index 0000000000000000000000000000000000000000..92783b3ec894efecad0574e80dd1d365a82a1315 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_26.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b3a3b33cbc2745caaf7e41bd2cad8d67b4c13c3980edb36899251cbbad03045 +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_260.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_260.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e7869d82c3edcb62c3d2f8de14cff3532a9b7ff7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_260.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e50ec18fb65eabdc6406ec4ceec9e6fccf64a86024ceb64e58ec3d3899a55517 +size 25757 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2600.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2600.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8d294bab4398cd1ece72b7cb68ae0db52ed3e3de --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2600.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e68da1386dee8743a772374716c005f963cc463f73f1e8e8e5e0d394535bd577 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2601.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2601.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c35f7411c24c42f4aad12f587de33b7f526a18db --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2601.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:824e579fdbc6f9dd11575790b4a96bb3b86bdca3b67f5e2f843355eab731efce +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2602.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2602.pkl new file mode 100644 index 0000000000000000000000000000000000000000..93f4e5ddc152bfe57de58ec2396411852584dcfb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2602.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7c8da50afdc4f911a681672c6a03bd40bb48cf2377a38a581bd2381036d4613 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2603.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2603.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c96f98a023ee1bc83e83dae23b4f39bd23e73b18 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2603.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5a174e6ef29d447783c9fa5ae0f715282b09b77757c2f46e9cd5f7532c15ce8 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2604.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2604.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b75e04f09b90f78970d8f4cc09d317435f391c6b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2604.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35a2a34ba56e39ff6295e7829b70fd1a1c537467b58cf15b37fa3e77d24cc8e2 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2605.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2605.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b5f5b96e7bdfcdc5a0838a5dd9219da55f5660fa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2605.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:610fb926b1bb9a1174f40d40e7d4222b796d07d96bf104223fa25430819a53d5 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2606.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2606.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5d2da02064f0a046e1ac893d28cbef0e502e23dc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2606.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:405d30a5f94cd5042179c803d3af4fa49dcdf03a4124f5967e8e1b5706a7c7c3 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2607.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2607.pkl new file mode 100644 index 0000000000000000000000000000000000000000..92ce3192507da63bd66fed8114e78eddfd7c5fdd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2607.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d58ea2a9c003e654921bba34056a0306073e2f8ebbb87ad119637e15cc4bb91 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2608.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2608.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ab4c03cf5df7662a8a055c82f736e8f6a3fef770 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2608.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71f454034214341d86f2f0c1eb13ebb5f1505b808f20487964b9d72dc000a024 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2609.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2609.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bab2bded498c6e6396b0e5e3d6594dfbe8f67226 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2609.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2daf97b85bef5b01c8ae5594ee1733df8a3fc8d66c2a98469c34ae39c14ba18f +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_261.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_261.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b11ddd64d33b2b0aae2d302b71c5c7437ea18489 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_261.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:793241669c7035819d99a26a15f11e1448d800a438c6cb2447fe1593dd806b09 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2610.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2610.pkl new file mode 100644 index 0000000000000000000000000000000000000000..98e769dc8e75a763361b4ed5b3ceaf906e4092cf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2610.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07978bc2b7997e2c99e6e31a210a595dba035c48e4fb97308b30bfe4bb7e507d +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2611.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2611.pkl new file mode 100644 index 0000000000000000000000000000000000000000..546eb9e170b02cb683509b70f8b1964adbaf3b13 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2611.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a22d79105162a22d5e2f9af0471f8f9673b55736bd80f9b6329cbab6847cd531 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2612.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2612.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0be0deb9c6413fc4b06c8544f501084f9894ce9b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2612.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e30b2c45671d5c7ce5b659b5f4f030d01d5de2a954a25acf608d97db4717dd6 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2613.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2613.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7680bbe92679fbaf636d65c0bd4dda8b898414c3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2613.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:806648886179f84bbd2ae2502f3f9c8aed219d90c1498a5c55e2b1ce0f04d8ae +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2614.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2614.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1a3e768e74dab9ec44f12121755ea9c8836c96cf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2614.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae1703315bf421084d1e26d334e8cbb74102c49a3155234f587c676cb2669cc8 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2615.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2615.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b4664182f60ba87bbdeab5e2a665378bbc197134 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2615.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c391878dd8a125813341fd276c7a6e8955c979dc2f384178d861c1365a6e9ad +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2616.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2616.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a375a3117ec15adbb16296ff481aac38b319392a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2616.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:338ca9ae77e60a879bacedc4d0ea18e3980b84373f358af685514d34c919e9b1 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2617.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2617.pkl new file mode 100644 index 0000000000000000000000000000000000000000..57932556172fd534a1d7ce898fe78eb6aa458279 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2617.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f62719c0730a37e3b11d884a5d5be8a3c5fe130d2c9d92f5450cb191ae1048c9 +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2618.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2618.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7d18d9d332150e18e6594407326a23ffc750c1fb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2618.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7af7e2d03e199747b43a1304a048eadedc70b8693b1b3510b980b157aad2ba8f +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2619.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2619.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fa980d2f93285dbd4e3721e83e945bbbb6307fdb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2619.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2622192c52f82e2a669210cc335ed5ffc6e2ba081b0a229eb0e57836ab4e7c27 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_262.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_262.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a559f3bd9d28c681ac3236a0e59252563bf759c3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_262.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac903a0b653eb35319ba17beac6c5d4e00359e524adc7ea93709a3ba53472868 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2620.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2620.pkl new file mode 100644 index 0000000000000000000000000000000000000000..75d5cf3dd7bb7fa75ddf191fd0045730d39cb0d1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2620.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e3f769afcfbe3a97967e2fbdf247ae4e6cc0b3076b84fdbc7945c5c57d831ac +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2621.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2621.pkl new file mode 100644 index 0000000000000000000000000000000000000000..39227d337b288f1e75827888b165e9850e21500a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2621.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9fecf5f015a208df4e6d1e8ec5387f78f94e6dcd0cee5d249659a88419ee3299 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2622.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2622.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4c0b26d0388f609574858ba5037148161dc41564 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2622.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:320c58c98a729d5d69c20799da6f1799adb67a9bde963d2bdbe70cd12d830558 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2623.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2623.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a4b2a868db0d9b1841d2aa55ef1a406833c381a0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2623.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5900e83715f06e49efb00c64e0da1b9e903a1d5bd9b64999a7eb73f83caf9c5 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2624.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2624.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f3d9475506465d95e145623aed8d0875c44633b7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2624.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e768a1acf54d140f4eb5f8d6262a8fd03cfbbbbd053ae7c686a4b5a2664532a +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2625.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2625.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2661907bfc14e7a53ca2a45cdcc9be27888616eb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2625.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e0c5e0210d3782ad464cadabaab06270ea8102471b1c02bd78db70e6f11df53 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2626.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2626.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3b9d6950b90875b6b1e6a85a23bc5ff329e6276a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2626.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b846c5a8df6901b2869f202d0ceaa19807a6aa06972f1f7ae6e82dcb7ed31459 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2627.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2627.pkl new file mode 100644 index 0000000000000000000000000000000000000000..604ce307b1ac29fc38812089a43a2a817637f86c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2627.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d7bc95e224c2834d919b2073df3682891893620cbceb0b37f6479ea3dda7ecb +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2628.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2628.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d56e8800efb36198611722d4e64d9ac1d850f024 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2628.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:872ed0fec47bc53e7cabc41881662c3358fda5382a406468dc906b894e3cb927 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2629.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2629.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6cab70daf550c340c3bc26a02b987a8632f4fde0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2629.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:410bee8b7f061a9ca06337c149ec980a2ccf569898c79d317cd0b3ddaceac906 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_263.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_263.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7a75997357285a852963e879b04d5c326f69afad --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_263.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d767ca82f45fdf7a692cc9601c2f6560fcd0deb99fa058022f6bc8137419953a +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2630.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2630.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4b9ddda37772c59fa4d9b9d923790b2cd98fca80 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2630.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df17c6ae62597ebe3dd0f9eccae233ecf19491286402b40549f5e2e627fb1179 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2631.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2631.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bcd12f834f0fe104642ff41aac94e5f0c141ad63 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2631.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:925bd91ac51a6cfc015e197e3da920dd4eff5cf0ccd46931b25b8645c41c8b1b +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2632.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2632.pkl new file mode 100644 index 0000000000000000000000000000000000000000..03260d71fe8a6f7d7c7b9193d597bd32e94dfcc6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2632.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d44a98936136171dad916b3503556aedfcd9f28ad87985680dcb712ce5f77c98 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2633.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2633.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4071c48c1e35f4075af1553b89f42a77a4fbf3f3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2633.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d20494d50d9c628dd522e7305eea337cfb0c925e9d7addb310a50196d53a3ad1 +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2634.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2634.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b516ade2c08c367a0cd60c208491cff69a2e2e96 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2634.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58dab1a092e9a3f88db402c780bdf72bbf907d53367748cf505f08ab266a09ae +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2635.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2635.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7fc114bd90014afd9c70512bf01a01ac9511fd1d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2635.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4282a332870c98bfa0c795a66a2b0541895e94b93296acb23022236d72a8451f +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2636.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2636.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0f45f26dcb6f36d0f922601aa101b32bec4506ef --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2636.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b056271a035997fbfb0483d5bca39f64060313176e924c7ba907ecf6a07fcbbb +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2637.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2637.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ea30d06267b02012e55796e3c01b47380999fc9b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2637.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70857df75b10c49af304f790324305537b2d0e77b35366823c356ffd8c09e3c2 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2638.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2638.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6d9ad5dc3c196c7d9ab7dace5d8282b12eb52d3b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2638.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7eea1a06fcd55e18fc01d92f160b2ed22a8bd58a9cba9fdc0d6e2a87ea28855a +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2639.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2639.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5ee5f2a52b70e6e90180a4c831eb544e5558068e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2639.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:253753d17c0799b615402c6bd0625e712dddf10d68ae5a6d740864cf8b46c72e +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_264.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_264.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fb35dc47c5b259a8999d58ef0881055e3c15f5c6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_264.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6fee140c1daccac53457d6b81ca46956e8c658e6f813ed3e0279857194d55f1d +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2640.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2640.pkl new file mode 100644 index 0000000000000000000000000000000000000000..50adc7bb1013e288e70316e4f0bd4ca91ed746ae --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2640.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f861d2715a72da54cd3e4f20cd304ae75e75a7486dc0726cd4adabd3e14e7be +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2641.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2641.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e650d3932f58d6ce8e11c4d3b917136d048ec8f5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2641.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f829af88405604d872378a42a9b9464e8d0c1e47ccaa7dbea021142e9380b5f +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2642.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2642.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b0f2108046a5b504a15b4325232c36896089d6ea --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2642.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e470bc652e3999dfaef746b78757792a874daf3ce56b8487abee3d5cc8f566c7 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2643.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2643.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f6592e4261549589447c174d1be170f925ea6593 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2643.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a123cfd5a83f480872e4f182e983eccca4c757830b1f88e3de2f9a4da567de31 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2644.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2644.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6e29ef99d2240aed6b2a4e1d4b6ba24d420f96a4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2644.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20d6832c3e236376bc560e1b70e9f1c73aee63da121991648ce1d490fe75384c +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2645.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2645.pkl new file mode 100644 index 0000000000000000000000000000000000000000..70361caaef104407c4a4f31dfaaf834457e413ce --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2645.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e131b361ff6a439ad791f3a4764ba4a44656f21420cc2ce897cb489fc47d703 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2646.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2646.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e2ac7f26c82bb2a6c4bf73752d8e4077baddccc3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2646.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c029f47c03a2d419fbbf3845a02bb91dc605f311b7bdf77b72d92c52262558c +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2647.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2647.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0646d2c031e58965048044611b0968808b77faa9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2647.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46cdde7862e35b08f87207af3d5e5d8d378b67da17a1fb9b6fe326442a634fe5 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2648.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2648.pkl new file mode 100644 index 0000000000000000000000000000000000000000..463f548a7726c926278e62cf7e2c6a3b83a39402 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2648.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4cb990ff7f5c6b43f6b7b6e952bed0c979b36335f3c6a3f7caf6146b14c040a +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2649.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2649.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2f8b6fef78a665de2e193671447c01901020cef1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2649.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76390d3bf93f4f4d121839fcaf45bc5be968104334e861944880cb5386242475 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_265.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_265.pkl new file mode 100644 index 0000000000000000000000000000000000000000..858a492e745e600356789a84fd94aa1e21796fa2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_265.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9d64a073e2ba8e6e07d0072ad0837c5c7b09e403c0f5d6fd0a97de125bc78c5 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2650.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2650.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b60f9a109d7ba4dc78f9e2daeba317812af4bcaa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2650.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:878d12df0a82ffd593428d30e57c30f2a7a12a4ace42d1f0ce9a189aa2e32968 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2651.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2651.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7ca72a83f53361d1212e982753ae2b7f0c94d6d5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2651.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ada097d50706723383cfe3e318e6cfb0e3dd680092c1bc454c3081d22577aae3 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2652.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2652.pkl new file mode 100644 index 0000000000000000000000000000000000000000..06f127f5fe1968e434df96bf01f597c008042e8c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2652.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08c9c1d4d6c4b86449709b0ed23b2b1c7fa48716763e478a3f8af6e811245486 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2653.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2653.pkl new file mode 100644 index 0000000000000000000000000000000000000000..422eae798bab66b0aa71075e710273e9b9a05a31 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2653.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ace517e36f3a24819d0baa56cb93553185c5b95164841d90506f9210daa134a +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2654.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2654.pkl new file mode 100644 index 0000000000000000000000000000000000000000..de3fde817b56d429401204bbfeb5ce113c4f29b0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2654.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e5d87777f467682b8ce55c6e3622df32317952fa47d563487ffc5ff6708676f +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2655.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2655.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4b1e3f40502221209e2a40322f1c07d4e4da21a6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2655.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2eca9797b591b83685c2c643d3948aa43e651498d1a69561f52cd9ee4d4d6337 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2656.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2656.pkl new file mode 100644 index 0000000000000000000000000000000000000000..aa26f5066f989daab972b47a43f0c742f439b3a5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2656.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a6887d4e08b15c3a9d45236739b0e637d66126a3a69d0df276579f08ff86a64 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2657.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2657.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8e30090802e7eab7caa0927148aff27432314c4d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2657.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd615e6214fedf342b21cf16fe2a155efbf793197849229748319333efe562fa +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2658.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2658.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ca92a1aa557b1595ace47873d00bfb3019bc79a4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2658.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f375099a9ad4dabe4d28f7eec49f84705b999c0de6890bc1160e5afdbdd430d4 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2659.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2659.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2184d5434b0806ddcc705de8964b80661796b98e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2659.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:376bb31d88dcf556568827e0b9863cad2c4143a09e499ea4a7a05bbc175e67f5 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_266.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_266.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c88ba2984ba7bb589e0a53fcbaefbc7cea5c5cd5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_266.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7ce8386970c64718042c4ae7d8f6b330cd5fd69e2bfdd598e754306d148623e +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2660.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2660.pkl new file mode 100644 index 0000000000000000000000000000000000000000..84b2dc3e9eae00bcec38ed9dd6aadad0ffdd7c3f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2660.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a57195ed1290580649e2ab77d6cc8006f0c8efc20bff67c7aa621c5fe1fa72b +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2661.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2661.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5f3951e83b14f2ed14120c8a2f52186d27fd75ec --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2661.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d9ca9f5dd558e7317c3f4acb3fdb30dc07795970c22f18c6bf84185732f9c5b +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2662.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2662.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1ddc1f4671ce602a82d7199cf994352a8baf18a8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2662.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5468b020c1256dab1f8cffe3fd80352e9a1ede83fa3b77d2741269676eecdfae +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2663.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2663.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c11e0b751a062304ef48d183ad026d3b8684a1b7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2663.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d16e34458e3f4bd8d7b69e7e6080181d450db3776b5b720681eb1397f912b52 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2664.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2664.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8f969d3fe646f68b3d753a2f8f7cc46699dc417d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2664.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63275b66ea01b177d73685d763c09dd4ef66154a444b2ab6cba6c7c75902776e +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2665.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2665.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0ace10bcae4065b0989d4abf1a367d094aca7234 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2665.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf4668792c0cab89d0f244f3fea54f495e825cab9eebb79f9db6e92e1f4c8342 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2666.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2666.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7b598029e9d745c9cf98519f63aba79594ff8dcb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2666.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31ffe342f57a6593dd68241dec83f573c8f8cefd0d1c0e65bea8d691f6f1d24f +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2667.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2667.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dee0d6b3b4aa1846c9e21eb77dab37c965942d3b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2667.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:304fbc0566cd1f86c4046481a31a2f8d1f624e445b564a044d52c2bbebb278fb +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2668.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2668.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0cd69c130e6e82f324e4d1dbc843f03ec67a5b25 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2668.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17d318d29b60294af8b7e940a6552e11dcd2f29c9498d29f08a6b5099119b043 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2669.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2669.pkl new file mode 100644 index 0000000000000000000000000000000000000000..227c54bbf5ea1ecda9604283759591be1c3e8af1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2669.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45cf3eda35c826e17b3afdf0522d231e580e18b81acf4f00c1899e20981a253e +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_267.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_267.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1fd13159cf27e1557dbf11226b8232355879f221 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_267.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:00798d21101118a630041efae2f475722e9fc594f25a7a552df9cb4f968e5fc9 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2670.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2670.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3c315ddeff21c9242977d0ff33f08dee062f3364 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2670.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3d10e83ef9566b754f55ef482984c25c86d0f605f3468b61d9e416da8be4676 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2671.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2671.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a59908ad048213d075243a8143be16a3ee4d5366 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2671.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c20a9d4dadbee1a3aaa7d16e7b70eeea38ffcaeb9ae1bd3495f8e201131dd7d +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2672.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2672.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d9ce7e85ab3bad9a00a6943203ba8ec870da58db --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2672.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e5f0487e2e1b46a4d7e73edd176887078fb4a7f44cfe16ce20a1934da7eafba +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2673.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2673.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ecc383be15a79f42b7e6ba283759cb334fce9061 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2673.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:848933b7d77084189d85c1fe6c9971594e5ce6e06e11ed63a302b98d7eb8ec3e +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2674.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2674.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8285cab23ff9df766c8e524dc140dd5e56d32417 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2674.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82ec7889c1d603e0a464115c9ae3ed77b35fb8d412b6c78fb0b4fad50d1ace89 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2675.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2675.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bdb8b07eef43b3dc1a411837866cf7bfc7146711 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2675.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d1995d0524bb405dd139c0ca178c15a51ef5bb828f07a72e9be9780bc2918d7 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2676.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2676.pkl new file mode 100644 index 0000000000000000000000000000000000000000..da9d3385114dbf2e5345a77526d6f763af8c2a3e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2676.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:597e3f5ed0fcef51e9759e92b62f20073bbd0932efc08384a3cf5d28b7dd2f06 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2677.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2677.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2352641c7972ab7430b5d2f1de2ee1607ec4e85f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2677.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9fc32b84aed526b3c9dc4ed2cd000ad21d9e9b205ce8ec63c64bc2bd7521df2d +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2678.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2678.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5db4c4811158074e437ee89a150c5013eeb2ea83 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2678.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91a8b76dda61ec53b76057f254c2c11ab2f0487ae78488ed3a9e364119ba2fef +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2679.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2679.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1418bfbde6f4928eb2d2841079444300ec6a1b6b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2679.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d961f7a27a4b2220e1ceeff6ce2fd2199c8f296b82ca66f81190d04f4ad44b3 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_268.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_268.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cca44e048437265f41271f5db4dd99a3c3a2f242 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_268.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:961496a8df8cbedb1f8edecc096dda7b8d89926d0bf91a8adfdf55f52ecc5afe +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2680.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2680.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4f900b5a05f93f7c4c2191dcabf40194318f5c79 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2680.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d9c50a7648fa00969ef9ab8a7f2c32531899700ca26758872f3390870db597f +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2681.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2681.pkl new file mode 100644 index 0000000000000000000000000000000000000000..58a00e0652c8e45f8350aba26473b6342ea4329e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2681.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c70a71107fffc690bc27e4507c2b6b58be82ead4b0091d1834dfe416dc434bdd +size 25786 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2682.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2682.pkl new file mode 100644 index 0000000000000000000000000000000000000000..df1bd1c5021fd25371e4a5e046827f58ebb6536b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2682.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:386946f45124133e6daa4d59cd8a254ad1a1ad6a47ffc347b482399c89526cc5 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2683.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2683.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a3a061cabdd1ed108f434ebf0fd53372c3f1a0cd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2683.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:200379cee96e5153a073e83136a8161a6ccd0463aeca6dae1af728d257ab46e7 +size 25786 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2684.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2684.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eda2418e7ecc6ab8b4f56e053564f8e41f6cbdb9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2684.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:849e1422c5498de32537400efdd54456454046eee155edf964734f09ccf56887 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2685.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2685.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ea1f96cd19d6c3c651cd44641f2f15359d7aedc0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2685.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16655b78e8b19f86cd96ee73cbdf723f7ed1111c52be21989c93eef9f5034712 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2686.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2686.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4cc9d22ce335c63c7c10300bf12449546ef04e9e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2686.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cada41bc4e58061e2ce21a44dbde6988b578ad08996ae13217cf21eb585482c8 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2687.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2687.pkl new file mode 100644 index 0000000000000000000000000000000000000000..39334a77577e24a71cf471feeadaa6bb0adf44b1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2687.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d3be967f862792d759e133711ef0337c9bf7defe42edd8dcb55c4887f028268 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2688.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2688.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7e538c4f66bad0f1a26db4293e0946e7cd2b71f2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2688.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bbca50e7c4bce72cd8624686880e3e0eb4917490ced582c5c586cae7b9f9a24 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2689.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2689.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1ad25cb630c3244b8e37164ef33d63a3e069a817 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2689.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a7d471a0866a2a2c2314323e7e755b7a777afc104c04459be5bca838f76e852 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_269.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_269.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1799b2fc5eb5874efcd238c310d84543d1983cb2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_269.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b00b765b9009ea366cc4d87888646b42e92ada590ff1e16fc1d0de704e1c751 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2690.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2690.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1681bd5f1ea6b64a55c4353166cafaf3ac49fc28 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2690.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:747ae9cbdb4b125c3dea181b0df0bdce8057395fa3b0e35d88db1c00a524257d +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2691.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2691.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b139d8bea2eb8fa813d9f62dc440e658a30b8c7a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2691.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93b417c88901241ed8cce549fc7fce510440532584d59e1e4fa7d2678e135f15 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2692.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2692.pkl new file mode 100644 index 0000000000000000000000000000000000000000..83923b2f04e91982a97b977489d4e2639560aeed --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2692.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:260079912fd6f0ad326b8e4d1becdc8a180e4b0426b992f8022b85b7806d8f6b +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2693.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2693.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0be4e384f70a5976180d8765c7620836b9e18ead --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2693.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b89e79a1285dcdb9a1075c05e2245b3b91cb16b56651e0906d343ecba9b1c79 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2694.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2694.pkl new file mode 100644 index 0000000000000000000000000000000000000000..01440b5e9cfa839bd1add0d6b2c824a779f0bf6b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2694.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a64b466374f5e99e1118c70c1c6e2a6e8e84444ab6fec0118ddcedd7a1aadff8 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2695.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2695.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3de3a6a61c321f7a40d86ff6156632adf16af584 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2695.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d37cf9b23585ce0229a537d6b826242555140870ae916fb8f36d1906aa5d898e +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2696.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2696.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a692fa956688214c15b1cc43681084e5c7b881f7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2696.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2fdf35a1f56b66d5d73850ae605a669ff692f259dff6ddf199e955a4be260547 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2697.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2697.pkl new file mode 100644 index 0000000000000000000000000000000000000000..64372e24bf8f57060ba8a4f2518ed7bf730acf93 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2697.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18418c8a2474e432bb641709ac34a3eb3ab086fd0cd6ac5d809281fc31ffb306 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2698.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2698.pkl new file mode 100644 index 0000000000000000000000000000000000000000..499a87d51a83b5a859741d984b88197b284750d1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2698.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3032ded769231b51330b4b35b6812ff70064199c9e20680b7926f02f5903b1e +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2699.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2699.pkl new file mode 100644 index 0000000000000000000000000000000000000000..74f0b1aa555ebe16dff778416f9deb744d1b8ccd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2699.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ca4cd41a1504ffefdfebbb2a35a7e32d8c94277bb6a5714e895d4eb3a8c1085 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_27.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_27.pkl new file mode 100644 index 0000000000000000000000000000000000000000..276c6295c474f56a705fba96b02e3b5331cdcfd7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_27.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:282465cde5806b2a42d2efa9f3d0489c967f78f2a02a8c9ca56f0393e32369da +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_270.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_270.pkl new file mode 100644 index 0000000000000000000000000000000000000000..53df5e04fda89a53f1e25b54a5a78e76981c85df --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_270.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0481877274c5c878f90215b4a9ae734130a89e0e728e6c14ac53764b3327848 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2700.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2700.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0d2cc22ae7ed8368d4e92027a98be6276bce8a0f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2700.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9c255f5d21094fce0cf616a84deac73768ceaf82c68f7cea8bee57bd3cb8a5f +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2701.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2701.pkl new file mode 100644 index 0000000000000000000000000000000000000000..979946b0d2704fe73cc5dedd9e39f9e74a59e7cd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2701.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b680922270a9f92cdd6a2ed026b7ac241ea8a5c09a2f57017de737339fef604 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2702.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2702.pkl new file mode 100644 index 0000000000000000000000000000000000000000..491e26e9d14a59f3c955853741ce39cb07685406 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2702.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3587cd7cd154558063c5bf9208239d5d0bf677396893c6bb11d2952d2ca020c0 +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2703.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2703.pkl new file mode 100644 index 0000000000000000000000000000000000000000..854996d81a2703f3896fabc443e4bbdb190dac1f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2703.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e86d638146fd89b4cd51dee2fa37606fce78c7aca7a5e8baed5dbae6e85e70a3 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2704.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2704.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f204ad3be2c1cb4b6542244bdb190889f0a8f5b3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2704.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:522fd8c4974b3effd3a7b21b2f8fc91ab87f08c7efcf5c497912a51e3b87057b +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2705.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2705.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3fd8dc52d340f96ee68b883f93aa3de91c697694 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2705.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c10a70841c308412f7a669ba2dd8d9a9e5198ac6a627e0466990e851464e80f0 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2706.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2706.pkl new file mode 100644 index 0000000000000000000000000000000000000000..05caaa7f40462cc8a1bbb1d43c1b344701cfda65 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2706.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e4f83d748470fbaf87abd23600fbe1705d04ffe4a4fff63a7b90500637b0ea8 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2707.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2707.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fcad00007a88263a6dcff1b6ad7bd46c02b1252c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2707.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc97a216aeed42ce2468cb1116285fa51cf8a31a8f1a44de6c4121e8fa6076fa +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2708.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2708.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8ddf3bc33f61a162c00bcdfb01227b2907f5b1bb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2708.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c246c1998f3d02fc8cf25dde93a1a51817df9f872b0e3700292827ccb0680f40 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2709.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2709.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8869b586f44a2c88ae02db43783017ca1e0a2fbb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2709.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8036f390ce46ae3f09e0034f10a1892fb722a28517d77803e572130a8ee489a4 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_271.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_271.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f96d225b2ec03a2ea5d83a4b2eb3f7f33789ab97 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_271.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1711f8a2aebc1cdb832d73d7bfd084cddb9a16b3c997ba1a8c827e2219f5ee5 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2710.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2710.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b8b6e23612b83852ca13d24a74feb14e2235639e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2710.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5944596903e7587e0a2811a9032ac863223f6a0c756cd06e8a3c3eee2eedd5f +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2711.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2711.pkl new file mode 100644 index 0000000000000000000000000000000000000000..708c7b6e6f75b605dc20da1e17a80db34e00928b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2711.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a2c29660b4c9292176b22f8fb141b8924bf2a60c7919f90f30b4db0ea6d2ed4 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2712.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2712.pkl new file mode 100644 index 0000000000000000000000000000000000000000..647068b3154e3977df5ad70717958fcef3836adf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2712.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39b42068362817501ac2cab86b6b7b1c2df0c3eb4e4ebdbf87f0b3c575cc2c07 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2713.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2713.pkl new file mode 100644 index 0000000000000000000000000000000000000000..10d67939c3df46d9bf84997f8f5892bc5ae9f601 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2713.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d3cd86a5df681067029fb1bd5e2818479c62d3d037dc978c1972396ba929a51 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2714.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2714.pkl new file mode 100644 index 0000000000000000000000000000000000000000..334388985078d5dcec754ab1d9b3119cd4344869 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2714.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:484ab024a35af9d5ccb67ac3c9c61cf23fc0d42151a16e4b3cc8a76e4390f4fa +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2715.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2715.pkl new file mode 100644 index 0000000000000000000000000000000000000000..09a7c60eb2871baeb9092cca6c2f7631e28b6a88 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2715.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b745934735775df6e019d189c8c88930acfa05f0c85512e0e69c4ed4f24d061 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2716.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2716.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9b9d9eb9ef9775a59cb4cb59846914a17337b914 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2716.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fdf4859ba0fbad1a3c8e54237733a05d6c3ae85fc95310819a1029dc99e8e16b +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2717.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2717.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b8836c3b79c9eb1f268b592946922b7ce07aa4b4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2717.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae8fa3cf5a017c8ba22295f190e07249126e5d9c38a1fa2130daafc5522bb9f6 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2718.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2718.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1614d555c32a85fe4335dcb9c39be0e29428ccaf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2718.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6254cb50487624be258c37c4c991531c16af25c725e20768cedc92d46ec43e73 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2719.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2719.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f951224f489ae719c07f1e1d1437b0b0ce379955 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2719.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b4ea203ee512e0a715471747be033a1cf82c65d348cd005f601e466bccfadcb4 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_272.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_272.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d6231439a06d32caab30f22805f276a97034e23e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_272.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94ed6707fb22d501032b0505823ec12d8dab4f5ef46f51a40e12bd2ade66eeb1 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2720.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2720.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9ef569434eca51d75a6064b6f5cb02444a950d6f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2720.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4f612c9c6b8a4e11ea13e33e39383ee82098347e93d2950f526eea3998d35fd +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2721.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2721.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2a6757184f77d331cc0f9dacfbd42ed76f9d786f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2721.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b20287c85fbe2a9630a5f551ca2df63e62fc05dd008b73682fb8f4958b9e5f0 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2722.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2722.pkl new file mode 100644 index 0000000000000000000000000000000000000000..65b858289ead1ec5abf082f7392409b811abe8d9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2722.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f10c543012777ef17cc07c9086c2d3cd3ff4c8107b3fd7e2639ad2a11330b678 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2723.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2723.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5d53c99dfea34f001a90e5c9f536296a27dabf80 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2723.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df8f4a990d9c43d716100728c1abee88e438424a4480b98fb9fec0d6524f514b +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2724.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2724.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5b65604b93ff560ff26b9fb4519719b239694b3f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2724.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30c3b663b6df8cc98b3a26adee9f3f43d1048a9cd206d0d19e05c8e2e321a7a2 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2725.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2725.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6b17205a5f339ad7dcc8ee4d1acd73d516b25a8c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2725.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b51a8b57881fc9c58d1accb96aae70a24e5f3b6990b07c808f9a9f4611348d3d +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2726.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2726.pkl new file mode 100644 index 0000000000000000000000000000000000000000..637ef1c51055d06c107a43e264c04de76ddbed5b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2726.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:069e4ed82826336d4fc375fbb23253cbc7ff68e3fb5529d4c98eec6928e06a8a +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2727.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2727.pkl new file mode 100644 index 0000000000000000000000000000000000000000..45576a25d9b0f69258620cef201259e52140b08a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2727.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75adf4b4a21f0d3b3bbbafd16238cce19cd3a289f91344337c5961e931c8d1e0 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2728.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2728.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f0b9dea74ca9800a77bce240aa77881be1d692a5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2728.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:468a4b05f87ad860851d5f6061747644811de013cfadd535b4de5f2831c3ad19 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2729.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2729.pkl new file mode 100644 index 0000000000000000000000000000000000000000..65bc4c7bab0175829b88c0394c4a44f54f4262bd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2729.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:185eb23c2ddf9298a2e6af604d19e64bd9183dee9389190da193d200fdf48d25 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_273.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_273.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0b220a0b756745434e6ae54a01bc5431d0b0dc57 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_273.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b12b96e13f4145a8ceb21abbdc24bd4f7aca2093e666c5e5f6778a65a7636a3 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2730.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2730.pkl new file mode 100644 index 0000000000000000000000000000000000000000..198d23512034d0e497eb1e4830bab10831ca73f9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2730.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a792bc2541b211afe92d50ad56f89231c2c5ef6d119b1d658e325d13adcfc5f5 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2731.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2731.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e44d68a3d5fc8b9016d3d582d0fac92ec8b3a7ed --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2731.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2334e65778c85c9ec0b0f763e9d0b0f1cc48f534e495c5d4e48613807a210c55 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2732.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2732.pkl new file mode 100644 index 0000000000000000000000000000000000000000..258a07ae5c9299c2e698f6a3ff6c3dbd52a784b7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2732.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e77a03b747ed70ff94dd9ec1157f24304dfdae8a818438989046351324ff20db +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2733.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2733.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ce11b29ba683b92fac032a0fb72845abd7575c7d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2733.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79e2d82151bdd5e0359d41724a265517f0012a191403d1856917b02f4bba6555 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2734.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2734.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a590800cb6ea14047063a8076443a773c3a9c168 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2734.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96e338b3005dcc7c7c5e489cd364c1f94069665172c7e3001c980b56a2896446 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2735.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2735.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2c5a20fe30c97df0d524add82e6cbd01bd5920e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2735.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e539af1c7f47a4c65ea64eb236fe8b3fe7410de176f9eeeb4b0647d6c861ceb1 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2736.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2736.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b518318d4a2d9f2cf43ee26e7ce1d73f007f3e27 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2736.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46f06801b0ce1f8eade3d695cc5c54629b00235bf658dd5047a63beaa15aa3b0 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2737.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2737.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e10849c35b66796e3ed31c3fa2385a68bd020f57 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2737.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee7fb0b9398091670c0f44830a567d988ae93ff12b24b1eef362afb143dff180 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2738.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2738.pkl new file mode 100644 index 0000000000000000000000000000000000000000..19a773e1fbe07b85156293f34c034d2e93980bf4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2738.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:521490baa9f79338e82970bb716745a0fa372d4911f0f1fc5620a8f4fdfd3c38 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2739.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2739.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7a70296c9a6c9014906460a614f24017f2ad617a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2739.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d49ca644a95ad1000b4d5a4a4a3b3ffdf13158233d834cc7ac2856fac58bc53c +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_274.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_274.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8bae60031ff9aef209adfb867e347037fe963247 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_274.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf408e2af98190da35b92f12396e7692a46b0c0b1d997d4ee139b73f942c9602 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2740.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2740.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d5ed62280d986d90f88466f9fe2ec3d323cb7e3c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2740.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f45ffbe1e5183e7a5efd66dc16eddbb47f700e3b017f0b69edc902f1804e8ebb +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2741.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2741.pkl new file mode 100644 index 0000000000000000000000000000000000000000..306ef403a6d743f546acdd600d1e27e748f17190 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2741.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8be8902b374437976028ce728d41c135f42bada35cb79869f4c160c0f1bb246e +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2742.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2742.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a8c73660e33263a6d3b6bd6524d931314e1ea131 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2742.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b46ef152e73c2906ab9f109090d78a4b5e18d621e192ed99b88061047cd451b9 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2743.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2743.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3d00506495a15365b1cdb742b61ae49ec2eb8ede --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2743.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c026bc25d0499f6ef8a729fe65b79d38eb1e118c55b25382846266e1ffa2c22e +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2744.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2744.pkl new file mode 100644 index 0000000000000000000000000000000000000000..821408e1afa66739aa3eef0cfb38e3677607b835 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2744.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7bed479a215341a8f52eefa7dc6f7c2166490900846b1ac581b89db9d840ec0 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2745.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2745.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fa3f10861e40bba9736b917335fa041f9cf8f527 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2745.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7b2ceb7b2be6a0ccdd893de7903584857a82e62894ae59a90db2662d98e99f6 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2746.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2746.pkl new file mode 100644 index 0000000000000000000000000000000000000000..20fdd1e81cdb9b0efd1ffb523a581ccaaef96aec --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2746.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:463a3643e4a4e7a3129bfc77bb5e58db232e000236988f52f768d1e4d0e9c553 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2747.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2747.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dd4eeb8fafd7ed2afd608658421c026f6481d8f0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2747.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b6ee517205fee1f0fa5a75acb38df6eeb5147c7413a101d6a06cc6083622315 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2748.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2748.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f2e41e796ab0eab30969bd6a18afc1f3da21884f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2748.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa1314449d44fdd609c60382980ee9efb5915d10972faf60177c05beed43e6ee +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2749.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2749.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ac7f551a78f1be6c8b91639e597da2a3c3a80004 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2749.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27503968d40b81621add7fe55c8cac834405d98ba494a7ec42d9b8111584148f +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_275.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_275.pkl new file mode 100644 index 0000000000000000000000000000000000000000..561e7b391fb36e49da8e8cf65103adcfef2cd54f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_275.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd0e26c249173b8e004b50370f9fe1f209d13998b07935c41f33eadc5fe3e750 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2750.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2750.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6e0fd25d191e0fa7efc769e3ed731ef8224b04bb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2750.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9b292ce7b878a7cd10681c64c49cc25df50f7c633993a6733446a0529bb38ea +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2751.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2751.pkl new file mode 100644 index 0000000000000000000000000000000000000000..945607171f536046a385e207b7342f7d9d923350 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2751.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75175e4e97325dbed1f5593373377eed9fc78e70aa8149e92f76e1c734db155e +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2752.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2752.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7e75b8514188a816530d6c4cd7b6a6b4596e1189 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2752.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7bcd62a13c1dd96110637f24aebc05ed224b95e3fb610190ad981a66f02ca747 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2753.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2753.pkl new file mode 100644 index 0000000000000000000000000000000000000000..14a958f8b3014bde18a6acce03389caadc16077c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2753.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d56676c94bff6469127ab3ccd261414a433f9d588c9047a468dfdf32dd8af4a +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2754.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2754.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4b5c313fdd7c1ed7b6d4711fcbb1220f3ae73ddc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2754.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d01ee92d923494339ffab8d46b1c1052f5e9dd92299cd816616d58fc82b0258e +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2755.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2755.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8769971cec468674e6642b8dc121d2db0d4809b5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2755.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68a9eb857ceee0ef684f1c42cad0624ea681c75e33e11ace89941a443c08c2b7 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2756.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2756.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4cfa670bb3d4801126d3e97edaa23bdd8cbe3b91 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2756.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:980b47967820160b612e0f9493de34264cd34c0caa6e512597dc780aa031bb0a +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2757.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2757.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c5c61286093bdb0173103c2f9ae90a433e836ee4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2757.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7607f7a360bd1ea53b325aadaeca806c1244112d945a05b8e04c2ed5ae630a5d +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2758.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2758.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9b1da960b2e17255d19d7340f0dbe61dddba0b54 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2758.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31b5ded95d6392f111a909cd14834d3400ecbbb0361425c7eea1d6d32c2dda06 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2759.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2759.pkl new file mode 100644 index 0000000000000000000000000000000000000000..54f0a3e9098e647b9d8058e1c8af7b62ad162658 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2759.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23952db7744d97fff12c739341fa36548b189b4c80e3438a3b72f63717de7b82 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_276.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_276.pkl new file mode 100644 index 0000000000000000000000000000000000000000..887c376a756fdf74e969a47b05af8ccdb28fc6dc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_276.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2dbf55875a6c1b89adbf103981d0b7dc4340d6bcc98c0217057b079d01a9b2d6 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2760.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2760.pkl new file mode 100644 index 0000000000000000000000000000000000000000..91cf3d026cee268a69014b83fdbb91360a9b5507 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2760.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:703c892c71b8143f0422988e072b59bdc7782c864a474643ace61c871092a6fd +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2761.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2761.pkl new file mode 100644 index 0000000000000000000000000000000000000000..179676768e1b72630729e01e5c1659d763e6a680 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2761.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e35356bf5d12b4b7f8817315f2546a8d6cbc0ef1a11597e0bfc6fcfaa4743766 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2762.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2762.pkl new file mode 100644 index 0000000000000000000000000000000000000000..96ab159459d7ca06ce9fe43cf0153480cbbd6097 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2762.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c339eca6676b01a944e47cdd6df62aaa47ca20596f1dc86f273406e1c509293b +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2763.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2763.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ffeff8b2b51d384f78dbf8ed736e81c02d11323f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2763.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e96d52c8d0326a39f042a97e2a25329606e53422072077816e776a219e0870c +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2764.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2764.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6c7e5937b36a088fae9d514b80ce0f1c61cb748d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2764.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df068cda1d4ee028d210ed371d5a3f3c954f6878333d39ab3e4cb544654005f6 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2765.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2765.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9c7d68a89a3a11fda5a4a652183f3a7d33c84a44 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2765.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5baf0b6082e3c2208261746eb3e3ddc395fa4636384b4063ca9e85513480e94e +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2766.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2766.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4c4ba3936e03d52080aec5adc2bca9f1c7486fdc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2766.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:220e5ce5d5a9cb3877d48a9f81b59c52737b4504b9282b64898d65e5bef5dc3d +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2767.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2767.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cf2a0c9f11ecc51f3240fe3c3cbd106ac3a22101 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2767.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce964b78f819c0b92d48d9e3057a96cb3f49d75ca878da0d4d38253500606419 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2768.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2768.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7369959ec39d70d43c1c39117cc2cbcd4626f914 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2768.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8528f58938fce9a0cd071b2e3302e75610f34d01e97e5beb258dfa63a8ba4cb4 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2769.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2769.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0ecb32acec8987fd56267850b2e93dad8ce024d3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2769.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90a8041bfd2bfff0083a5771c097d02434dc91f462bd4683ed54475ee51f4d1d +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_277.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_277.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3de7dd0025b75b3f421c1ff161574da95a4b3682 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_277.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a869e2bd85d81a9a12a5d4405b5e929eec52417ea8934c4911c1f28738ef6395 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2770.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2770.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e24277a79d6e50d1988f7452897d924d8230e7e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2770.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7768afc26e299e40db3e7e331a69f6cc9b7bfabe7f3776c202b2968d554ca974 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2771.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2771.pkl new file mode 100644 index 0000000000000000000000000000000000000000..daebae06fbfe673ea7da545d2cc1b6b2fdd7fe75 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2771.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1590b6f63d8ebad327b3d379a9f31415754c749ec244798cd7ad473c776a0f6 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2772.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2772.pkl new file mode 100644 index 0000000000000000000000000000000000000000..57d1b72de98f0947e53255d223c449cd335f6d6c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2772.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48bed30ca7eea1da23d9e7e982d706241efb7432402bfdc5430962579ffd5dbf +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2773.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2773.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a667504c64072ec650cf70726ffc97525ae10181 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2773.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2141d0fec0d6727d054758a85da35e679e4b6eccbe6ce31bf4dd74deb0705cc +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2774.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2774.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f33fabe43c9843ef5407e4e1118505d2dc9a202c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2774.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25f9bb89b9af4e27672d74de496446f0b4bb38ea98c6fd958de797bc6ca2b731 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2775.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2775.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4d909d7eb0b6a4832a195d97c4b02a8de68d441a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2775.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f48c65f83e3266ae5118aec790fcbf4afc2e2f89134de14c69276a374839536 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2776.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2776.pkl new file mode 100644 index 0000000000000000000000000000000000000000..03369cd8a92ccd6fbc95fb2e71efd1ea2c0ac83b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2776.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e1b0833c355eaa807e3516a5127987f551993691bd4ad49e708970d021eb057 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2777.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2777.pkl new file mode 100644 index 0000000000000000000000000000000000000000..743086f2640b9b52d9e9906133047ddb6834d082 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2777.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c426bc480bb3647e7188bae5a71d6910b37c804e537f1cdf0e6f149db49c18de +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2778.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2778.pkl new file mode 100644 index 0000000000000000000000000000000000000000..256c248d54d8fb0f5e4f8a11cb41fa69dbb7cac5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2778.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a52f75e3c942f433ef17b4be85511da757552118dc1a17d7d073d4295a0f3615 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2779.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2779.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7fd2f3705da2cc3251e933d3019e973c80c2bb9d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2779.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:441af04e9ce5537089f4feacc7e691949457607c89ce16e0cada23506669ad50 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_278.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_278.pkl new file mode 100644 index 0000000000000000000000000000000000000000..797bd6e717443447f05ee4a0aacd9b49fdfa9be2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_278.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:888f30b54f8b486bda3b398cef496ef956b916f01d9b49197dc2bdb4ef860625 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2780.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2780.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b71fc2791aefeb4811b8e319d2ec7cf681365c01 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2780.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:377e3e1f0ac51cab541e5b1835d92ae47ce0077decc95d87142ef5bfa9a8f3bc +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2781.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2781.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c35ee92d9e99efc24e376bb10ae3c23f6582f445 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2781.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec86fd972f3d48d6098abf07482904412ec57514c6a32209c6919ebe6f1087db +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2782.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2782.pkl new file mode 100644 index 0000000000000000000000000000000000000000..01c1db8d915cc2cf7c2f9a1c7a5a7a8e9c51f0d3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2782.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80f4ef403b01bfec6b5aac3e920287da5fb49cbf5d744fb4259a924f4261c513 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2783.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2783.pkl new file mode 100644 index 0000000000000000000000000000000000000000..48852882956cff74c9487752fb8aa6e338670947 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2783.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ef26351b3c1f35fd98325f06e0f0d3392fc10343801b9500a7dbc5c07b5b5b3 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2784.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2784.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5beda142f51ca1c661d5c6515f64bdc7b483a106 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2784.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf705f393348ab1f8814c8e524fef59502e1c07ab5912c98da04c4daa638051b +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2785.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2785.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ac11d2bf1ea7757003da3bcf8fe4282b7a77a192 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2785.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb51e4fcdee8cc51faf14f2c991b46500dea73c038db3abc0dfb90d69808ef85 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2786.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2786.pkl new file mode 100644 index 0000000000000000000000000000000000000000..206c34376838dbf4cb6bb07b0fc6f2b18532092f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2786.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3be9f76d2c2e3cb5331e1a59ca480a7441b487fd1bc59395a360fd3e2a6ed014 +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2787.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2787.pkl new file mode 100644 index 0000000000000000000000000000000000000000..aa1d62fb8933c0c3506ca85e1620278522b6db70 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2787.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9961e79b833897b5321be77b62f883a6af31fa828eff1fed57e16364139713d3 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2788.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2788.pkl new file mode 100644 index 0000000000000000000000000000000000000000..13b57f795eebce63fed6151d479b4bcb03d6d779 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2788.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55e28fa468103c1d4c046f3bdfe3740fb89199d47dbd3f22b1d0b00d56e05878 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2789.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2789.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2b5d9f82765e3cabcc36ae5b71d09516989b8ad7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2789.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65c4f0610829e0217039f1f1125c931cdf9b3320164292b4011c85eb8f459b87 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_279.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_279.pkl new file mode 100644 index 0000000000000000000000000000000000000000..567bf14b423e1e9ff444502dea7f5fc40eb994cc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_279.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c27bf0047cf8f4ff7a89245304636dd09e0ac5bf291140cd3be9005a4a8bec7 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2790.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2790.pkl new file mode 100644 index 0000000000000000000000000000000000000000..34d690a060e90e37e454d28ef1745b80dc2b731c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2790.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9aad263d8974f3f416a46582943577a56a84051f078540d5447e2deb67788e2 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2791.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2791.pkl new file mode 100644 index 0000000000000000000000000000000000000000..082100bada11fe631ea5293cf3621948ead5b231 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2791.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e044c80c2b726c836affdc092d4461d83505845858248701d6163199514ed663 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2792.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2792.pkl new file mode 100644 index 0000000000000000000000000000000000000000..895264b5de3a4ce160bb51567004b7c2af17a52d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2792.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac098561bd37e445a24aa5dd9fb066f4870d78b7e41dfd466436afc512d1fee0 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2793.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2793.pkl new file mode 100644 index 0000000000000000000000000000000000000000..112ef8b2a705cfcee1e8fa95751b91780ce7c5df --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2793.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6fdd910f85ee4922df515826a66f8495559e453b98be8b9152d18b764064502a +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2794.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2794.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d17a916621cba97db41f061c19a6f6371c207734 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2794.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4109f382abf33e4e58f4b37c8103595ec509b048ebefcc8375177084f55bb7f +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2795.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2795.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b4c71ef379fe519c8213a5c4e100096f518c7997 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2795.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b022bb84b319a49dc1878e954dd23127cbf9a9d938a04675c748c1e397bb8320 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2796.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2796.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8d7d38f360b5e67b58601aec33eaccaea2224efc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2796.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:085e43dc64529f4afdba2d1309183e7453df352bf8e9749e8153f4e19dc03d88 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2797.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2797.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2d17f5c830410e03511ce2d7e1910a79b6c1883b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2797.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2915cead8150f935d0175e157175a72d0cf58614fdf1d4cf1ac012828feaf69e +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2798.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2798.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e8a23a845964cb58dfd008c37b361bf56edadb32 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2798.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f5fa0ad1af237b0771dfb676c84a2933a81d3206d3ee0f3b5540a66875f1f80 +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2799.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2799.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dc7be38f956feb8e4ab651d7143210c0c91f69f2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2799.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ccf2ced07a9aa24aeea30d0a73b2218258d335f4bdf273cfe364db9f45aae74 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_28.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_28.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a8b972fdfbc79bd3a21a6949ab6b127ce67ea74c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_28.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4fc8a968ca02946cf146f24dd78bc39500f8e11e70a097a8038ee47463ebe20e +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_280.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_280.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3dd6167ee0f2f683292cfa1782065bbc23d71ec7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_280.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f51dd91c2addf442773ddadb3f3578542d22ed32ec2359e07209a26a4747b00c +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2800.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2800.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1147e8600e268bc75737ef676b15f944512a396e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2800.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:93ecd3bba8171c3b40cf4f8a351f1914566db3bf058d7ab50c6b4e74b13a3b01 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2801.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2801.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2b80e0363219c13c1220ec051443be11bb7c82d7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2801.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ecbc2cff4a7cc396b7fbf5955f42cb1b790c62c32a8e4bd5854723384cb822ad +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2802.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2802.pkl new file mode 100644 index 0000000000000000000000000000000000000000..13f2a818ffd148992b2c7f2dd8b099b0b6b087aa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2802.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:542ae1c4d2c17b40778fdfdc80822ced7764dc27752845f1e8db315eebda986b +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2803.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2803.pkl new file mode 100644 index 0000000000000000000000000000000000000000..231bb9d5e5dfef6d18e8189d28539c5fec354a78 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2803.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:766aae592e97eb1b00bdb4a9a9b85f6f95d8513d2e6b4f9b874a01fda3426313 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2804.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2804.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9f5ba34ba02bca5bcd175fe8b9287e4d12ed1c37 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2804.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:edd1026e0f2f87656058030d466299d478df18835cb710ffd06beabdb195e459 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2805.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2805.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d0b6ef46c165a6734b9de84050ab43c25fd252f9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2805.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fad07cb148be254ea737d3a70120c309be75fd4baadcdf6e90301645b5de6ee9 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2806.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2806.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1d8d67acb96b4d9cf576c1686039b51e4c0fcf4a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2806.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c9cc5bb129d8ac033bab57063ad0d076b699665e4e21d34c208cac21ef299fe +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2807.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2807.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b0397ab099e3e4642aa6802546f0044926f146e1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2807.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df0e7b47a71cc432e39dcfb3bfe9905770f287945f7fb548a92cecf385171188 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2808.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2808.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ae617e79479844685504e945cca2bd84af765c7a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2808.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:448ad0725a52e5bf04f2fed3d728eb2ba3b406c30c5d52eb777883a699f7c57c +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2809.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2809.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d757040edd2a178ccef680b7f661332a6d82e915 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2809.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4530d987d06f9482a519f8600274a4d9720f67d5312e307a902a2c0cfa5062ed +size 25781 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_281.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_281.pkl new file mode 100644 index 0000000000000000000000000000000000000000..158971810f1a417e5630bce570ae86f9ef84ec50 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_281.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f8d572446b0ce1d06b59963a21bff8daaa5a4255fe84031e9f2eda8dbd30542 +size 25781 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2810.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2810.pkl new file mode 100644 index 0000000000000000000000000000000000000000..50fb6a898ac02059dd7c26d18769e9d1153db5dd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2810.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fbc74092604d8984aa62584772126b81e84e9896747fa529a7e115eca10fb33 +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2811.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2811.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b306bf6c7ab80adf7d4cbda1e6dfa171f2bffd91 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2811.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5b3467510020651de782bb8d2bbbffac292056441a2f995c5d0eafa0760c531 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2812.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2812.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4dad9ac5b19370dc8521e1c2b23e45e61ed37e46 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2812.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbeea019ed061666cde44b64f621dae24baa45ec1475da7717ab28cf8b78df03 +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2813.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2813.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6379e704b43905733f847b24a87b01cc6c0eef0b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2813.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32bef1aea0aaae5da306cd7b8840658e4dbf064a066659afa76a043fe379f019 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2814.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2814.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1a74febca93d03ee97da395de190f29857fc1c17 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2814.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f936738546b8773d8cb4e482aaa21f6c3a64d88b5d4dcf356353c05739cacc92 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2815.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2815.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9b7e551009ff58b62b823c085bab23e7605e8e07 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2815.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:816c6f79fca0aa2eeb94e98c19fe1a7d88586aed9f7a8ff71ba3d4aedc65ab82 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2816.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2816.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9532525cbfa51ed5e69ca9d65b2fcadb998a8973 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2816.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d030ba2a8304c45b061612ec23bf139286abaf349b4b6e9190e36af92c8a4f6 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2817.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2817.pkl new file mode 100644 index 0000000000000000000000000000000000000000..76b7bd07718accd3d7b4baf45e6cb957a155972e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2817.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f46c6f58bf3a71c20a9255db8fab8b73df4f6c6ef4defbd40cad83866512291 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2818.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2818.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9afcb167335b113428d7cd333a2f6bca773e418f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2818.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c66ea6432ec6a48571e10ced9c51dc523159a6cc7a43546ffdf8f06def60523d +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2819.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2819.pkl new file mode 100644 index 0000000000000000000000000000000000000000..164514e164fe681852f572e6b562e9b2c4346670 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2819.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:056b7b5d225f7a2e27df1d8535d4fb1d2dce7bdfea3bb1a89110cfcfa2c9e429 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_282.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_282.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d2c751e3143d0101ebd555434742f6f4eb033290 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_282.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3287fbd14800821eea4265be1a1ef6262f61bf9cfb0455166ee48ab6ee60b114 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2820.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2820.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b82e05e264c82a34eaebfa5eefdfb33556a1a289 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2820.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:800e8fe3353386bf1c8df2def3ca5b3ae6ec16f171b720776dc25e61f2fd9b8b +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2821.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2821.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3df6c519ed374aa289901f890383e29a4c53c702 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2821.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c15bcbc27a54b6b007ce21d8f21a672f88655919458de91b5b443d6ebaa969b +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2822.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2822.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e7fd19ca8ce11379147a7f0511fb61ea5733cfed --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2822.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24827d2213f4a0fc057a514206ac1517d5ee2e8149899612c4564bc1e1e7bac7 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2823.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2823.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e2e8860ea4cd9047e7b07d66b9a1d31a4afa4547 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2823.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed82c5e5371011c4fed7c609150f559eab9b75a0c7c55d745131fb9192f5a122 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2824.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2824.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f47bd04c07fde5fe7c9aa439ae39dfb7bd273052 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2824.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fba3094285e39ff3b8666360b2b9169171c3b88b70bd140b7fb3b56334af1c51 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2825.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2825.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9db06aa19f3c0b1f1413741f2fc304abb7572d5b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2825.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db01751a5377caa9ec3239f63515af59d0bf13de088365c56e1b72255ee9e9d3 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2826.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2826.pkl new file mode 100644 index 0000000000000000000000000000000000000000..86daee7a0922d6ce50c9a4e1c4c512c0fc86b5a2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2826.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:777813744afd6730cdfb3a8913700ffb3ea9a5ca31610cad83777e42e10d7797 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2827.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2827.pkl new file mode 100644 index 0000000000000000000000000000000000000000..26994758e06be43c86de08a45f44437bd6892956 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2827.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84cb43654eb717738d99897b648bcabe7b6ae3311b0acaa1cf3c020bdb64d721 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2828.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2828.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1b7f69b7c8fc8027daadb2042d526454f065c9c9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2828.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48675e2fff66601208c784ddde28204ac6d436737e1c05a9c6f59ca9ee1c2176 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2829.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2829.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c0433912fc2410d7ce62b13cd253a2870e8adb8e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2829.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a8eab740e9db305470518c9d3d05e8ee65cc51a9280d501d0790f4891c052a3 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_283.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_283.pkl new file mode 100644 index 0000000000000000000000000000000000000000..afa2c49d7c7f8f3b5b37ce44a36733c35f3d5966 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_283.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aba286754dc62d82648df6621faefc5910a43c7ce566c62947bde4981e67b9d1 +size 25781 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2830.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2830.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f8e84b30368d20ec3effd9cc7e0ae07c59a0c009 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2830.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e25944910f629b9a7820a95bf1f737c0b55e20fc3ea6589b628f6d48a8d4194 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2831.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2831.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5af784a67b25a1319c2158e1748f20317bad1d04 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2831.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:547be20339c88fb9e22c28e0da82677f586e5ab6e049e7a37c788178d96189aa +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2832.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2832.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7998eeee1a2f53a8a40ff1215c47015c63942a20 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2832.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19e71ebc0bff6084f2bf2ccc403af0dbc4309c838d8ff5e5aea0ffeb6846f2f2 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2833.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2833.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0783a8584100f59fe33c9f224661a705dc113bc3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2833.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8c9d3290160f54d9b2dccbc6de37f4e53d94b774ad37005179cac5279dd9194 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2834.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2834.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ee62d52d4a2a00b1f23a74f3ffb1b6e646385f20 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2834.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cedbf980aff967325e0127b9bb52cf6fa2f84a45e75a8c8123864a7c91c1aeec +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2835.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2835.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0caebd52a2fb72ac228fa88310a08212649fc921 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2835.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ac18d11b91f32dbbd6746e35e7838c03699cbbbb503ecd2e7a647c92ac7f486 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2836.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2836.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0506c438277e45c225078eceece6e697a565967d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2836.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92c4f5e7c05fddfdbd1020040cd9033ca65d6f3383fef4952c474163c0755a98 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2837.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2837.pkl new file mode 100644 index 0000000000000000000000000000000000000000..046ecd26f4c47c81c352f31e5bb19859cafc730e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2837.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7260ebeb9e46fbd7f85aaba0ea863a1431ca3c176a9c77911ecae8a5547b3c8 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2838.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2838.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c837142edfbb160001ce8f2a0e6f6a391ac67f72 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2838.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc850e5cd301eba0a32f8228070c5b830789bb913f63f870da73c254905b9ad7 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2839.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2839.pkl new file mode 100644 index 0000000000000000000000000000000000000000..99928b285bd4ea3ab3cf89970e8d24469c6ce9ce --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2839.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1822994ef149a2748a6bbfd3508071e55da61ff659116b121fe15b3eeea94ff2 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_284.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_284.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e8b21c87d3cd44e6f0366bad761a171a7b2fe4ed --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_284.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f5a6b132842cb8ace15ca4d4dba93ca7e39ca1a23b08b631004fbaf637cae8a +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2840.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2840.pkl new file mode 100644 index 0000000000000000000000000000000000000000..172b3918b61967708abe2121d401598c5e6c3256 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2840.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7929674b1ce177445153986903773d2c0238cd302a4eea438921e60469603f81 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2841.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2841.pkl new file mode 100644 index 0000000000000000000000000000000000000000..886ffb43309ad83ed6fd93494fe376e13f1a0ba6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2841.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:424f23a9c6efb42f64fc4f29f8300684285129ae8a7eb64983a6e5ecd74de9e4 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2842.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2842.pkl new file mode 100644 index 0000000000000000000000000000000000000000..abc883034323a3e9b9169a9e3c55327bb9ac0f8b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2842.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ffd8ed0df5514dd70b54b9458bceefba0ba5aeb2fa27ea9f0696e34755653d09 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2843.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2843.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cc7e7f0e57c024d794b07d4571bdf555be23c001 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2843.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:949a00eb6f831e6c707a0585f6e7cdbda116c0aeb2da9db8cf4c59ee292fb8eb +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2844.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2844.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d84d9db8062fdf99ace17b14c486480812ddf879 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2844.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c649b25b72459a59cce829a684ba5ca35f7a01d97ba18b6c3ec8bc5509096d6c +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2845.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2845.pkl new file mode 100644 index 0000000000000000000000000000000000000000..74f2a8e2ae676b4cf4deac21b571077c6709c374 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2845.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88afaeb41322ebbf30a17a40c73335e483e97d9ef38a79d0e844d93cb3357558 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2846.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2846.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d93c4e5e8ff7bd6e5b5c9720e14141683e02011a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2846.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b665f11fdfcc61d7cc250ec80fc1a45ff963a9227c5cd30a920f17355c65b6e8 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2847.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2847.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9e3648bf8773064fa43584276f709528630dfe98 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2847.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35c86b56b162c6f44af3c649ac310761355ce852134c7e244efb94ad5a5daa63 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2848.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2848.pkl new file mode 100644 index 0000000000000000000000000000000000000000..378018950a522406e42b29816567254233a0c839 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2848.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c976dd144a6d648b048d44695f05ee0086be6f1a5e2913270f4c14bf4363fd6b +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2849.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2849.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ffb531236f9212435e8646ea1962f14523820d21 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2849.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:052a0732dc82139b5fa9343331e7142e8ff731e7f90a387f1443f2dc8a4b2733 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_285.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_285.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5c94d5e3f41b5871653aeaba5c8ad785c3d8ad57 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_285.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59e7c64914878aa191ab36e2c37693cb9176ef2e3199e273378fe72fbccc682c +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2850.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2850.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1ca2cffc18ee223b91c5810c4320286232046be0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2850.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9123229399ec8d83aae6756c60388035f52418e8f2e78c056c2261e3773819c1 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2851.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2851.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a3e730c0325d096575cbe1ce8b263849b7b0081a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2851.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a724e45459d5ee739db07b1957bcdbd049bc51e0e34beeab4234fefb041cd17 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2852.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2852.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cace72a9139122973038dbb20b7d11d1abfecb52 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2852.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:694d9698cf44bb7267ea65fc39fc8e51c6e552eb7a27fb69b53a2a10fbc6e7f0 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2853.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2853.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e3bae3355490e81692db0ab6638e2b2538d30577 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2853.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1fc9e4b1cda3db35c22323bba2614d82f4c47edeff586dbb6eb46a47f87d535 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2854.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2854.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4128a3d40587da70ec7d973279f5ed7a367dab70 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2854.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5a428f36dc8176704888fdd3196ec3c39cb7fcb52d7c249d8289f4eebcfcd93 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2855.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2855.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7e03dbfc1852110ad91b21e28cac0101ab7b696d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2855.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b461c20fc1e91a36c5df2aff719cd599024f01d71c6073c25afccf8530cf8e56 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2856.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2856.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d1555abc543f6830975992211d989f09ee11827c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2856.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:597ab0a05a7f4f389aef0deda565242e12dc56f2036e6d8f764f7129bea0c0f1 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2857.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2857.pkl new file mode 100644 index 0000000000000000000000000000000000000000..99ef262fd767266185ff01fb23926f0e2da43a0b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2857.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea82e61bcd688aa8deaf6e9dc66ab4f7e2a25168d916852fbb17210da4b9a724 +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2858.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2858.pkl new file mode 100644 index 0000000000000000000000000000000000000000..765a8a2f81842ef5b7085955fbe75fbc3c988a5b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2858.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87b6d86e4b57ab899937f387005994a54ec6c97f8bf962914cb516b4fcc1306a +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2859.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2859.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6d1e4b4a1c6fd76609bd7232c8109daa86d1b4d4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2859.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0143307f44976f35ca31992314eb11d2692a403843467ce23dd97d5b072442ac +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_286.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_286.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8cbd71eb03bef263e5412df96dc1186ab7f1a405 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_286.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cad84977165f54288d62b12ef150667c695e5400952350dc00b0737bd0d39b2d +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2860.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2860.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2f0d55851c23689c3a1537c40c6c592683bb6573 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2860.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:129836c74d23fff5d9d1b9454b634320bfad087e7970b44916c8e843ccdf1283 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2861.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2861.pkl new file mode 100644 index 0000000000000000000000000000000000000000..294bea11ce9d97430f798bd13aa83f08e2a49144 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2861.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b383a67b9e0e55b26a9ecc350cd3bff48e13fabf40ba1ea072913376fdd162b +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2862.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2862.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8de9f65c7ff12a8392d3fecb70fe95030a6c82ae --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2862.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c67da12316ab511f48405e26aefa52a04fde4e2d278b11d29aa169d648990f46 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2863.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2863.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fd32e08a3f3dbc242a24fb52a6579c1c5df4add4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2863.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a568a94fa4de3cfc584fd181acfa0db8c1cc513fc02eec8e40d50bf89ccfce59 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2864.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2864.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4a7769330bcec38868d21438b7c7ef26fb9e1a67 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2864.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d935d57158a1d4fa507e3af742df3d31d511be1c73cfa3ea54a0f5c63fc3c643 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2865.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2865.pkl new file mode 100644 index 0000000000000000000000000000000000000000..afe02f0189d1f525fb2134f36b249dfbe68f51d4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2865.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bd6b8e255785f2e00311ae4e450f413d1f542ffc51a148029a5f15e5ccb408d +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2866.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2866.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f264f17e889fff4bdce07f9ff27b99b1b90e8a54 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2866.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2f5283d1c0a99db30d18fed9f4f9b5a05a2282c4889da3ab6af2207c39e14b2 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2867.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2867.pkl new file mode 100644 index 0000000000000000000000000000000000000000..54fbe8ab358475fe85ce4f19dc69ab43409784cc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2867.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3943347536bd05ae69111c12933f0cb6261a928ccaa1dd1b0962fae8f27977e2 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2868.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2868.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f04a0ab59e8ba99b47d96ed8f80153d573df4eb2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2868.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2da947c3e333d87bc08b66c27ede12d0ff0533162e355296cfeb28ee3250862 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2869.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2869.pkl new file mode 100644 index 0000000000000000000000000000000000000000..162690f0a423af58abb9bab8ebb010a696ac7408 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2869.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41ff31f02779cd4d50f59416c8e203a391fcc5e9487b3c2ff6820da1a8e0c4e0 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_287.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_287.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dcd6a1e65f4efec3243bb58723e90bd582de9887 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_287.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91ab4916ad186c0e540890b0bce8be8e3fcfde0cd921def9b23cfb08ecd90226 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2870.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2870.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fefae444ecbf4000814bf32418ba139c5e83f60f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2870.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5108f9cb7ed51afaaeb79c3afa0165e8d8e7c02daae423563cac90cfa2ec27e +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2871.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2871.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cea6547279a60048cf91a29b9725d55002840935 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2871.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f155d1a2c64137f1901f20444ada23ebe4daaa3a13c7c0792e1900318023a9e +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2872.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2872.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5c80450ef72fb84a1fe96d0f3efedd7d0c6d3159 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2872.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f5be8bc3d92790044dd0cd366329c339486010c38117c86c91f45f1f40bfdee +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2873.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2873.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cfb5da8d895c57c073da2934a5b264c657fd33eb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2873.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96ec723f1655ab79ae445b98f456afedb1ec6e77d889461a30844ba6101fc79c +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2874.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2874.pkl new file mode 100644 index 0000000000000000000000000000000000000000..87d1b6f85ebc14595f20c554a8bd4992084b21b5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2874.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23d91056fef617a42f37df3565ee0e04dbb36e85776e579699f7483889bb93b7 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2875.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2875.pkl new file mode 100644 index 0000000000000000000000000000000000000000..475f7ee2880bcbff293294a1c533939d91222aaa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2875.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3f2d1d4ada1e26d2e74fe9cda0915beb52446007ee5135c6e03221e0b6b043a +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2876.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2876.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e813187bf34d3694b004903166d4257b52388783 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2876.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54e79deef3291bb6ad641c17975e520440250b6623ad3b6549a1607fc834f554 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2877.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2877.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5b79e870d4e237e8dee44e9aa212a860d1dc65db --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2877.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b27a0ba68f86d96e9989b1bddf25813d0e426162e68e01b2538e40ddcfc7aa01 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2878.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2878.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ed6d02ed5cc5cb84f922cb44f6ba97977d2bebfc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2878.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b014a0cb91a24aa6c372c23048fcbab1e5a35a9e84e9608bafa6486baeccbe88 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2879.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2879.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bb370ce2ea2821322f7e72006277e942de260e5f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2879.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c00fb13a3369b06a9942de95af03f74e4f7e1d9b08f679ea74c6b17fa466dab0 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_288.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_288.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3d668ad1d02ba66e912b7dd98755993f5b623a42 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_288.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eabab85444ade57182c0208f5b618e0d83c92e951b7d5cca79a5773800fa1dfb +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2880.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2880.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f198edeea64bd3991161de7c9d9777056545886b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2880.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e9707e7409773e23602b7bf0429047d405bffb992dd6c1b67a1bac86cb2c697 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2881.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2881.pkl new file mode 100644 index 0000000000000000000000000000000000000000..55df9d10815aaa583451cdd259fbdf9da34f9260 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2881.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9fc5b8e0a8471ad9c99da91e1b47e759437bdf40f8d2a1964e100c31f9b2de2a +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2882.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2882.pkl new file mode 100644 index 0000000000000000000000000000000000000000..941f5ba5a9f03350ae92fca916e89d05a7c70d9f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2882.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:250d431ff4edf7fc7c2635bd7f4b6faabfbf035173e18df27e6b5494b3d0b7ab +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2883.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2883.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bb52f881b4d5a24efd54e181722ef49b2bb068e0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2883.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbba6f4068e6af4789e25349b979a3b2b83b9349dcae4571b3b5437ae57cdb93 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2884.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2884.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8923a2e9cf4f74bd33509458137cd41938583edd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2884.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8a186baf34a113609a7ffcd8f46e6d5fec060415ff236d09e407b1bc09a3e41 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2885.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2885.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5f164e0dab7e40e7d38b21225faa1fba00e8884e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2885.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0c900dc4fdc899828caa611c1748dc047052724f9f682e2325e0e1866d75f6b +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2886.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2886.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4305c79d04f6d2a456bd801abcccb4b872707657 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2886.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cbf1a7c82b38404c7ca3b4bf4d51753e972be3dd4d0d2119b2ead77bc050e716 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2887.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2887.pkl new file mode 100644 index 0000000000000000000000000000000000000000..89a69fffa186628d65aedd9166658a20fae86edc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2887.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a5c8c6951f0e8aac0c53e699ad41e142fbad1e7ffb0fada773c47a201d724f1 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2888.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2888.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b30a2e4954541cbc6aac5ba9b064c68ca85269a2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2888.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9719cbde4bfb1fef6f8e1e1e3e80edaa423769f427ec817210edd46e63da8c79 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2889.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2889.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e47228afa0ba0126d5df800ed8a3bb28e783363e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2889.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da0366a1f993707322206b68a6b5e8c2e324cb608a1d6759371714c35450acfe +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_289.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_289.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ca8f96bd459e3162e5da2caad4a160ec460db677 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_289.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc557bd6e3c3beb58407089d810565b07574ca505053cfe09f20a59acd1db484 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2890.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2890.pkl new file mode 100644 index 0000000000000000000000000000000000000000..94289ebfc7d71c4a7a11a8c0eac045dfc8fa6ffe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2890.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c76b18726642767e6424a9255546958979ba2b79a320c1e8ea48261f009e8e91 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2891.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2891.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dd956e9257d635e7a539d48912d98ce801ae351f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2891.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:806634210ca9ac19fea6b9ea65c43db9acef69dfe76042c6a75080ac33061051 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2892.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2892.pkl new file mode 100644 index 0000000000000000000000000000000000000000..18d4597c45ae2bab02d827bc6b79b37214dfd011 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2892.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d755998f891f6631dc1a4fd0485be253a9f6b3a584a6ffc29f5bda47a2cb1e0 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2893.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2893.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5ef0501e885c3d77e54b04ba6f5e219d11c6aa57 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2893.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3cbe79a9e3e35015db36c6a3b077a8ce80cc87f56aa3c9b4203349cce80816bd +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2894.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2894.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2b3cee70087441fd82a396490e96084003003a13 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2894.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57a404ab1c6966bd44acfadd093be783e66aaf48e1842ae3a91f85a6cb22a659 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2895.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2895.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9efcdb9a4fb184d950db54720dfc557c28d7cf8a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2895.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:857869792f31c2cb334f8cfe552fdea8a1a63319b3a1ad2049ba07dc5ef8fc16 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2896.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2896.pkl new file mode 100644 index 0000000000000000000000000000000000000000..32be416520fae4f5d4aa7c18bbea1c095743676a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2896.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:173f9aa45dcc4a8ba3388fa71e0c16033f540cf383991711c997f9546843d3d4 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2897.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2897.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dc4b0c326328bd109409141bf025e52aaf61153b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2897.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6f82e60648453ffe277416e241a42e5f6238e0d004ffb1f2f540b09bf18e735 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2898.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2898.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dbef84a0df3b46e484c69bbe7c54f15d8a5dd324 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2898.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a20a1ba7542c3e2022880c488c306991cd76e175e31d03b4c9159edcb9bce845 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2899.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2899.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bc43d42dbd2feb05472aa87b82d7e339f4a7c86f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2899.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ceb7dabaad6622803fc3453f070aa5ccec160afa49a6027681549e137b86aabe +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_29.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_29.pkl new file mode 100644 index 0000000000000000000000000000000000000000..01cb62d451e172f71498863e3c9a087ae90f40d5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_29.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c775e22187ad07f2e6856b8d079fef179c86e8f7f9fdb774b1c047567066756d +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_290.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_290.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7586cd3c806460aa5a7a751d005ed52923063049 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_290.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4e152fa5f5ecf67bbd7341ceb90fc2fb17f1b89f668eebe470e54b6c75decc2 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2900.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2900.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b1e1f981edac53d2e8c0765d4827d1d67941205d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2900.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29b7720d59a11dc4ef892185f493322831abf37c7f57561fa6f0f9659e7bb237 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2901.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2901.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c17a086f180ce9b41e2a12d0d3cda4a3640ff5b9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2901.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df28fae0e858ceffc05281891402bceb5c3cc1440af0e0dddcd24e20ad1911be +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2902.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2902.pkl new file mode 100644 index 0000000000000000000000000000000000000000..878d7ecc2ac255c99c2744813f8ada8a2ab45593 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2902.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05c09b99643b5a6dbc97d420472411264b6da6ac578a2a299cd7323b02fd7270 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2903.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2903.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bc2c8c0c914e7a9b9cb15aaaf673dabc59ed5b75 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2903.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3f35ac198b523983ded977380211832626bc511f1b3c910faa3fd162438c871 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2904.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2904.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6d8b93a32a57303be96c590eaa18cfc07d9cccc5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2904.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:979a0aea6c8d4345c2c6a9ea1a77a98e7e4d55e4b58870a2f8352ea84830298d +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2905.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2905.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9611583065a35017a1528b1c59227793bea2185b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2905.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb5c84254e038388045794de5118721e9cc7c19621b10e81f876adc554b162c0 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2906.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2906.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f53b953e09ad7326ab3b309962ed41e21a93c8cd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2906.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4faaa911fe28f869c9159fc1677c6375d172ac66abb966ec5143f058d5733230 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2907.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2907.pkl new file mode 100644 index 0000000000000000000000000000000000000000..34704b549d6e06eb235d3749bbcdeff29514a8f3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2907.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3329f637a98db7d53c4a2bacf6d68a399e3b57b5474c06f72b0b9ce96ade3bab +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2908.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2908.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b65d0774b22a4050caaeb0db1c69ae1f3243155c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2908.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd9b4bdb21fc16373ddefaccaaf0ea317fb1e5794066e2938f5dc77800185df9 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2909.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2909.pkl new file mode 100644 index 0000000000000000000000000000000000000000..014e7b6cccacd1619f2d11ee7f5605eca9c3ca14 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2909.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0643a9fdd5eedafc8aa24ddd912deebec840c2bba51d6d6796e26d66ab0d306 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_291.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_291.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9702aed0d78f8b55c4abe1db1d2079357379e142 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_291.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5ecf14f4cf692daf91c87d81d86d76e0753c643cc98eaa7d356f23668f604e3 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2910.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2910.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9a3f737480ab101f8344a7f3f782411b73b8a245 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2910.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ff9b93bd8d8af962dd20c742719386c57c3cbbe5dd45e4861f91bdc832a29cf +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2911.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2911.pkl new file mode 100644 index 0000000000000000000000000000000000000000..63155432b9e6044f50cd8cec97661c015f39d4c4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2911.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88c1d07d9c2a48d5d5ef8cf7fb086ca7466f52b9e73349ed0fed3067ad46e039 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2912.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2912.pkl new file mode 100644 index 0000000000000000000000000000000000000000..18fdcf315fe23ed6a2701d1483dc0fa7a9279b0d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2912.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f24bf1333c6495960aa3efe6c762a8d6196de2e6a3b8f952cb07113f893250d2 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2913.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2913.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3d14cf8d1a64e09a23a0b0d122124a93bf34ab17 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2913.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d6622bed8b896b7e469f259b85f39d47136293e7374cb1fd274eaf814c718d8 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2914.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2914.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1df1b71c0bacbb54d797db442a83e83158707a8a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2914.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dbec06454654663652ffdca77bda8e4f5d39da9056ba93e49dba73c05eae8e7e +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2915.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2915.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e4a4e4323e68c897a44abb218766110cece0cc5c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2915.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3d0f50e7ce37024a7315a5c1d35d7d79fe59ea93e001886cc63b31ff9c9c7e9 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2916.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2916.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6e777581d9ab27f315a5cc019bcb0c449195dc55 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2916.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1aa9437d2b75fcd5dac4b71d682f0443eb1da11a9742e8e0739e7330935dc817 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2917.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2917.pkl new file mode 100644 index 0000000000000000000000000000000000000000..796e98d165a1824983f9ad897edbf496b1df0bae --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2917.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6b23c198838d3c6a2f91a70d7e278c490fd2c355f3ee488bc10b0ba0fb09455 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2918.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2918.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9f32cebd35f4b4ab66766e1eaf6f0d40bb14b928 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2918.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cdbf4d41ee3ddbf2a7a3f7162db459bb3fca5110dd0f258fc8680244efb8caee +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2919.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2919.pkl new file mode 100644 index 0000000000000000000000000000000000000000..572dc6b901955bd9293f54717b4e8a9931f650b7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2919.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad149fc51c7e954aba1fa00a91a1f5a3b4242cd33de59dcaadaec7850398250f +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_292.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_292.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bc73dc8205726101f3611bba09bba9b404ab1625 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_292.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b70b18e8a7cb0f9555da252d17548aff3d42412fc8003db1621854b7adcfe3ee +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2920.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2920.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7902885f3a481c0dac33b6e82f86967a29b2b7c4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2920.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc536f5bf01d5fe38033dd2fdf7cec936355de1696a0bbc2b02dc465062429ce +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2921.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2921.pkl new file mode 100644 index 0000000000000000000000000000000000000000..142dd98e18e8bbeb8a0d20b87a8120d5dc941fa0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2921.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89bbc8a190bd6564ebf7fab1e37db1f67f9082aeca5c2faf5a0bcc17f50cc36e +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2922.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2922.pkl new file mode 100644 index 0000000000000000000000000000000000000000..62925e66ce69867b90a82141f1d4354f58916692 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2922.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92893357c7f43071cb5cd9769cd96bfbdac79cb39cc25b44f125689f37de32af +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2923.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2923.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dee8feb875a52eeeebed44584957a48608500366 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2923.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7eb45464b7d624d19bdd877d5f66f851aa2fe0f7c961222e9265fea7ceed4ac5 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2924.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2924.pkl new file mode 100644 index 0000000000000000000000000000000000000000..61efa7335b1bf08427fdaf3df38b46a24296974e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2924.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46ee9906bb08f0bb5cf8d2df4de2ce90915d5010838e94997831d7e6418aaa0e +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2925.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2925.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2a75cec9907caf26bd643f2685d645dff209250e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2925.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd95b096873ab2dac4f8ac25def3e37c856b882f00b1dae9bfd5fc39c9d769cb +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2926.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2926.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e70c56330ea38a5ff599af37a030b5232fe5e002 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2926.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aca384a4b061a49831e5e2ded9e1b91714ffd3c8d0dcad89258804f718523615 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2927.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2927.pkl new file mode 100644 index 0000000000000000000000000000000000000000..41b56b8d6fdcb919be5fb90952c6b307c84e13c3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2927.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b0d389c4bfa2ffdc9e69be02a6829540a963d2c5a0428d5fc04bce9bcce1e6f +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2928.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2928.pkl new file mode 100644 index 0000000000000000000000000000000000000000..272648a81810d12373c847be7512b4cf8099b7df --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2928.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29834a7e9046243026f3587a9a5459deed95e1140123b571962fcd78fa3dcd88 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2929.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2929.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3840a48d46c6d1905d1845f5d87c37146a9d1e47 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2929.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7aae75a682e542f859dfc8685a5b7880b57913c5e7965a62dd314ce1f9bd07d7 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_293.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_293.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8437cfd35ac2b234313707188aac80dbd3b3ef5f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_293.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fe339b0b840d9cd41b6c2656ad556ea2000859179206ae3d7db01ea84d62891 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2930.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2930.pkl new file mode 100644 index 0000000000000000000000000000000000000000..71d4170e22b060beb8b3667d161c1054219f85c7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2930.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f738d23f3c104225d9e0b90cb9a0aab5b8d1bf9c34da8403f37f9a1bd9c3e43 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2931.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2931.pkl new file mode 100644 index 0000000000000000000000000000000000000000..027f1a7357a392ab8f32344d3e10578dd73a0a34 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2931.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57eb8e442e0e33e77003689684bc80b180a2bd484d68c958dd35c351d21eeddc +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2932.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2932.pkl new file mode 100644 index 0000000000000000000000000000000000000000..23ad0dba99448c71e0b4579713527373689a950c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2932.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3176af7d4fc56158e802391166c13aa3a5aa749e2d4224b0b4addc7a2fd5213 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2933.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2933.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b39afffeb125b616e0025b53395ee3c1695be2a6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2933.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0166d7890adbcbda3e348ed90f62bca6fe21f2a208907f1427da4fc5b9f5602 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2934.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2934.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ee7ddc793fdfa6cdd3124648215e563a7e1f126a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2934.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d43aebe833ccaafc4214649c190c5fe59e8de09a4d1dadd7e4b3cf71ed80012 +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2935.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2935.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3f080ac74778189881200b2e398862bb292b3108 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2935.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1cac7263ec9e12925cef3398f3b337f4b0b336721c185676aea20ac47a02f54 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2936.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2936.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e59cbf60e9bf4552f6e198d7cf51e22ee1e9bcca --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2936.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dea91165228e5e0332dabf4cc7f8b42bcbe0c1fe953de49505c9b3fc70b685af +size 25757 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2937.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2937.pkl new file mode 100644 index 0000000000000000000000000000000000000000..34a3c05792da3b553ef5c3a24eab646c95b25414 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2937.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8f5ad6da19b327e2bf5016cdbe060cbb2e3cb4dcc9ac965c9ba43793b41f6a7 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2938.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2938.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5b1b9ce2c8466f3173e7fc32294d8e7593bfc621 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2938.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc5afd90c5ddcccbf21e2da137c19c725de5fe1cc38a3cc8c543ba98bbe1d21b +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2939.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2939.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5b913580afe18fe9f3aabcdddff4c77c1f2e29d5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2939.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86fec6ff7f1189ee9d7efa304851c01f5066f0466bf43fa2477ac9984cec086c +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_294.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_294.pkl new file mode 100644 index 0000000000000000000000000000000000000000..875988713617b9ef4e3bb24a3e12c7ba690547ae --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_294.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c13ee795a2100169f530b5855616e0c255bafe8b510288c7d5d8d06704799e70 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2940.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2940.pkl new file mode 100644 index 0000000000000000000000000000000000000000..69d5de4196d55bccc2e243260686a78a8f0aee01 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2940.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a54ecfa11b3c580aa804a9a99995f434df0705a73af90a1048a1fa4e1be0a80e +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2941.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2941.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ecda4f4725d74fde151e1173bf9f2eda268f994b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2941.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20e7ce1621c99014c12f9bbedd1954403945e4544296c14199d1dd84ed091667 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2942.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2942.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3a214dfaef9da1a393a3e171e0521ab80d9f3bef --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2942.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5682efd7187cd07d158fd8aea0ccd22b4d1300bdc14c4f077f56ecbff5cda4e0 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2943.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2943.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eefcb6200a26f1750508bffa9805c89983cb6bfc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2943.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:647031b7051583ded5ec6bcaee3577d439b3a794ec76cae08c797f3474b25522 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2944.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2944.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f3e234c2e59648fffce6af7d88059fbe55e5e69d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2944.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c27f988f3426363541dd4098626141b24c81a6794dd6d6ec8ecc588f21813533 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2945.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2945.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a73b4911ff9d69955b05a57ab357cf3e3a2546bd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2945.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84e491140fe31a2a0d46a3988b85c82d3e4cc6c93055673f200b1529ac6a8257 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2946.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2946.pkl new file mode 100644 index 0000000000000000000000000000000000000000..862530006b7c2c5fe4b53b9af574de98edf17ed3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2946.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:917466d4f549fa7699e7fc1e64bc4734ff070ec102f6d39f70ea6754252a12f6 +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2947.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2947.pkl new file mode 100644 index 0000000000000000000000000000000000000000..784fc8dc241f8a5562df0dc66423e18211bf3d75 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2947.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0969e743ef571e88c3e5a7bdec906f356637af3eb329786e992f471dcfc67ad0 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2948.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2948.pkl new file mode 100644 index 0000000000000000000000000000000000000000..75de69fa9d39b9492638f78726f59014de8bbe8a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2948.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a1f7663d8ac5c8819ab84734b1bd97d1a5ef6c7f9e62aeb54531962e1609de6 +size 25757 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2949.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2949.pkl new file mode 100644 index 0000000000000000000000000000000000000000..151a081ea8f5a5474f372b40386e8e72be535995 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2949.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0af3a7d47fc6fd3d1e2a9c731a9dc46de939a39e28cc9a7074ed87cb95dd672 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_295.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_295.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8c4546cc0211926a6f1f7e6da9f5da98c3c77701 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_295.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac05ba3dd6924f1528753516003a094f9222289803476af8070095c2bf804a23 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2950.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2950.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3cb0379ba2794154277bd4448f89853cebf0a3e9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2950.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:843870b3a6fef6f6ed03a963a5ca108c0ede61588a599683f80be4303f56f911 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2951.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2951.pkl new file mode 100644 index 0000000000000000000000000000000000000000..791ca05baaa704ad08ffc0cd7b0fc07ca3826c79 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2951.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5a1d4b0a8a543d0144bfa35585762962ad7e6c47c3ece7df382a3a2f2d5ff08 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2952.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2952.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b919efa056d2c2d14cafed847257b7676c1c5eb6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2952.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f99fc5b032d8e5edd83d2f56fb698d4f89eae2e48c813ed15e89b617b8a0db51 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2953.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2953.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b49a91f8e28a12b49a3b4776d2f6ef41a748952e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2953.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87326a22fd077c8b5cc57c0b66601cf18e2df7057e684aa0613ede26485ab79b +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2954.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2954.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2972415d834bdb7747fce62570f6fcc50b622302 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2954.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cae50e6739fe121795a06118cbec133b867ef09eaa09711c1855c525d21fc1d8 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2955.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2955.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7da9a4f6ceaeb4babd319cbd035e47cc64b642bd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2955.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7562545049b60bbfca2f70cdda287482b855f582d03cc27ba69a48453d6147ec +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2956.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2956.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ccac68e46267385aa5ffa2f5215d1c0fb681ca2d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2956.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a24a87b5ef0cdd72adabf95ad3a434a9a2121174d5dc90c4867ec8e7a5ad4d48 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2957.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2957.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2855aa0c7cb7d27afb8cf53eac2cd1c16d4ea30e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2957.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a747e4607daef9da4e3795b77ef7568d38d4b8c83b72d168c0c5d9e908e821d +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2958.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2958.pkl new file mode 100644 index 0000000000000000000000000000000000000000..47e08992b7d291d87577144d564656651403bac7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2958.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:397c047ea5d82a51276e5079c75eaf29ca79c5c671e7b49f9dcaa00034fed471 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2959.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2959.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3562a698929edbd93a11149322bbcb54f30231a1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2959.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1440a04066ff3eee6f0ff8e153a7a5e7ca0bdb5ba1677f24f946cf40cd51fa96 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_296.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_296.pkl new file mode 100644 index 0000000000000000000000000000000000000000..285f17b42f7dc8a4bc7c6f73a7908c6d86164b20 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_296.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b421167a3de70ea2d64f1b8e89ef24dbc532f2aa85ac1bb238197968e9947fff +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2960.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2960.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4a5e765168326b0d536b9705e2add3b4993bfd02 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2960.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9d38a0f136976672e3d6dc7416f85481cdad0c47af319b79fae8cd62010189c +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2961.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2961.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5fe73a69885c5c269cfcf476b37acd789e3037cc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2961.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5379573c7dd142adb1432ca3a3c2ba90f91f42a65769d94e1c99f74bd52bf56c +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2962.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2962.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6a21ec74513b6636312d2d882b998ae7dcb13f4e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2962.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3074b7e16afebc31e6eb62d52abe2aa80bcc7b173ba41dcf6444258c3a455811 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2963.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2963.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b6fb9385b78c630eba45482e81294d96827bdff6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2963.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aee1aae1d22e2f4fceb4a813f3c9584949dff630d67c3a7d8bdfd6b5194c340d +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2964.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2964.pkl new file mode 100644 index 0000000000000000000000000000000000000000..79b725a207b84145b5865919a2286d188b7b7a11 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2964.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d04c4a82f79d802c6b74a200067190a7f64424ccf3e966fadf530ca69bb7a7c9 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2965.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2965.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6e9a08650bd0cbbb693006bab95f23cb25c83c66 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2965.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a596338263aa7dfd12a4c0e38c1c1d968a2f37dc45f899b6a0b1774a15e28ea0 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2966.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2966.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7997e416a2d75f96e45f1e43c9122de9cf4b4b32 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2966.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4b9ed65b0e18e558e13b18ec64c035904944c11256a3863316164c8974891c2 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2967.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2967.pkl new file mode 100644 index 0000000000000000000000000000000000000000..642d5e5415613a3e6e44c646f1ef86188bf56d53 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2967.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fec4305ff14db5a6e3b16e7a45f1cb42f34e0ecb4fdf4a6bdc3a3c5e1bbf182 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2968.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2968.pkl new file mode 100644 index 0000000000000000000000000000000000000000..37db1b4100c3f518a0647a77e8f1c545d76dc17d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2968.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de4e85f29052ff3f75dc483f015747a396c62d9c316c149c07a06d1da74ab666 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2969.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2969.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4cb5ee7b8a2abab6b38b5266d15ed1d37a8eb820 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2969.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:42406308ea1c77ba7cd1bd37579f55284c5c96394d9901a46e1e64c92c4ad858 +size 25781 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_297.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_297.pkl new file mode 100644 index 0000000000000000000000000000000000000000..785eb60e12d40af74722d29e3ef5a9765853689b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_297.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce84ecbab7926093693803dc0152b397ca08f0867bdfed63cc409210faa3c378 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2970.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2970.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6db224151dd7828bb8f6dc6142c1717143354f87 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2970.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24dc000f0cae548945ae9d0dde8b05bc69dd564c657ad28de0ea3d6e75b02ec9 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2971.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2971.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b489835764996ddb41f9f3d76b9ef383784cb85a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2971.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5710b18b5cfc455290f539b4c972f8d0fb34cfb51864d425fe00af341859619c +size 25781 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2972.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2972.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3f08327d25ef9b6aea35f661ceedc0b46498edb6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2972.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbd6a3590ca34d8035a37ecac031744678d6599128d95da2541370e3057a07db +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2973.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2973.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fbf16d96128d4d0673bbd14b4fb704364b9e36eb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2973.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c6933c6e26c34cb123369bd8fd08455dd653c1cf298c00a3a06a49ded2b0032 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2974.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2974.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d065df180c78993ef6f421149a171e28cbb76c31 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2974.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c5b09bef0026dd1205bb4ed9f6bac95f7152f4cf57aab31e607ff49f7fabb16f +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2975.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2975.pkl new file mode 100644 index 0000000000000000000000000000000000000000..90e64d9a19bfac9d15ed5b4ab152dbd27fc9276a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2975.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:508a7a697d1c555ab696974e281c5438d5102ffcce6429545f64219057b75a12 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2976.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2976.pkl new file mode 100644 index 0000000000000000000000000000000000000000..18dda25566943170e68333b58c2eb6ebce0ee60e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2976.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe1078bc01bc675aad0661b628df2bfa68407c1edaba024ec8865b4e6228dbae +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2977.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2977.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0efb27915137efa1d0c5deeb6e4d966d6cb1cb35 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2977.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ac7492fb75ba442e4932e869f3df3493606634d3f066768ac4068d4a69bb3cf +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2978.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2978.pkl new file mode 100644 index 0000000000000000000000000000000000000000..de7e5235b61ce8f9f1150b65d84f9a807dc3b973 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2978.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d992c6989691820e10515acb1e8504ec651ccb120427fb92cb99457c659c2aba +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2979.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2979.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3112a47e07aa46349f4cb9a8b24c6ec9c7d20e84 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2979.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6fb77bd16ecc505235c1498770f5395dc48c02fcea947489709183ee4086f473 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_298.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_298.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5da758947beb5946bf20c900305e16220187fac2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_298.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab5efc1c6fb7ac3d357aad7185d3ad0c263fec2d2ccc76c0b6cd70ba399e99fc +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2980.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2980.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f0af9fdaf43e2724e8c7e8b7c482fb26a8855b8e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2980.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94b82ff2f7b8769612844642b78156dda7d296f238fcbd2a3e2fb5dc69ccc1b1 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2981.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2981.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a38b51ea023006c3aed572fa8474522b92b838f9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2981.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77e8b102db2fdbbb94bff2193287f1808fa0b362436a9bf0654694b041a2a37d +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2982.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2982.pkl new file mode 100644 index 0000000000000000000000000000000000000000..34e896d38d31540cfd89115842f74b64946e6df0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2982.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2101437919c0988f53648386e232b66b393b6d047665cceec182c02fbc0d7a51 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2983.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2983.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f62d1f92959bb874fdf7d0201abdb7f43f3073eb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2983.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dea5917a955b66ecc8d2ec6fcc940d00ce18abb99904f7fd12ed385bef8448e9 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2984.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2984.pkl new file mode 100644 index 0000000000000000000000000000000000000000..63cfda48c5c6cdd2859fc64d4473e8a6202ab0c8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2984.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a089a808d451e1ecb992809ded986bb7bd57cd020899df323af55bc20f3d79ea +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2985.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2985.pkl new file mode 100644 index 0000000000000000000000000000000000000000..33b5d3cd0fb3b33ca2554f09f0eea44d01da36a8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2985.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f3422da3941dae4ab43bb0f948a47501b2444c27ea8ebfdfc29a405b74ae2d2 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2986.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2986.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a9c4b5936418242e368b3b4c6e23eb533dcf72ec --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2986.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:afbbfc995521050c2631f6ab39a67bfb0063c24425e76c01448a42cf09aa0858 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2987.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2987.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0a75d8bdf3236a9130276a65fc7ee9ce7b6a5ab3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2987.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aaae8974b6738341189f6fc678eb2e84eaf78d4c77a3f0c61004a745f0f89a33 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2988.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2988.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f4ac9f05b6e427166bdc866a6f7e927adbf501f1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2988.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bae22f8b787f40f6c3e357834915270ddacbb55ad0f66e5278095503e8b02265 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2989.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2989.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4af5696fb9668f9da2d4c72f872371dea3ca2d9b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2989.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b81a3371f8879b6e1392f31afdd24c8ac34a2471e44e4a20bb8702e6c0510b0e +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_299.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_299.pkl new file mode 100644 index 0000000000000000000000000000000000000000..df9b5a9d525757b23eae888057b636d24e4b734b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_299.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb00413181f664050709a46b08ae365184693a336e45ae29a552d8ca2cccfbd4 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2990.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2990.pkl new file mode 100644 index 0000000000000000000000000000000000000000..59d7e64dd798a6fee12bce59a5eb6784cb6eee1b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2990.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4005fb3ffa0fbac8bba3a26383e4152f552dd3ebfe3e1dbd81587f6519b63abc +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2991.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2991.pkl new file mode 100644 index 0000000000000000000000000000000000000000..299f950d91c63a39d1d873d5a82bc427d8637efa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2991.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:435293b8bf3fba8969d767a0a77b33e5f6dd34642fcfcb731603ef34bb995b66 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2992.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2992.pkl new file mode 100644 index 0000000000000000000000000000000000000000..27509c7a656dfc9e81502e0040a64e21d2322d31 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2992.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13f19d5f74626f4d84e43dbbdfc6f9e04a4c7c33941e5a99402655cbb9112bcf +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2993.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2993.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9e26aa93671f1cba080adf62ef06d00b11f506fc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2993.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0783a97d82d0cebf23d71ba46ce086ff80deab9b7ba719fe9fa560b25f71f586 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2994.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2994.pkl new file mode 100644 index 0000000000000000000000000000000000000000..41401d0d3d625ae7365ec4232d8c8eccf75796a9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2994.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:659015a342198f9fb0815f0292c24671a328c6c0dd0d65ba3259db54cc77d591 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2995.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2995.pkl new file mode 100644 index 0000000000000000000000000000000000000000..477720af85a6121b811c0a32872a1b0a5ec77d81 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2995.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ba99c31bd649836216f7c284dcc7a418eb94e63600ab3cb9210fd5b31a79af5 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2996.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2996.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9ed38431246a6d6c23433b7e1d8f6bca15d3912d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2996.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:239e48e6e7890cd912121bb2338fedc594b3873e30e04bc0e9fa911c9e40f72b +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2997.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2997.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5399ace00b96b2fb682683a9a01aca5dcbeab960 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2997.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e242a5692241edb04142e2b1b6edfaa1c4935c482292dc59970e1368ad21753 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2998.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2998.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f86ad82576969d6f86d4dae984667dbb0dff1e2b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2998.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31f4807d0e4cad1e2f2090c032466f3d38062d72f2acb903baa7c5ad884a93e8 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_2999.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2999.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a1080163be2cc7358cd6c7ff9b099c3b8e3e0d50 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_2999.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7928d4c0a0bb8cb874ff34d13be5c2b9483538139d751db484814d692dca16b +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_3.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_3.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c87c77b873ba990ca109ed796fbc72f97083e6c9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_3.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ebeee9f2f17f8c956bd51ee10bd668ad3b944f343764e453e0dc4dd87fcda25 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_30.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_30.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d16123888e7049cfcb844c42e03da197fc19ebe8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_30.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f2e79f2567963d17a24aeef1dddcdeed1704d47128777566d2fecf023e59153d +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_300.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_300.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4cc25ec1f2480ccf6e74c59725c90dc33a370e50 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_300.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83712006813a05d7ac065fd713bba816d1c1464cd86cb8189f4a1466a3803b50 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_301.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_301.pkl new file mode 100644 index 0000000000000000000000000000000000000000..034b60227ca37b6eb3f7d144df3c00e0651b183f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_301.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa00427c1b87b648b0d8775ca331363247883b8cef078468eb18f3525f653dc8 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_302.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_302.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cd5c8818a1c6106cf0045ba25356fa237aae90cd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_302.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66ddad966686d130d890f3ca133d858a0121ee1b55cd37968e0e4f390c39d391 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_303.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_303.pkl new file mode 100644 index 0000000000000000000000000000000000000000..df269ccf73e7b6c8e80197f8db7ee907ad6ed249 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_303.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:17c9430b5d1b808a38af97125188ac53e3d4a9fbc4a41f77feb53e12318df8a9 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_304.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_304.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4dfb9c1a211361c189c531488185ef6fe0c37dca --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_304.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6933048346bdc4d6efa243ede541835d5e6ee3d21622e0d534aa058663a9f811 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_305.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_305.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4c48d537625ae6081f41e038bfacc2cbc6c954e9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_305.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9e5c6f9671438917f674ebdd33a889216e5355ff83df9c0e9f2021444fa82b7 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_306.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_306.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b5257ec398b9162862b0bb061befbf25600989e2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_306.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cdbb39d9aefcb7e619b61fd2be787de4133a9e3187b518a4a103fa36c96c2560 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_307.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_307.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7821dcb40e799c2ccc76f54c2a9881608da5be3b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_307.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cdf36909596f89fb8d7f97d0c0153d967201ef9a4794f6ba8185fe31466c3fc +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_308.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_308.pkl new file mode 100644 index 0000000000000000000000000000000000000000..36d3081415fd734f1de86da7dbe201b9cb817561 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_308.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91e1132da034342403c999789944b8522c5b697d84e3d6c034f92d4a7b3e6316 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_309.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_309.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c90783897e583238213cf898925310b5e545775f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_309.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f51cfdcab6a05362a58fca985a3890f7cc18b647841429af7877839026369508 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_31.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_31.pkl new file mode 100644 index 0000000000000000000000000000000000000000..794f11ecd970509dd3989bee8954d9d8dbcf429c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_31.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2601bddaefc3b0ce1a15b16de4fa30c93983dad0172b55485cf2321ea1973d06 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_310.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_310.pkl new file mode 100644 index 0000000000000000000000000000000000000000..aec07f64fa98454685881665fcf45268506f99b0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_310.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a157aace142d5e1614ce3a5541402d50987fd7369f17bcf7f6c47e9ed509f881 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_311.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_311.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7c1fe9583ac630a09c700d16d121962ec7d3672a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_311.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3c198e3febc5935e8623bbff2e34d33bc51a3d11ce8acfa23569b8e127efa75 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_312.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_312.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7267300fcbfed8c0dca91e37cf124b087d59d109 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_312.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:111737c8957e45e1bd29cef47d649ee678a68900db3ff8ea49c6834d17230c93 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_313.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_313.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a6e2d871c1e87662c99aebed8e3aac62eebdb158 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_313.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e51eea39618fa8ae483a89f12d4eafda0c32b2d409ee6c68e7e26e8fa3178d63 +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_314.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_314.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b0952584cdcf7b3f0918ec7eff4f02b149c5cdcb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_314.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:168f7bc0537bd7264ecc6517eb7f9d0da20f224e9bc1ae190ff26e01a0fa27fd +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_315.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_315.pkl new file mode 100644 index 0000000000000000000000000000000000000000..048db2acd91e124280d99eaaa6f9551470612361 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_315.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e637cf91cf43a95f47bc6cac1da6c8f5da6c9b706d3d93b5e61e6e342faf272 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_316.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_316.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5d42d4b8a7d881b72d808884b2fa0e6ed95bbcdd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_316.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1580b6db50617792e44eec98132d4ccf6226f2b7ead8297507d9341a187e8cae +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_317.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_317.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a2072e5556b2c6c65ab18a7552a50754a3df1a5c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_317.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1048d0178a2a426e421a97689dc6363de258017d832a7a7611eebd51dc8e5aa6 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_318.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_318.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1e6335271449336e29b812c5c5ada75b543beffd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_318.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bef23f543ac06cd073c4c2866c9dc4ea50662da6c24345edbaaa98837c97d1c0 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_319.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_319.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b431cc7f3c7d8c24c64375f09114e56916e62134 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_319.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07e1a1ac5dc0ce07c62ffc8f2c5681f8d9e871087d6958f1c4061a495443a447 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_32.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_32.pkl new file mode 100644 index 0000000000000000000000000000000000000000..db1a59a81ab53041046d0177e6bf18ed3f3e4c1a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_32.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f94f2e3d31af6f3fa7c4f22476100dda1f5db6891e26555b8d7030cbe142a58 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_320.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_320.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b1cc4f4e614018455cfd03e5f2ebb2fc6d64ad49 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_320.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6683e087a776ac3a9a59506fd763006537d03017c57273f967af62cd0de2243 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_321.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_321.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9d3d4575126ab3d78279d3c404b19fae834cc87c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_321.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c486402fa7a02f9e6729d2bd2c29216cc344ccab9130c9bf0feefe158b255f69 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_322.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_322.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2c5679365f720109f0eedb574ce211e5cd57d8a4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_322.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6c3d912124612f7857a72d3ef7c098c9398d9be29c88a4e40341be4e8c6936e +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_323.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_323.pkl new file mode 100644 index 0000000000000000000000000000000000000000..70553f4a608629264125ceab378b07f884c7c751 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_323.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:810b7b9d917fa5de6c8530bf003ce7db35a1351ac277124fcc14f5544cc4f41a +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_324.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_324.pkl new file mode 100644 index 0000000000000000000000000000000000000000..99063bd656b6486a06d988fe96a170d550434d4d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_324.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f8b3d1d7d9a34454b912176feda6d3dc53d8b97937842fa5f6fc02f6d92e3f6 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_325.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_325.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e31c84195d0ed84b8100edd58399e7a94ee6ae55 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_325.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34d732ee998acb7f159cac7a45db3d436fd1ed78485f2816979559892b4ea7a8 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_326.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_326.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6daae852b0822aba865ca1e3698ac6048c19f1f6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_326.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:605ca412fa7400c96869f6b2047045c7604cddfe6d97991b942d548fbbc12c85 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_327.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_327.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f19fd0c0caff012737f446fcdd5fb76871c2c430 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_327.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fcf7aed626ad6c9cbe86845761b70f491a65b790345ae7c6b907135bbd618118 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_328.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_328.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7b332ab7f89fe9f9f19dde2ac9bf9c5846e1e11b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_328.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21edb1c8d259aa2a3a1fd73f3d224659140281e53d8ab35fc739d0bed0bc7897 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_329.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_329.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4c57782d3180cbd00521d0245ba2bba56f1d91ea --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_329.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45374b32c5dbd317ff4472ab359dec712ee09124cc40a7b8ae05a77c1a3285b4 +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_33.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_33.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7725ada2d596a4f7aff7cecca51890f74c638a8c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_33.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:862e0e82b55bd5aeca8f2701febb68f066b6b733a53e9dd0fd49d60d785f3164 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_330.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_330.pkl new file mode 100644 index 0000000000000000000000000000000000000000..201f6e588939b669e6832c13e2a3438b0bebad84 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_330.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae6ef723ac3a0cd33fbf0ba5626364c0ebfa6565e3406a77916b6c7f501b6eb8 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_331.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_331.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6e3d07fdfb5be3ca9071b95bbf311b032e47f9be --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_331.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:211fa3a343faad39c42de84e379195bff01603c6f799655ae3e96239b048032e +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_332.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_332.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5983f45542576167cf9a663938d99851d882f450 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_332.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dafe5c22c6621e2e8cb2ce2b4b63c0a9846a6725c0d0597975fbe4c6f02fd65f +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_333.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_333.pkl new file mode 100644 index 0000000000000000000000000000000000000000..385b16bf306081cdd2915f0bdae3a0cc8aeb536d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_333.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce1aaf5b85a87b68df2d927969a5216d7914b47cc87995f9c1c54a877aea9316 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_334.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_334.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6e0cf55dddca688b37915f7ea47af867a0412f5b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_334.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63950d87ff829653d28be2553c08b06709db6e09c1bfec8ec429b25ae27ad0c7 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_335.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_335.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4304ae988632eb9a8ef709641644ee63f13b418e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_335.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b85e263a8bd8b994b4b017552760713b8fd00a73aa34e927f05149fab2d56af +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_336.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_336.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ad3d210f8cea7af17680183b990b76c1f5044633 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_336.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31b31eb09a3c9298d43b72969abb649212887b371529bcf84b454e4680b4865a +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_337.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_337.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d62b85cb980c5442f28c312726f27c5ab7f31945 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_337.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:619e5426194a663eac8d6c6d770ac0c27a6d02096b2b791fd9196a787d0e8ec6 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_338.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_338.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6ead57dbc9bbbce839b50b75dcd574ec0b7735a2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_338.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0301081c4cac7d7b9003045ebaf10d3a3834bd0f42ec7d0f0e35a228a57a000a +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_339.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_339.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ea122abe4a0c7f56e3f7d91c20c5ff0c66709865 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_339.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:334bf263a717a803086a815adf9b62f2ae2e2e9855b0c501bd79ca99746996ab +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_34.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_34.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ecf5f8b4dfd7f06cb6003b543e3a2f3886f3bfc5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_34.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2eb3c6bf7bafd32f1062ec74dec2fb1673398e9446c6e4fd580dee8915568b7b +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_340.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_340.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d3d9d3ef09459e50628500ac22f462e2751e57db --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_340.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d34a386fb13e0b9298e700daf11cfb76e4f1bed45f457a16513dec10c0e2fe21 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_341.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_341.pkl new file mode 100644 index 0000000000000000000000000000000000000000..da39cb990897736b9beeddbacfe4a0a83ef6056e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_341.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f7e6bf90e8ff5d42704d8eac8b0608904c90bcbeab17f069ca29c0332f293ff +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_342.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_342.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cc165d8f07871a02fb174c1721723d34cc259ea3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_342.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:161482d4ccde3e060dd566207e8a5e276e79fc3b6798e83ea0c7d11a8e25ac85 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_343.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_343.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fc7bb359d62a29227bf0c3e28890157f0b163682 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_343.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01422d7c693c77b8349046609a25ee211931fe67e675e1b3e9f59d553e90ee3c +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_344.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_344.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2e4510f02181ea7c81537e591a1c9bc0fb7a61cc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_344.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ccfda67d9d6ca08f5cb3cb2e04572ff289d9ed6efe4a5cb44f963783b92a0921 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_345.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_345.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ebfa395363c1cc8a447fe606816b139f547625ce --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_345.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:508dc1f268dd13eaecb467f20c32744bfd5fc373593956ea4c4adc5ba6ed37e5 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_346.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_346.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0a9a56a4d9a3a823ddf02fdd7068507cd885067f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_346.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2f5842bb7d6b48bdd1ca2aabb0b5b9c4b0ef089dca66e34ddbd184ea6323f33 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_347.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_347.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7e3641d945f7ffe706f4ef935eb0fc61867d2141 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_347.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:395e29c7ab6930bb040958a0b3b41b68243c172efe49d5e73f74234ac2b191d0 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_348.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_348.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fa1dc362426880ce6e97e2aafaa3e72fb9909660 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_348.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c35bc8fe9c4f21f000cf84605902102fbe8318322f763ac4a3ecf4778edc2798 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_349.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_349.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c0d7e613fb01486db0e07501252899c33da46171 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_349.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a15d3b60b6c1d23aa9df00ea908e8d570c27ee03212b318c20b73e164ead68d8 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_35.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_35.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fc6d26544c0a00f59d8bdeb38a27bfc4ceee5100 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_35.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6745c1851323a15cd45e25570578d07ed438ddce8fc6cd29e077aaa034f0a48 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_350.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_350.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eb831a4b3b35da7748d5d2f93b4acd0250afe4d3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_350.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b34922c7808f087fc9eceb52850741ed5610b50a2431a703085fd3f40ed7016 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_351.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_351.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1fe981358043437f14db83eae80f0ac498200761 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_351.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55df7e9c907ce2752981674288c300bfcf9ae260af66439a09f84d1c1ed1446b +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_352.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_352.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a294b44d41aadb86e76a76e5bbc80193d3b31157 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_352.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:650574d1b8c7448f171e8e35aae7609548d9b8c3d941525e46856aa82d2e008f +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_353.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_353.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6a35522cd266cb004024f1cd0583187b3c804b82 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_353.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92b4b8d0f98d2b15d4168ab5778a6a3f8c6e4c0f016f94afa81ec49e1c9096e8 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_354.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_354.pkl new file mode 100644 index 0000000000000000000000000000000000000000..db9098d636a1d44b57bfef085d352e9123892688 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_354.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aac12241f802986c603fcac5233a3a718f1adf8cff74021cc008cfc6cc363184 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_355.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_355.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d29df792b46ac1d9067e27eebbd0f6b418630abf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_355.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:718af9682095cf00c011fa496c756a2ccbd9b742f791fe75f5f23b31367979b5 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_356.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_356.pkl new file mode 100644 index 0000000000000000000000000000000000000000..19eafbbcc96d5de6140ff497e95774ed197e5f7a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_356.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f33fd374a70442039f25c84dceee3f93ba83a071d76de613479f7800e9a341e +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_357.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_357.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f92137a7335b0ce884c83105025502a77072a4cf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_357.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:daa4e605f8e8724f6014539036cd7e9e54a6a4f36a6707dce7c82ee07df4db85 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_358.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_358.pkl new file mode 100644 index 0000000000000000000000000000000000000000..13e8b4f5a7850fa5aac25d320848c56668cffcb8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_358.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b24bd93dacc22fd8d2e63fa92268cca4f910c2dc57785208798eea3623c91a5 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_359.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_359.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e02efe6df6638235735c4ea516597a02933d191e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_359.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78f7171ba920b53cbe4b05101ea9ef89a1a79665cd00f3fa17d91168b6fb5995 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_36.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_36.pkl new file mode 100644 index 0000000000000000000000000000000000000000..90767dae11d6716580e578495033e435a09f075a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_36.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aaf431fd34b091ecb4563f9b9a69dfdfab896092fa86ef425623631b51d9522f +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_360.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_360.pkl new file mode 100644 index 0000000000000000000000000000000000000000..34f95b0abf654805d0472781ee0f6fa6ec7c33f7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_360.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:642074b38c6ebf0be2ac4d5c73a8ef24638c455e748c448903944349281bc65d +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_361.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_361.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e9f3c39795355d4bf2add38397154d58521d312f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_361.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e4b0a62250f01630b3c4718ae604321dff03a0088ef4a46aa2b260e376213d0 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_362.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_362.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c8b78b01389e60003ea27d9064e041d331e78655 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_362.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:84c85501d3590add9ea692b6f702b21946701f59912ca6bb4ee31413d5736857 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_363.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_363.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4d5aee79b0aa3e7e290a6f1fc5a1699e236d687b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_363.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc75e5eae53fb705433733a179d8ded35230ac17fb46cf1f2148b10915e09295 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_364.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_364.pkl new file mode 100644 index 0000000000000000000000000000000000000000..792fb2c97b3cdcb6a2a5d2aee81cfd1810ff7d65 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_364.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0fe1105dde5ac7ceabbdd086dc039fc2592581e6615855ebb17593e4009b4f85 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_365.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_365.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f8d185494c7226930f7fb17f0461c36fdc1d2496 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_365.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52f859d0df16c113252ebe922d355e0ddd6aba9243adf93fd0311f45ad74021d +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_366.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_366.pkl new file mode 100644 index 0000000000000000000000000000000000000000..175f1e548bd887c3dc36367fa01ee9414e939500 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_366.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45bf3f54d21d34983e32ba380179638546166796118182ef27a0a90d50237048 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_367.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_367.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b787e512255c4302a68311d386aa0e5713bf63ac --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_367.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26aa50e2cae96e1390bfb8ca6c3519404bebff4adb780ff55aca9de5a228bf81 +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_368.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_368.pkl new file mode 100644 index 0000000000000000000000000000000000000000..db81f269549011998add6642eaeb5efc9dab188d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_368.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca6b6fd3567bc8509ff4fec999aa69fcc0a142c5eebd815a794ae7d9f7d2dbf6 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_369.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_369.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c118d52e298fc0287fa7cf8ff6d76768456956c4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_369.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c14108accef341a63744250917153dfc6df1be56aa64bd347d1f3e5423ea7ea +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_37.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_37.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6ccf116357df3b90aebebf471bded80f2dfb3d40 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_37.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2dddd4799b06ca7c77f04e5ed81e492db1caaa21d43f2b04a03bd03ba934ecfd +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_370.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_370.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3e1cf38b2ec9c56d39523ba563f04d58f00415bb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_370.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f7d425581cae027a169c29c13d5b8869f86d48c9ede26eefd6413f08b0bd8488 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_371.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_371.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dd222c3808c72f4ac6b86c2aa7db326af975e8e8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_371.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f5b8b547202fee933298d2cfec8881b7c6e4d985bdccb3ea87dba99d4fa90fa +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_372.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_372.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0694509e45e617623d8a73609b1b344e09838079 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_372.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ade1b88f49500968d154df4df0d5e24f1965b2935972f2a07730d595a9a1ce8 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_373.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_373.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e691d0eedd6f2035337e533332c83985333477fd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_373.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ed5624c7083dea1bef9c3c41cee19d6814a004db22af0c3ece75b0204a9a113 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_374.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_374.pkl new file mode 100644 index 0000000000000000000000000000000000000000..259a0cf6d5cd1da760330598ef3629195a0754c4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_374.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1335290308e0d670da7b5181a91fd236f1e2b940ee45b909fbbd77cf5550a155 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_375.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_375.pkl new file mode 100644 index 0000000000000000000000000000000000000000..07d55f141d8608899f60fa4461326f2e579362ee --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_375.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29f4cbda5d81a1215cdcba9fe12d1c83554b774955bcc72442d413ca6a72ea24 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_376.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_376.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1c82c0c23661fbdfc3d473ece25718097d95a85f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_376.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d777505be5ffb70c17b14ff142cccc789f2d576d6f86f7acccc9f22e94aca17d +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_377.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_377.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4a6e165fa7f60310897e69930a06616a5d9477f9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_377.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ebd6abd5166f973014a1df829d0de0520efd1f19b1f61c3aad084de36bb73fcb +size 25786 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_378.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_378.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d0780aa9502856490da1ad7f30fd9ccac65ba1e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_378.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a350685aa1113837fab5444f8e16018695ba7aa3bc4fa59e8b06e215ca76e144 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_379.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_379.pkl new file mode 100644 index 0000000000000000000000000000000000000000..be33a439f8b051294919d1419dff91597f1b50b8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_379.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03d28b477b2812c3097140da04c2c2e7e819c374341740846f7693afee008c02 +size 25786 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_38.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_38.pkl new file mode 100644 index 0000000000000000000000000000000000000000..917e742d7495a0ef500ebc63186b36b50ae52d8a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_38.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8bc83dad02806aecc5c24401923fd27532c90ec37bdb5d5c66efdbb2bf2d00d7 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_380.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_380.pkl new file mode 100644 index 0000000000000000000000000000000000000000..db75967ddd83758c70387c22846660d8a11984a6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_380.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92a19fbcc283c67a3f6e6da203beea6f28e24714709ef99e91fbc99a8b5067c4 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_381.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_381.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a8d23a12933835952b4d6939b6ed0a3103fec326 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_381.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9166618ee1d86cbf20771abab4cb7c9f1006f3e5f50d06dac4be1583e2fd8907 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_382.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_382.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4247e0dee26b583cfa3a70320b5cf0596646af1d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_382.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79b42bb635e5f58cb9409d1ebae27c9ef92c41169acdd05a59819b3c26705d00 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_383.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_383.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b4989f7d24fc839fab6680207e64d23dc57cba6a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_383.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:873d36bf6fc8ca2524f7128b6131ddf46951388610024e4bc60cf4802df3d7db +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_384.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_384.pkl new file mode 100644 index 0000000000000000000000000000000000000000..30073446067429d74a83665dba9a9e206e21057d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_384.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b929789c47735b308ae76fefb45f348d58f78345d12ba7fd56837dd3bc4fbae6 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_385.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_385.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e25794e7a9a517d22b9b9ccb69e6d902ec90c358 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_385.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a43d677741cd493da4c6fedaaedce5d1605363ca0002344d83345f9dd8621cd4 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_386.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_386.pkl new file mode 100644 index 0000000000000000000000000000000000000000..143d5cddfe6c544c26e43cff4d0eb8389c91deed --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_386.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc1c99b9f3789a2d70df1d6bf6d9e8d0067ec01f181938a2c8cbbb1829554234 +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_387.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_387.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1ff8c963c654d6683193aba97837d3efb849484f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_387.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7bbad2a6a439914ce46c2d107c6d56ee1f4398cfa7f6162b6fbe536fa5a1d5d +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_388.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_388.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1b238516c707e58a7fe4f3be0e7d1f5f99084877 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_388.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7a716c38224bd521a229a5efb0c037a4a14dabc286532fd7b07325c7a182f4a +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_389.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_389.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c769e97daecc2762a8efb7a1bf52bb3cabafe915 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_389.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:252b1388b43ce2ab42c5e4c662c4ed7bfc11911e01e4d756bc676bf26869fdb5 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_39.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_39.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e3bbd4d0bb04387b6d1e304f73731866e8c5f12a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_39.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b076f6132c88b407fd15e964517b470e4fb1fcdaec514efd50ba607ebc4a6122 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_390.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_390.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6a1c0802aa78ad644981121e5f2e6f046792eaa7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_390.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:224a96f243f026090d62d4b51c1cc87f7910684f249be29255b98e3c43f40e93 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_391.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_391.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6532808976bd4232cacf3706be7ac9709bdc0333 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_391.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dfe807486d83693008b469d95b26303a3b98b0bd6694556403a226eb925fcef0 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_392.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_392.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d718704b1ddb16677a1c01f4ad18fe039ce9ca2a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_392.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:420d0d4a0945dac41036761b3c29fbe398a6377c404bbb1a86ff4a635d882fb0 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_393.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_393.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1a0eb677cfb3c8d9bbd1bff66bf856134147dd9d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_393.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a77289ec66772db9685c4db27e2179933d66340fff5c330c17d2c05080267770 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_394.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_394.pkl new file mode 100644 index 0000000000000000000000000000000000000000..08c0dc6f1455cbc2ff3d0911391ecbd2af483257 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_394.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43f9fd0399398b924b5c6f566d2ecd39917c967abf589cfb842ba5830357a6cf +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_395.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_395.pkl new file mode 100644 index 0000000000000000000000000000000000000000..acc5662fc3665820ea0cfd952d531125dec20ea5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_395.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f7d69bd6b573316cabca5a8164b01e43e5fcc9616dbcef6e9d30431074ae7d1 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_396.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_396.pkl new file mode 100644 index 0000000000000000000000000000000000000000..50b134e1d72316bb74d250e68c0d4a60274ccbb4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_396.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:560b78ba2c7388406a7bb290a56204824518271cd0e57745e031b0d800c41218 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_397.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_397.pkl new file mode 100644 index 0000000000000000000000000000000000000000..63e3d19d9b5f52390d7334a43b3edfec5a1b6d72 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_397.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f37e88a0f5590f6c76d5b6cb3a4f32e9c62d2d592d861234263397a83bc735b +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_398.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_398.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f297c20d58c4d937e5061066588c803834805c2e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_398.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7bd03b76f322cbd3a323984e14ecb17cc4a28f0914b1ac73d8bab883d228e8ae +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_399.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_399.pkl new file mode 100644 index 0000000000000000000000000000000000000000..29b5a26d4a09769e37eca2ce898992d78deacd22 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_399.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bff8085e58e0c9dcba3229d45a47723931e00853fe3f7fe244297120eed9230b +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_4.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_4.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4421ee1debc29e145b46361d37d72ae9f3b3f77f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_4.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f466c777446d8f7f1a57fccf1a1a2ae850434cebbced1f2740a0aec811094b8 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_40.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_40.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8d45d322dc43bfd55eae9b02b2254567041940e5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_40.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a2678141b628c850cdbf494938713d7a82abb5b3d4e74b812715fdead091233 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_400.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_400.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7284f8ea2dbd01b9f1ecebf06d313b8c0bfe1dc2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_400.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f52913a25ee97ba93256498647a7049a1b39d64f7119c9511ba6cbd26acb8c2c +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_401.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_401.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b8e991db39ee51bcc22fbd743f83febf187070f6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_401.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3583d6f344ce03b44a0591a5f378d7f68a1a64455e700f202de608140f8c1936 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_402.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_402.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fa29292772aa846e640a82a81e803c7e41556d10 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_402.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fcbfed43b0fa27d0c74fffc5a6a74223d8e8d93604201ab1908a96d7931306de +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_403.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_403.pkl new file mode 100644 index 0000000000000000000000000000000000000000..502f3643de271f4eaadf49dcf4183566a5ed16c9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_403.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:739da6fdba39d5895cbe9b54a6ae406619d6770fea9994e6d45b0948ff1f375c +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_404.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_404.pkl new file mode 100644 index 0000000000000000000000000000000000000000..41e5d853baff15a698803f00d5df2d4a2d45f4f4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_404.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95803ad2b8b97488492112023d0efb47c34ed36cabb9b60ecabe38a8bc73da6f +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_405.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_405.pkl new file mode 100644 index 0000000000000000000000000000000000000000..473cdb5aa89a2ce0c9a28518697e02344979504b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_405.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6222ec066e98e1c8ddcfa1163da9a97856b616fdcbe5aa41de206be215e70532 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_406.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_406.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a7a5a4ad92cb31168775724fc4fd6daa00253392 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_406.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2803d7e5888fe5cf7b40920386bbd8e7b37a163fd055f1b87dfc8b8669cf32de +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_407.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_407.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8b1a647e6bedc7c4f6bebcbabbb89c808903a322 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_407.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:21eefec35a556960b7bc82bde89679f2db40514aabaf97b1ef034a221a65dd4c +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_408.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_408.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6d9f428311c985e39c5bffb149d93177446f6aea --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_408.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d86eb15c8c048229d2bb7957a7c086dd011fae63786c0d12361aac9622d2161 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_409.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_409.pkl new file mode 100644 index 0000000000000000000000000000000000000000..61bf6bab51b821cdd1159cf8a472a1e00dc109e8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_409.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d10948254db86551e6e60bd754cd1a00108683098e0ca8d3e3056b8c7abfeb2 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_41.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_41.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b4b4d62c404399a1630939462a6d5a6a9b272e63 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_41.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c286897f4aaa97897baa09bf166d23f69486f91298c3455bde43756eabd9a800 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_410.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_410.pkl new file mode 100644 index 0000000000000000000000000000000000000000..272a0932ad1ffead603480473ce68378d5f73457 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_410.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d39de5b895f8146a5312c399183de546b873577ac7b1e0af4d7824b57373355a +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_411.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_411.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1435c28607771806fe2dbe69e2a27dd9711b7417 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_411.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4b5e0dc67fcafe3fc583763cc564974c5e3929e7ff5e896b1a472e945105ffe +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_412.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_412.pkl new file mode 100644 index 0000000000000000000000000000000000000000..76ca32f62923a8877fbe8ec06056ceb43c22f14c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_412.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d90076fe92550ca1ef390e85a7fe0feff75478ac6e4af84f0bd33d1419aedfa +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_413.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_413.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fc141f727ed23b27e227aa436908c49802f5608d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_413.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d11e4dae20d7ca8c69e042e5a1455996a65c296613aa6c36f9b58e5a46f178c +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_414.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_414.pkl new file mode 100644 index 0000000000000000000000000000000000000000..30155cd7a0463a7f11c4bb901b8989fa200832a8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_414.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:446a28f994430d19162db1c81db366cbf8c98e2993aacb1d7d155976ea1abc28 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_415.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_415.pkl new file mode 100644 index 0000000000000000000000000000000000000000..345789e851411c008cd1b4204ba5e81b0c78eef9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_415.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dfff557269e4fe4f5cc70d92480b42bc80a333bc71f0e9d35851319357d3ac7b +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_416.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_416.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0e57f552db4cf82a36693f6f028ae28b2fa1948a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_416.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fed038151d014877cdcc1b2aa67bcc2b22ef67dc1b3578aafa1570c95343dcb +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_417.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_417.pkl new file mode 100644 index 0000000000000000000000000000000000000000..81bb7205af61db219ea90f60d607a0f0a68d2c46 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_417.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f01d577278fc4e0bebdcb58bfac0823a98f6d42e299a6c85a4c88d6dc51291f0 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_418.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_418.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5a37b6fea8f5490575bf8ef65a57aed2fdc0841c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_418.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:132c5e5617635492e522ff8acf56d909bc8f0754e91a2ea9a8d76ec1bc7dc44e +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_419.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_419.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b0960d4e6dc6aa9b9c457195a6780c739cbb8bde --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_419.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c677b8d38063054897c9a603748896e4ce357d990b88ef6c632f216d227936d9 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_42.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_42.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2dee9e40b6df8f8182bce69efa72331a51923756 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_42.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb224bd787e9277536a4ec10b20dd80977a8195ff09e070cabe0f6d46ee47ae9 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_420.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_420.pkl new file mode 100644 index 0000000000000000000000000000000000000000..57e196866f9f45d1f7abb562dc20641b374a1f1f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_420.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6b9a3ce2e5bf411446e9c23943fa58c220ac78ac0c877b0d416888450c43ae2 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_421.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_421.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3447a6696b27dc88616ac5d043c6c25b2a67143e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_421.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9e2950d4a85787765a29a72ca064548f51a1389190e029d9875f9165d3a940d +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_422.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_422.pkl new file mode 100644 index 0000000000000000000000000000000000000000..be82b5887b5b91ce9982e1584f9eba302e6ca723 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_422.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f55f96f35f105b9301718f28462cb547f035d800c3b64597a08d2c83304013ae +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_423.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_423.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2c7e81925db3b6758623fa287b269ede780bc8c3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_423.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dcd0135cea4fd15aa767d81478ab872c98a961ee0bdfee7f4312859bc57dd538 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_424.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_424.pkl new file mode 100644 index 0000000000000000000000000000000000000000..633f3be0e3d0b3c5536da5fd55f1fc4033e135ea --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_424.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85187c64152606dc04b538232780707fb8fbf3ccb2d7896cade054bedbb917de +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_425.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_425.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a2ff81f1888a1b99fc1a6e498ff8d69649a97940 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_425.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10ca689b40929d5907dfcd0d330b31919fc79a08a0af33ebef2020fb8dac192c +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_426.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_426.pkl new file mode 100644 index 0000000000000000000000000000000000000000..04f0a002a0bc3fee4b618c384f677ec567b1a0ef --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_426.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dcdec7cdea14bb9000ffd41d041b483881088174aabf5d1bda6cda121e08f338 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_427.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_427.pkl new file mode 100644 index 0000000000000000000000000000000000000000..29ddf4c61ee922fe10ff5313dc731f502b6560a1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_427.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2935e281576265c1081c3c3f9cafdf7e75e093c81b1e3b472013ca3e8eccbd9d +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_428.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_428.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3414e321e60bef1e71c884f6f612e8fa33b6da2c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_428.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:575e48576814563dee3991d636d8b95e0ad42cc250c4fdbb96fe49f552dda161 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_429.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_429.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d56ff3ee4ea58c651393640be331991ef4ea92d4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_429.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8eb72dbef2f915504f5fc30f1edf0e808c563a237deaeabe316727937ed794a3 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_43.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_43.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7e523c46d6de9d6c314783cbafb652d140b39a03 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_43.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a794f1ee8d437638ea24a63e12ade881a758a6cf80b878f245b5fe5d0ae5f50 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_430.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_430.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7b29c73583e101aef5652ccfaa3b53ad931f041f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_430.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df9e30f7faae635ccbc95f98f6f4396f0519184902e7a432c4465f3b4ffd9601 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_431.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_431.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6f294df711022ce1e8c5041d13a95b9e6862c118 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_431.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c4178b12c127743806a77579a2600135294910796842fda1c24aa836a1cb0c5b +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_432.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_432.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a84c2a536a4ad09d673c12b9789686ea41de79e7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_432.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d0e577b0d8f73e3b6e63f7ffae872358dca27e020fd5bc1d70f0571f3729013 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_433.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_433.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e49c15d7484106d94acf9120575451252c030506 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_433.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38ac6093ba92740633d7ccda06978c4166245f26eca18c6d5b592379ec815513 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_434.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_434.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dbf20693382a96f390823661c7c18e451ed214e0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_434.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3869726f1d9fee1b3051dbbe8487ab4f15549dd698f5264c5f3bc5f6d67fa4b6 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_435.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_435.pkl new file mode 100644 index 0000000000000000000000000000000000000000..882ff1f15e92f1913b62e8a10d5672793c2ca764 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_435.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cd6c089eff3d2ff1d141a531783eb4a08e171f2b3dc52823930d09c116390a1 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_436.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_436.pkl new file mode 100644 index 0000000000000000000000000000000000000000..24e742987efdf53a10475b9fe1757f5c0887fdb9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_436.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5daccb6a51250e591dcf1639b26037aea0fe091d3cc651d6ce4c8c6ba8b26259 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_437.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_437.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f0ed969768cb8327ac15b54e48853b57d30b1036 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_437.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47416dfca693f522bca932cef585b287cacd249aa61d3fd3e921bfef2f241524 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_438.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_438.pkl new file mode 100644 index 0000000000000000000000000000000000000000..811fed958e209adfdc3d7ff4febfdb172e5f7646 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_438.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50b98c5982f1026819510ba13f3f4da6353cf913933a6283c8f965948eb176a9 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_439.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_439.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7538516ec7acd5381375cabbd03dd2089483229d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_439.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54c21599b5b8dcddc00e19afacf32272b5596260b825d21d0ddb25ebd6d8d0dd +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_44.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_44.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8195b259b196352e9e163ce2e0d9b1e10b3bf613 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_44.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0027b1291a8843c08d56ca82faf3ab9954ecec616a5b05d40a31dd62067a095b +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_440.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_440.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0ba3cdc78803db804e3dd6972c0e9b1d1cf9e694 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_440.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87fee5aa8029d61e28a64d393be4135d1ec226f7afd18a20f47de09bbbbbeef7 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_441.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_441.pkl new file mode 100644 index 0000000000000000000000000000000000000000..20fa4ccd18ffdb2d86866d3a88e27123640ee2d8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_441.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b1b4ddd610c915eaaebc9213a22459807662b0c0147d2681388d8476bbc1136 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_442.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_442.pkl new file mode 100644 index 0000000000000000000000000000000000000000..68a815470eb27cc3c549569bcc4821e62e0f5245 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_442.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80c91e2526b3bbc1be4e08e4d03d9f72f696dbb9026624589cfe24c97313a22b +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_443.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_443.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1a959b37b656d39a93c625abb0b822bc0f387340 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_443.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7490af44d28d7cf1520543c56e8b9f35140b09de04d0a2e3d1ba4f1ed962b329 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_444.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_444.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b7f8b11724dc1fbfa1d8831a61783c1f76d4f0d7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_444.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5fc693c93c7726dd50fd0c96d8aa03605c8a2d2ce1d334150a4e6225dccd8c47 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_445.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_445.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f1806397545fe0b72f290fe85b1a86382e0fdde1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_445.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7cde3e948bfdee70a387fa29189a52637880c372be3c427bc64449cb1be1a69f +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_446.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_446.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fd71eea2cb712aa927c756facb670ed4254d59f6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_446.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d6fda96f7ae0854ec577293f875488be3310d92b48b48e194a9b1ce7437e879 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_447.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_447.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c50653781d507de82ad3be3bb1a9b0ce6b12d32c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_447.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff8a1684264746ae063d842cf6c075e425d026f1f2861bef4874efcdbfbd820c +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_448.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_448.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4b3779dbb15eeefa88ff686e6b340bcce0d85a78 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_448.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8676f755b9df954dd2a8d9ddec14ae4856549ff312dd3c8c07b7c1271a8024d +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_449.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_449.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c8a0f3feccb144daa200de2b73a7e2a65b38bde4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_449.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d7ca81e6682049dcc3e62246ebe70c1cc645cb553a8e9e24bf8bb5481101d33 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_45.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_45.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a667c7e360e7e73cc57961a2f224c8094d856b17 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_45.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4249ae710ee3e444fa7d97cac8dd7d76d77c5fe8b9511c85b9443912a71cc974 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_450.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_450.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b1aa5f6d16930855baf64e96ae7dd9d334dc1e7c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_450.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31843383586bdb97e41eab168e4ee673a50f56f68c0b8d4a91f65c63e96b64c3 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_451.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_451.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c93152b043d929076ce6608ff110e15f931eb309 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_451.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11b06e9d40c0e64d839fcbcb7b72ed67aabe5b20361bbd0039134b4d23bd52ef +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_452.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_452.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9ce82efd31dc5da042da652cf1a627bbf28e4479 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_452.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2d6673d30599338f251eac1ba75da94658cc292c965ec315e3ad7c872cc02b7 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_453.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_453.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5c539adfe543ba8246f02304bd2555b97388b001 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_453.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9bdea0059be43d9d1f2e0fa056fefc60cd11567896252813d86c17dcb20b1077 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_454.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_454.pkl new file mode 100644 index 0000000000000000000000000000000000000000..22f3d2514fc31f7aa2900717779ef56ebff67f5a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_454.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:00723a1fd8e65cf8c8148bccc00633f5aca42f05ffa363497a9a45230a8f5d4f +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_455.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_455.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b2053b8b13365d503446feaf626af1b8269c4acb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_455.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe0f664d7244cb39b22c9484ff85c668407764e34fa57364cb83b1ec5f4e78d1 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_456.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_456.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1bcbf305a8069611ec70184778fd575e3f9d4228 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_456.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80332bd302c22d83dc7d538292594ed5c7c9db753521ea22cf2d50ffbc67039d +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_457.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_457.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6999e2ca9d65c51513f7db6c7356d2043903175f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_457.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7156fb3b6c76a9f9eabcc21177fb1a5094dd2f758cf216b5bd32778d827977e +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_458.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_458.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f7a32080ec9a4770cf2c60c46610ba60ddb34900 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_458.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:762ba625cea74f54336ba94462a5ecb265933d645710db8d6ac1b935d37a90d4 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_459.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_459.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d9c6faa9fe106cec8f966955c974bfb6957bcd1b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_459.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b37e5ee7f1f95b2653fbaa8b61140b64ccdf81e1e8107c48690536f0da659b1f +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_46.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_46.pkl new file mode 100644 index 0000000000000000000000000000000000000000..856d02c6cca34c19e8512a3e17bad82526a54d31 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_46.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:36172ac17af0b6de0d77c1cfa176ecf6e4556a1f11915b48230d6236591cf7b4 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_460.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_460.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4494f5eb7a61086d946ca4350799499a58b2c0a5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_460.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77d1cf0320bc937a2222f0370d13cb068055257529660918a763e337bc8cde64 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_461.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_461.pkl new file mode 100644 index 0000000000000000000000000000000000000000..220aebadaeb92309f6be41053a9ec5795eb0c004 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_461.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e35fa4b7733e5cfd08074bd672b949fd6a013113d7694b17747386a2963357a3 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_462.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_462.pkl new file mode 100644 index 0000000000000000000000000000000000000000..aaa8b5d899623b3e8ac2f1ff1a91b9311e05cc0f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_462.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d448a612943661008a2db872d6762735eac732b6a506e626449acde116d97350 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_463.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_463.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dc714619f85cafaf660f5e32f85351dffb35316b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_463.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d8be02a2d3f102a1380a521183113ec4c671dfbe444591ea11cfe56cc19551a +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_464.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_464.pkl new file mode 100644 index 0000000000000000000000000000000000000000..53065b488877b32e58866f48dd9ab2dbe749ad06 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_464.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62574bc6be87f3100eda5d2bbf168e4d90bba3801e58a56d7c0ded135748a980 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_465.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_465.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6423221b799b5d687bfe5d4fc28cf77d5cf94a90 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_465.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ed72b3e2a7be9a5e4fb25a9fe13d476f4edb749536ca3e242550467dbeee62e +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_466.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_466.pkl new file mode 100644 index 0000000000000000000000000000000000000000..02e5893a76bddca8acb5851ba89d71e7843586c9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_466.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d1e4f8ac03a3932c40b3b30fe4ebfb7d6b36d2b0a52abe21319498bb678ac8a5 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_467.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_467.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bdfee018a93c562e2a4af8de3917d40b9ddb2ae1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_467.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4355530023c9453642b9ada3598f077cacc6452ba07261e3a2db907f52974f5a +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_468.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_468.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1ae5539f89d57bcb50d5449fe633b230e3305564 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_468.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d47a025e7fa97765f49af392ab66d5ef654ac5209e0502c2362f8f1564c16fda +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_469.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_469.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d4afa910486f77af3b1ceeebbaeef0740fbb9c20 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_469.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4478bda276a58b3059a26d39df77de70e0720db40398a9fd57592ddbb95bd90e +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_47.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_47.pkl new file mode 100644 index 0000000000000000000000000000000000000000..405181f43a21b75ffe885b3959011d992bfb4a34 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_47.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6786d4f358ca909365e6eec41f0c8af07c353dccc20c08fe3fe19fb5d568ae62 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_470.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_470.pkl new file mode 100644 index 0000000000000000000000000000000000000000..95ced568b39b264d1682bb56329475e4144dfb53 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_470.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d0ba5b9389f7b938e799d11e79913b01fcc170aafdc5aa5e6b18bee08627d50 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_471.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_471.pkl new file mode 100644 index 0000000000000000000000000000000000000000..32af8c7a0e1137fd418c21eddb4ca0a6de9c5c86 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_471.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f65602287c899bacb29c3939d40fea1cad5f63fd6cf97b68f7fffe108faa40df +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_472.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_472.pkl new file mode 100644 index 0000000000000000000000000000000000000000..78af32da9b827eecda39eb15a24bc45a65d94047 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_472.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e39c487a70632c471dd54e178c18f9df5fe66a9be6bac8008d2865d18fbad57 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_473.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_473.pkl new file mode 100644 index 0000000000000000000000000000000000000000..01942daa3ee936409b23c113be1dbf352cd050eb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_473.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d66bb00896d10701952d897756c06b89f21d772489acac73afb7286088871851 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_474.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_474.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ad120ebd0c0e47d321edeeaeabc3a5a1480b5e1f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_474.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:550fb80c89e5871a746f53c4e723ede5510c6cc39a2174896dacbe4d13ed5690 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_475.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_475.pkl new file mode 100644 index 0000000000000000000000000000000000000000..350d11dba6bdd19d3e2d3afd56490908b5eab1b0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_475.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c226697760afbfaa9c08a59cb3723a1dad5163e3addcde5fa9d0dd79b1be6b4b +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_476.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_476.pkl new file mode 100644 index 0000000000000000000000000000000000000000..921b0587513ad53ad99e7f8068696bc65cbd5dca --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_476.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:773b48e099c6e5aab43d2001614dec75f07e4a2869a87ddcafe14c2917385b0b +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_477.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_477.pkl new file mode 100644 index 0000000000000000000000000000000000000000..429852723cbf2e3845f04fb623bcbb412bfe3677 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_477.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cdfd4e1a919d31d7d522dd38498a9048dd13c9d9672cbc0cbe37874b133e17ef +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_478.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_478.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0b105a825c604256557a26aacb6d0a27b1aa36ad --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_478.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3c1eae11556b6f5c5821d6cc96c8268ea6378037a7dbfa578a971fa501790a6 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_479.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_479.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8b0318a85c14030e4e2076c88d3103811a930999 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_479.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1122095790b79c2c9f89dd96c2803eb5b015ae5113839280795d781dd1a6dd47 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_48.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_48.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7d384dce6b8c6e4995ed3008ce8a0e7c731aef48 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_48.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b64020a790604bdd41ab3b43ab7b94602014c6ca4a54ba3e1cc3a8b1a39e37fd +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_480.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_480.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fb6ca0944290512e7fdb53cc94e827997045c033 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_480.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df527dacec6326b3f671a35676069a811b79d5a7027135855fc9782fc0ee442f +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_481.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_481.pkl new file mode 100644 index 0000000000000000000000000000000000000000..46d403425482999892306549db2a26ea9404783a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_481.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ab09cb7228bcc48bdd49ed2e1f8449eb6eda55c342d7b289d22a72cb2ec8d2f +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_482.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_482.pkl new file mode 100644 index 0000000000000000000000000000000000000000..21ea917022456bff19764e491de26d5786b1a240 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_482.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4c296764afb36b1372a248b32d7985752b0b9ad423223f063f1da16d39e9ac +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_483.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_483.pkl new file mode 100644 index 0000000000000000000000000000000000000000..26914fc249ab7760a282f8b797462a6141877e4b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_483.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69caa748039469f8fd19d1fedf24d23818346d428e44c31a728760c2856c73e3 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_484.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_484.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e0932e922fb0ee43b954e60fe5dafb6f6f923574 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_484.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f37d7a9c1680c3c3fccdf43a41d946dc880a82c0b46b45b52d35675aff24d9e +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_485.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_485.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a7f7873253fa88d66a676e9250cc35a6c31f38fb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_485.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:67f0e8e935584bfb195d97163db6cd1d8f732b8be66cf8a7179f281bf1aea354 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_486.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_486.pkl new file mode 100644 index 0000000000000000000000000000000000000000..18350d941032e248279f877d26fec4394c68bc24 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_486.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2fada2e5d8399e6faa1ac59a8def3c19154e21e2352261e6c4fce0b407fbdf6 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_487.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_487.pkl new file mode 100644 index 0000000000000000000000000000000000000000..54a68d9b9d8fceac994cdad94ea380d76a4531d9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_487.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81f514fd63c08c6ef14133e957a8d886d56547645145b114bd3df8ebca539508 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_488.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_488.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c4836f4f70d565e39a9dc3d364169d6ae1570a3a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_488.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bcf15b99b82b9b5fedf676fa066a244053d7cb64a78e698312f93c0cc51db948 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_489.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_489.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2f1b3ae971b39f6ad0e00ff27c54ebc86657bee2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_489.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b58b120f5f8b1372be410975e55b9d8426e126225034e4a4437c65673a00f332 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_49.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_49.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4380f88567160c09eb5919cb2568724a3c49ad09 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_49.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b94da1c5d5aabd4409971dd96813f5fa37b37fcbbadf38241f1bf1c5f70db6b +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_490.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_490.pkl new file mode 100644 index 0000000000000000000000000000000000000000..97503479b2bc45ee32350e84f898cc6d3060f4ea --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_490.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b7f4b627b97df1c27de73edc3755df74f52bb834ecf0f4e6b65c7189e6a567b +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_491.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_491.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5905ba2b8ad0cd9d71f7858dc6445d867fbacaa8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_491.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0d986187be722d282e63b51ed8e4bb2922d2ca20312732ed5b055c64c6d4940 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_492.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_492.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2f375a25e1fb7595a68e63783e01f32e2b1a5fe1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_492.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78d373debca6c031f637a4aeb5167e7dd668c35816fa79cf4c8c8a95832cff1b +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_493.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_493.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e6da41e755a1df92b67da4aa1acd76ea1d9c8b88 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_493.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06683746e51116fe292367897199a546b81f0dd8e2b45c3464733be012c5a1d0 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_494.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_494.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cea4b7e15fdc8af5a929ca9fbee1dfe95f04043a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_494.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48a826ae69b3966c540210b3b846b865e3bb6d1e51180400ab1d15f3fe664280 +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_495.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_495.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3b13e252d83132e34bc69acde1815a300d967c1b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_495.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f2277185a51a760133f8f6bc58c6ce725c223ef57eb746bf56bd04de3804609 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_496.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_496.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ab9a8d8fac9a6bcd7895056ccf73914d62c58cd1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_496.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10a6187dec42b445f73ba5de148bef5c2d2e07bb4ae10e7a7f5646ebbaa8b578 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_497.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_497.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fde8b25002c44c2f7fd47254237652e6ed024daf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_497.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbacad80ade433c8ba877730eb549c2c2b235fc8996426da288c109588a42fbe +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_498.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_498.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bc927e61e9fa32f74f3e5709919a180336cabbd2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_498.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29f12165b4542aad48dedfbfcdcec2c7e86b64ad61e4a9ca6e8ff56007281e3c +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_499.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_499.pkl new file mode 100644 index 0000000000000000000000000000000000000000..30c34bd81c64b2cc9843e46bae3b1ab0dc79135c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_499.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf6e1ecbfa4127cf2c01c45c050d0e002d776306a5a81613ccb5507a138ab71f +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_5.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_5.pkl new file mode 100644 index 0000000000000000000000000000000000000000..556f39817f8f21d167e81dc9abd9891e7af3ec7c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_5.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d4ee6ee8c96ab819b80c201bd3d1927623253dc33ffbc1b6b682b2f429a9087 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_50.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_50.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4fb411bd187ec3e7a512ba589db95640a1ef5953 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_50.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba76db1f721fed4d4fb88b378b5d5f808d0b73253bd216e157d495159d43e98c +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_500.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_500.pkl new file mode 100644 index 0000000000000000000000000000000000000000..525c53962b17e4d7b557d794fc30432c3176910f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_500.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea254554b609c7ea1d02bdc02ee389ed40dea65cd63f9802035a332d2aa6c84d +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_501.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_501.pkl new file mode 100644 index 0000000000000000000000000000000000000000..adf6e74e100137fc35ea6151871d29c984a4c5df --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_501.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d8644636bd5ed4b3fcb7fc9b8b796514416beef25e4fb68d6c7a5d35a92979e8 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_502.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_502.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4d8598d36cd96fb99d26fb29cafeaeeeb894e733 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_502.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef72dc92bccbd495349261a31e072e418c12436552c7999ba537bcd535be2775 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_503.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_503.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c82d835072b88be921aa8f6407042976ae85671a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_503.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8502c5adc50b666e99fd5046621321e0237f96faffceba7ae49960bca7a226d6 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_504.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_504.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ec159ebc87465f083e1ce478cf5380febb8f245c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_504.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15ba3192ca866180ee02f83cce108f179fcc9f80bfea419f930ff0bb719d9434 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_505.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_505.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3f13ed570e2814172a11c35695f74f967c6ba845 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_505.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58836087b1ad9f240b0cb4551d02169e84b4bd1f633d763fe36ab3aae5af706e +size 25781 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_506.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_506.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d3adc3f18f2dbc0a1a2ce031c2dd227547c4201e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_506.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b11f83a159a7c5dc5699d60b81aae1e248b505b4c6b1ba3f9c91a64d3a01dbf +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_507.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_507.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bc386e0460a7d4e803df5bcaa0a45581a510c52e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_507.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f69d113597152201bd55c4c0184d3b37da3d4ef5dc28651557a2fc02086ba490 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_508.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_508.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e01399f23d3fc8e353f9d0f7fd5e1f3edbd5c6c5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_508.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b95f269eff690ea39a39ab0eebab6eb4b49fa37ffb16d8dad54901a77d9eea1 +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_509.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_509.pkl new file mode 100644 index 0000000000000000000000000000000000000000..af5f58a9888a2a90605e74b1e65ade5edb5125c6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_509.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:813cb59a1b7200bc33afa2e0d2f57608e3354c19b2fad7b0bb52492355acee72 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_51.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_51.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fc954e767108bc41907f05991c5df8ec9287de5a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_51.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5aa54ac73597ee946f3838c8e9fbf6af38502b0bef204b50b3fae51e152fcd4 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_510.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_510.pkl new file mode 100644 index 0000000000000000000000000000000000000000..108554685c7d969fcf4927156560fe8f851474c1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_510.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d3910b64314edf99ee2edb525471a316cb7c4c144a4797662f7a1fa4841a5c4 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_511.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_511.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3f142cac77ebade1a83b47e71280853313a2adfe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_511.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:893d662b7967cdc9d4b31cc765184151aaf44f8231000ee7f4461a46b198caa1 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_512.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_512.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2b7302a597192c279c71e690fcc4b074e40b1dad --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_512.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b3156d44f103c3def60beff2393da7e9348ed12af86bd887b598f1860591b30 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_513.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_513.pkl new file mode 100644 index 0000000000000000000000000000000000000000..66f2bba57951c1fe2cdcd1c4087a94d4e780df91 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_513.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f412aa8e760c62abe1bfefd5c91af5e80a8a0ae5c1f64f5967c5f96daa8c877 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_514.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_514.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b69f31919e66abc7f9f54f8632916b9342f34bd6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_514.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0ed753577ec7a54810c3fe81855c1a1d363629f35ae93bc69124f6e8f33b9e5 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_515.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_515.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c2e5bcc288a9f800d585dfa949a604a29e6a0689 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_515.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8152ad6a95778c9f6df72c3414c35ed97b7545bb8483d777cd2e9c48a92658b +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_516.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_516.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b8c58bde2b16324d39a9efe54a7b9a188d6e6a16 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_516.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fafc2436d9a9b03bf9aa89f4b2eeb5075e44cfa57897ba789bd14281d05e98ce +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_517.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_517.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5044d2888ef02a19ec147bb5fdc86e8d3451d99b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_517.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:766226f9624e0029cbee49ecf705e967c224c37db50f02a981b9a74c8c69897d +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_518.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_518.pkl new file mode 100644 index 0000000000000000000000000000000000000000..38fe656413573c6374b75f778bc214ddb5f95c39 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_518.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e842cb44927f99fd90e0423c4a08ca146408408f472a1d8520d1cf0273e3b59 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_519.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_519.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e82db2574f18bee4dde5d1b7a1848344ca458d25 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_519.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83481b402e2e05ec967e5f4af75904a9bc947e764878010f2da8fd5cd3eef4e0 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_52.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_52.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0e003d0bc367d235d88ec017ad369f4bd595c45f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_52.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6506aa93ba6c2204c10fc6ccc9f573c971997c128bfd6aa0ca246719e8814add +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_520.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_520.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b3c6290f18ac30357e2d3c84d94eff04684d734b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_520.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed6438c95a3b5a99eb84a827341e1292566d69c25539bf121e0c3583d4657e54 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_521.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_521.pkl new file mode 100644 index 0000000000000000000000000000000000000000..88454bd1785c0829f41f438f2759b7d692155ca0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_521.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cfd5fcbb0f3f7a871b96256ea33db113cf8eaedfb4aba8d00f04eb4a4e07ce7 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_522.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_522.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c11e86b3d1ff7d2cd9cc7c5838efdbed98c916e9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_522.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7b933d54a0c0a88c86905c28d9513093cca5d57c0a7b8ab86ce4f33b555219a6 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_523.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_523.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a40b148756ec88c2c05b2496a44b121c4921860c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_523.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae0e238f276fbc2a417d74fb8677059dd6818f3d5350f82df9b48e873bd78bd6 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_524.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_524.pkl new file mode 100644 index 0000000000000000000000000000000000000000..113df4d74d7e94488f8ddfef547dc57f7611974a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_524.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a860bb32c64c38dd767d35cbe0cfb07ae520684f2132aa1dd7f6e15995101f6 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_525.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_525.pkl new file mode 100644 index 0000000000000000000000000000000000000000..44954e68b765ae18d85bca543bedfc4bcc4f573b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_525.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e5a00e2017cdca7cf2deba4cdf4a9c16e9b77488f0a0cec0a4100e5d92938f60 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_526.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_526.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a2d4d45ba70cc578012c5101040407e5aab7571c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_526.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:110947ffb2e546d05eb6da4dc3ebbbbdbc5c8c0153c8003a2870eccc681a310e +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_527.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_527.pkl new file mode 100644 index 0000000000000000000000000000000000000000..92ce31777ef07c80c60175e992d9a4ccdaee15c5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_527.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e68d631da77e2af19c01ee0c05e5b5fef31575097045937b84a51528d90060ba +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_528.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_528.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f66ba4b8ec70b24048957bf13f1769882cdd5fed --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_528.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d199ccdd6b93fd9cc6fd60a53cee11cb03d7a8e7c29477540ba88992b4fe6df +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_529.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_529.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5cb65545647eb0b093094249da713b354126fbab --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_529.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0403601b53aa56a22354e0a52e6256c28c1d6b7d9ca7200e2d50c9e370e9f159 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_53.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_53.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b494889c35635bb80c967b5a88b9e831e5b13b9a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_53.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2344aacacab105e7e1acc6cb6c0fe33702f15ddbb4f9e2cd560d5959ee73f7b2 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_530.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_530.pkl new file mode 100644 index 0000000000000000000000000000000000000000..121c7228da5f808b9653b276e9410a8b02929fab --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_530.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c1b5ddb4c05088c79c38ff0a129ef9ad5b3905e088610496fbca5510e35c7cc +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_531.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_531.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f98b27768658da88cdf45d1bfeb78d6ba606c49f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_531.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9008fe49b37bc66a6d08d951d6ca562aa70e98ce50e3fe026964378e4cbfdff1 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_532.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_532.pkl new file mode 100644 index 0000000000000000000000000000000000000000..18139465620e70e9f280f3347fdc452a5160f81b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_532.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd2edfa02355e5b72192f99df27313c2c06f64dfaa8c79216db05c8f74b12878 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_533.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_533.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1d521b782ca314eb3f412363c700efcd43d5cb75 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_533.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19a2346bb3562d573b3146673fec406c840da118dc26687283ac4fb0290cc435 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_534.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_534.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a0a34970daa8da3ec87b7d180faf58228744d1e0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_534.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1859533cb79b64cfc9b2ef3ca22c824ec44e6cc762e239a10352434cb74259b +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_535.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_535.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5b44c5f2190d7770c815e65ebce1b7fbe46dfad4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_535.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a55104b29d64e282794b047c1710ffda788d2c9a846e0f14de94f70b1deec39 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_536.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_536.pkl new file mode 100644 index 0000000000000000000000000000000000000000..31db602302dd97bf121a24ae6e61dba12d0d409b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_536.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:faa7b2cb20a0cc973ded864e9e3ac2a492e8fde46dc2046bd747350274d79e1c +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_537.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_537.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9666a21ef47f18604a51293e59e1f36c89d37906 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_537.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11ee532b6f3d395dcc556a893d0ef2d3a9d80ed32585dc778a42d0498b0ac623 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_538.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_538.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a1e2e914489173fd974123929ae4c2a183f1e0f7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_538.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:008600033033b19b9d42af4af2892a55e00dffce22282fc6f28baa892c27d29b +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_539.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_539.pkl new file mode 100644 index 0000000000000000000000000000000000000000..69cc2a47fdba2e6e2547d35b27098212587ad0f7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_539.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eae63f2de142d9809f408abbed44b6c5044b6fac2e5d801aeca4e43d7f15998e +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_54.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_54.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fc36204a4fd823b7bc72e93f04b6c46663067856 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_54.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3ec463e59d14aad5d9baf4533ccbe2d28e0d881def7a98350fbfe768d5055aa +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_540.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_540.pkl new file mode 100644 index 0000000000000000000000000000000000000000..51bc54cdda9d930022f257cd2711f519ffb7b73e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_540.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:955c964784d50ef5c2e80480455a4835dbd0e3a681e5c7f2b5dc659c2e2adc60 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_541.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_541.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c0feb96254246f66e29d606f36ce087aac3c3c52 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_541.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f508f174c62f06fffdc47f6ed1afb9910f8aeccacddb449c7723eee7408ad6e7 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_542.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_542.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4211ab1c41dfe572e13f63bf34e31318d3db2439 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_542.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c6f8a0a10d2117bb22d08009bd219663db32e4e08a9fbc86220b159a800adbf +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_543.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_543.pkl new file mode 100644 index 0000000000000000000000000000000000000000..348607a71366340c91685e5045d656bf05a02511 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_543.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d360c1b96e3fde7a1ab2f264c3acef12d7c652689d7cfd6f386c4c9c9dcfa30 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_544.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_544.pkl new file mode 100644 index 0000000000000000000000000000000000000000..917d1df30be126a1c8de941846762bb272d76008 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_544.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e573b625336e6c68b6998c166ff467a84c57638b283fb547d1c3c457cabe07bf +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_545.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_545.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e48f3a46dc23c11851e8ec34c08ebd92b7c7ac10 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_545.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f98971d337839755e8d665cb4965cf047a2e56c118b6f916411bb594aff53c3a +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_546.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_546.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e1ccd3df96e294c64909f1b0f2e43cde87885ea2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_546.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fbcd3b385ed5a1217e819a66a1f61252b477252fe43489a25e83a1aded40365 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_547.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_547.pkl new file mode 100644 index 0000000000000000000000000000000000000000..48fa4eb4b01e23ba79667823db4d108ac9195dfe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_547.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e6e63a6babd5a361c208685fb38ad8397bff653ecb92be64d9abd43b0bb790b +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_548.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_548.pkl new file mode 100644 index 0000000000000000000000000000000000000000..98269304c72f3f68a6a6d65934c0af98224d5a57 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_548.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7de0cdcc34ca7b53ccd9aba7e27309ed7c0a25d4efa61d968afc5888c64e6dd1 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_549.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_549.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7713408d95eba57522ccd72d824a1ed1010e129b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_549.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee504dc835dd06d6e89cd87d924113ab2d1243bd4b17f73695db04aa093f1ee0 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_55.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_55.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0b7a56e5cf2934fc1777ed6aaccce099aa6affd0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_55.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a0477c3314c1d3dc98ed307a3282e9993d2c641f8b4763da5c46c0fb8e63023 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_550.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_550.pkl new file mode 100644 index 0000000000000000000000000000000000000000..827035282ae89a44a05708d2e4fff79fcfe85880 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_550.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8306545568dd13eac8baefd0d84dbe71db11333335d9923a5893fa30d48f8541 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_551.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_551.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5e39bdccb40dc8e6f4bdd07cfe2e2882d03e1d10 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_551.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e37d407bf6c031ebc788ac0fcdee4fe1742c3baaf6a5663b5752bd327ee4c2e8 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_552.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_552.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0ec59eb6a49dc082b95601a6c05189842eb5fdd5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_552.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d598619578a8421776a879ad5d8ebc969ca41b4485ed9ee66094277e944d97ed +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_553.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_553.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3602339f54a46a6b117169a5a94e2f31837a4469 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_553.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d2013c9311999cadd193ff47dc1d3c67fbbc1cafe98995a1840bbcb9f626b69 +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_554.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_554.pkl new file mode 100644 index 0000000000000000000000000000000000000000..760669424b1d5a5f6ab65c86be10231a6f2dea14 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_554.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:059738694009ceccdba5e2dc7c3a83680374594122b654dff420be732176eaf9 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_555.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_555.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cb42482ecd7aeb159f36d967f88a8e2c767165d1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_555.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e49de51ed5464cd3a5a125d267c4b89a539d8e9cdb5a3567344d2380f420dc11 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_556.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_556.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ada03fc6ae86bbd5b0c48f58986d8d4ad8fc4ea9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_556.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b0767c7a6bc1797f07b9a9b213d2c611c8ce3f16cb5d8f968c5c844de1ecffb +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_557.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_557.pkl new file mode 100644 index 0000000000000000000000000000000000000000..73110745378a4581de83c93e2e4bda84dcba4204 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_557.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e103e56f72b600742fbd655ee079fe500ba4d7e0cc534cf8697abcd0443a4ef2 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_558.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_558.pkl new file mode 100644 index 0000000000000000000000000000000000000000..56400659b63a617ae98b6f33857904ca017eeb15 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_558.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bead0ac592b7ac35226268219a265d3a2576689b48d0878fc42a484d1d09984d +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_559.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_559.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f941a607b237d0fbeea8e3e076026319476460ea --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_559.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e7f157604753887a9b853e31e8651e6dbb5ac86d12b056732a1300a053a2584 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_56.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_56.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c9496900b40d0da62f713fc8b64dbdd069d0363d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_56.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:866c9e837ff783206926bfc7d9d9e6896776afda735f96177b9e8f2036027889 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_560.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_560.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ab0e512089500c66d0c4db3941d037e87d43aed9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_560.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:afe8a2beec9a3258647f5817b5378319e41ab03d955a00f84227895b8d50d771 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_561.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_561.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b8c581192bea3077c1f0d24486ccff77ee59cbae --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_561.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07edbcf3db4b6b0fdf0804daa91c7dedeee8b82c66055b4b91936e0787a87be3 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_562.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_562.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d471952465d30122bd4e3830b54173abe5092df8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_562.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04868636a67a451e9fad4280e854c8ce0dc4384e3bd6e2ef4295ab952d4ec1cf +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_563.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_563.pkl new file mode 100644 index 0000000000000000000000000000000000000000..be3c47d9e43e9f400c1a9ac8a93359a6c874b411 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_563.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea6976c56aca4cba18ddf53531081e7ae2c94ea06fafe9cf464a740789db158b +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_564.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_564.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d015a584e2d04323864e294c698cfb15191791c7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_564.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23582a3128d4b25f945d7ee668cc41c4e92f798303dfc72f8327677e2613575c +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_565.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_565.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4dd40697fa01533a99d5020e169e726d7249d810 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_565.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c0fcb73583d99d6d6042be2d65bbd0560dc3988b5ee0223da2e1af41bd9b69d +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_566.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_566.pkl new file mode 100644 index 0000000000000000000000000000000000000000..da268f8a383003cf5d3edc29bd91842f5fce7838 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_566.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54bf444c47b4ba8788d51ff697949cf678f45f74499d7125859446eb00755c41 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_567.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_567.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0e1fa39839411b50a5800f21612cd92d2a85c7fc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_567.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34895793a76f02ab32af7443b3d8f423078498b06873cdde060eea72ed127329 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_568.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_568.pkl new file mode 100644 index 0000000000000000000000000000000000000000..70d30063e6cd8b619ddafea01a95bd23b9f2aa57 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_568.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65ffea7d8ec318f625731b3e192cbf57c57a17031649537c09d2552c4c56bb7e +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_569.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_569.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8666b2fe2ac52b2b7ecf7c0e8c38a461d48a6849 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_569.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7035e658e14a6433ac9220ccc085032b6946cbdd536ac83d41aff5a2d3495d4 +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_57.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_57.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f9d221e7a1677b8226534dbe6e65ae10b252bd5a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_57.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ae25b573ccdb133a0a4a1a5b82f3d063071ac0b5d8a70210cf8cbbd42cf4e56 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_570.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_570.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e973a216894734b5de52b3aa597649fd7c7fee09 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_570.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dee406b921a13bd1cf3ce7d8ab2cdbf7a5e58b279191222e1ea77e6a92fdda08 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_571.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_571.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f4dadf6b67df59789381894000a67ce1a96cc6fd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_571.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10800ce5d61df94a1e08be0608740d73b5a7c3e9ce4375e88309046736fe1b2e +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_572.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_572.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a68284121d60151294695b01af51be0e5745abc0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_572.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b11d9a8c9106fb4e6a9b2f6b16856d14bc2b44d91d575964911e01a63d84ec7 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_573.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_573.pkl new file mode 100644 index 0000000000000000000000000000000000000000..094f438b6ee0cd0b8d2e00e94b08bfb9d5c5acc3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_573.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e75607a16f75b3cd02d2f633b454adbd2c8ba7deb1baf19e18dd065a28900201 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_574.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_574.pkl new file mode 100644 index 0000000000000000000000000000000000000000..57c8ac6348ddd0e58c91043a953cbeed9c9202df --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_574.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30d69b031cdca4bb6d22fa009e6a5674f432794a77b1e2714751c9fd70e3fddb +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_575.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_575.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1e991deca31f961bb7640e3c0a4032b953246086 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_575.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd754e0defe9fc5ca232d5e2a0c16866552eae3ae198e3ef9e3c64cf4937002d +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_576.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_576.pkl new file mode 100644 index 0000000000000000000000000000000000000000..59480b4f92c691c9407bfec0e8a7df262ccb706a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_576.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e63f3951174f413fde0fd335fc9659772b55d4259ac5e73481b441d9151087ee +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_577.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_577.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bec3445a367ed809ba073cbe64e050160f2beefd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_577.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f520769e202ec6fd87ebc2ba14b4bb9cc5ebaa25c8cdca67afa0cd06345dd8c9 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_578.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_578.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dd4c8c752c597dca75fd7126b81258e0579b458c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_578.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6103112d6da04cc9d303a7fd6154efadccc2dfd390b589a541a824672b437d99 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_579.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_579.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c5ffb26574459b9fa301fd1e16bd54eb3a814632 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_579.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:484e68f5e66bedba95169a20ce033d9f82f258dca98a02525c0d6494074e4649 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_58.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_58.pkl new file mode 100644 index 0000000000000000000000000000000000000000..68c8d668f25c4d1bcaac3b9da5f7ee8a0a4c1ad1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_58.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f8423ffd15a58abecbc5c56ecdb89066ecda0ebfc933746a9e5b6eac2d879d8 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_580.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_580.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e872782ae71d8bebd0f689636828a9cbac16939d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_580.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c81aecd6019dc440fcdadde5a611b7b1c641b477dd6c993b5a64d27eb50e110 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_581.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_581.pkl new file mode 100644 index 0000000000000000000000000000000000000000..29a15658ea4474d583ed6e783d68f0f1ddd250e1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_581.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7358a91a689ff292d447a97ac411509d206bfe7a6a3adc763012ca19d6170482 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_582.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_582.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d3478364ba40e40122694218588341def7d3b86c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_582.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e71d4a7d2b75e554d8cb8240f8c4c63abee1984ae5738cf8b688e4198443f511 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_583.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_583.pkl new file mode 100644 index 0000000000000000000000000000000000000000..61d276183481bcb306bcae3b5d91080810b54b71 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_583.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6aeb03df5de272bd6dc73b1a488cb93d6bf7fafb0139b431a7a780e9c238372 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_584.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_584.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0fdd4908bcec4b702ba0a458079e9c7751dedd68 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_584.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2481189dba784a6e225c8ca97e2d690f5051d2deadf76281f3033d6396c3fab9 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_585.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_585.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0f77b9c8e11104e82f171bdcec34444ff188d1a6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_585.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b04e30e05996840e24881f65cbbb250e0fb7e772efdcb75270d51d4b5f3752cb +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_586.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_586.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d3708dcf88f924afd0ffeb9eb5b071ee01ca2e1a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_586.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b39a5ca0b5236bf4793a35c67f9182446e5538afc65543d52272c3829130283 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_587.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_587.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cfc887aa6e4c036ef55f63747432e4c78fe0fdcc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_587.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:484bd97934d2d64c4bb3f2d338ad4cfe3cb1575eb1d3902f38a6c5ce2f6d4ed6 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_588.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_588.pkl new file mode 100644 index 0000000000000000000000000000000000000000..de225a867b03ff1819ce5c21cae7b256f08e2257 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_588.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6d3688a9c2ad0535964ea24d9768538152a633c5ef402ae5907860044ccb57d +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_589.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_589.pkl new file mode 100644 index 0000000000000000000000000000000000000000..491d687f2a8c5dbffb33c3cc5355f3272f80b9da --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_589.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8e6ef085e969ddf94c8e74ac59550c1ca77e4c66d307926b7538a00e80bc4fb +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_59.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_59.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c4d82957b6dc0605a88da172305a815d1ddd01d3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_59.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1cced75c7121fafa12882ff043b12218129a6e4e665093f011c5f88fe8ab0e6a +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_590.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_590.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cddd5ef344a0a9f412cea2f3c9232df1293c78cc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_590.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2289625ea9134ec5c67b0e6132c517088bc40c85a7e0c9a5c13717117dd7759b +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_591.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_591.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a212a7504058f9af8c2a89e990849064fba259a9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_591.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cca5c8dd608f45bbdaffa7d7237605b28e372f42d629f51bed470cad95028c95 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_592.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_592.pkl new file mode 100644 index 0000000000000000000000000000000000000000..529b8280635ae72cc5738c0044a449aa40c6bfce --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_592.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3b85b392a53e392031cfc3632b63a30667bbfe4cd79d2bb0dc3875452c0e531b +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_593.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_593.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e8dcb2957e33e8346f0273363e5a3854aabaddeb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_593.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f87588536158fc942ab70e68762b0b1908cad45f0320ca0febe4e9cc9058a80 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_594.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_594.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cbc0bd9c48e992790998f530c05cc767a6d301f1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_594.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:140845398daa252dedbf3f23c6ec21d46988ca20ac4bde61f73e4620077f0fec +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_595.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_595.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cde8a1150d9b9d4ba8e0246a85455d4ab895fa75 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_595.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7928e70398e36c8bd3a91d65f8b46ad1a7ed8b1755d2c1a340387a224642b1a3 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_596.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_596.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6d4b360b3272bc123959ebbc887672c6593f99d9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_596.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9aff1d2c22f7d32bb75dbd6ddc78f69aefcaf6a7fbb63d785558eede79978fe5 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_597.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_597.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4a5e1b9b2d1375a0bd491b7e9ed049d9c8b0cdd8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_597.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83469a77bdf54167b886ff58711c0fa588afe78eb22150072abb467a848480cf +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_598.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_598.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ca5d3884443878a5e204b97e5815174931b3316c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_598.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01acf10f9385f9d5b285d8bb379d9ca493dc28325b29de893688b1c01bb47630 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_599.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_599.pkl new file mode 100644 index 0000000000000000000000000000000000000000..50ed9d979c8fb0f2c6c4c31201ab3509e43b978d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_599.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:897fb6d9a4fd2bb99d1c16a10fccef627ede2633fb3579960302707e6c327644 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_6.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_6.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2ec6d4e68802d7aaa52dfd5ee36cf4c2b1e587cf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_6.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:181ec9f1f21e2915148f0a7667224ad4c85abc019117913a7a0404325fe08ef9 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_60.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_60.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8915020e06fe8b01c4d638edc183c0866d5a2b63 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_60.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9508457273bb8c5d8f7e64822de7a3fd6f759b2fc362e8ee22450a129a7932d4 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_600.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_600.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1c1eacbb4c0f1c4609244dfa93007bea8522b1ba --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_600.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d7ebdbf22afc5c56b67e6cae83941fdd4284e98521f41a7c2e1d35ca37a3816e +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_601.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_601.pkl new file mode 100644 index 0000000000000000000000000000000000000000..427522d35fb21558af5d0a5df5b955441acd4b41 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_601.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13a1440448c51c466f5507ad6bc813b08433b57f0b07982c8919e0be4e66d9c4 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_602.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_602.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d3a1062a507bf1752d79767c37e378e1a12944f2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_602.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:687261a3f6bf546b4dea0b21eb5109608013c7219d1d597615b5b137c5f45549 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_603.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_603.pkl new file mode 100644 index 0000000000000000000000000000000000000000..62101ea9a2776c106d124938fc8207f59e3c92a4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_603.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b48de0bba9163c27111a8b87c5a9b8e5d17d88e218204e978adaa20469aba354 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_604.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_604.pkl new file mode 100644 index 0000000000000000000000000000000000000000..656ed10524856d93fddde01f714a05e109a03ceb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_604.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c06159c934adf2d404bdc842fdc7ff811c8e1ce5db49c10af0d00cfb1fa55ff +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_605.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_605.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5f64283e5cb18bee97ae078ea034c40f53776e96 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_605.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1748a9ffcb355ab6881da131625b7877c4bcb9af63c6721844726fd92e3732f7 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_606.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_606.pkl new file mode 100644 index 0000000000000000000000000000000000000000..73c831403fbfb0adee12c5836b9701d18f1ee4f5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_606.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:348919f462b8aeeabfdda5aefca4ea35c4b75bdea485b36e15746630a0487d87 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_607.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_607.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2a2d4114ecb6f985fdb6222c997c662e8dba50ce --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_607.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0cabc312435dc0ecbd5593d5c2b3ae41230ad31dd8f9082067b3b5e8bd92ec0d +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_608.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_608.pkl new file mode 100644 index 0000000000000000000000000000000000000000..095cb855b9f683d2f590ad6664acdf8b5c256eb3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_608.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1afc91a98229472674f148a0bc6c9410524526e340964be68c413cc4595a9d9 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_609.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_609.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5ddb4414536e4de5b43ed7a9165c03b3647eab59 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_609.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5ed891874741cd8c40c217b4ae1487596b141384d538c801a04155a469e5b20 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_61.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_61.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d3cf4574e0bf0b6cf25c72868f4c277b52ade8b1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_61.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7237459950bf5144c7762f45a6af4b9a3b0b8cff01bf432b509fb0020614b264 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_610.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_610.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c73bf7e8315723ed43cda67abc0460f6e2954853 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_610.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4dac750eff5e8b62f0f7223eccee8b317e594e24d4a818939cfb5a9df6010cff +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_611.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_611.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8d2ca47aee7eabf937b8c269519f4e1b23de340c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_611.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65fb9e3b698fdf73e18719f7c887b497229fc89f700216ec95d041347d28ece6 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_612.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_612.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9d397ab3ca49e505b7d3c66d5578dd6faf7674f6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_612.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce260fa741ecb02b437a3395a0d1254695364c4d19bf30bcbc56822dea1e2401 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_613.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_613.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4b8ecab9291eb6df27319878b35bd687d3115da0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_613.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b71f1c77e33fd4e56ffcba0d3fe1d2c741e077682487a92a07dbbb42f3a828c +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_614.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_614.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d505ae7647367ea7009beb0c3e2635352cc1ea6b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_614.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e4b6c7869da1d5272bebeb3a627bc312819cf01dbfd202a676c97c5803ae9fd +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_615.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_615.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ff4089e4080e1585341ed3eaaa146b6094a073d0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_615.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08a58b5f203c2301fd764b1af42c09b87c7b9b7d6a1004901a91238120309b1c +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_616.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_616.pkl new file mode 100644 index 0000000000000000000000000000000000000000..05657d460f674cb02839aa20a911b70e1e0f5ac7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_616.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4139a997cdbe0edee8484034d2a651cab752f30aca11121eb53b1e5f19f8186 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_617.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_617.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8d519ba3563fc172321b91cb2cd46451a74dd68c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_617.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb159c5a2d9fa37999af94877d96bddb42a731c80c27797811e7c878066b120a +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_618.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_618.pkl new file mode 100644 index 0000000000000000000000000000000000000000..02676a77286979310f6cf39744ebb5fba47aa084 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_618.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3383b2616fde0b56ffcbca80238fa5e956f9ec3f23e982510862107f783bc42f +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_619.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_619.pkl new file mode 100644 index 0000000000000000000000000000000000000000..aabb1604d181121096b80e5d277aa460b168af8c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_619.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cfb448c97e7c873cac40b7570ac5f5c067195637d386ba48db9d89353841cc6e +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_62.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_62.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a0dce471bdceec9849debe352e7fdedf19f85a33 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_62.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b87daa1ed02acc5ebf2da40b04a5482443ed217cf625e01951111a0f27eb7b9 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_620.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_620.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fd088f601f51d6bbcd980aa44694aacc5e0ae05d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_620.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a2a2817f9f814d9811d3ec8c28dd99c34dc7970b1c784c5779d3070c2c6d3a1 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_621.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_621.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a1844b39656c2638496932c34dfa43913b08a999 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_621.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43a096c9eaa37bbbb24e60a7b83bca9cd4d7b6bee0933e978ee5d517efc04412 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_622.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_622.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9a72fe9cddcea864a8556ea64aabfaf1aabd6b1f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_622.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e511183c93a8cc4b262d80952294da3894715bd75922447b3d42aa9b3ca8ceb +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_623.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_623.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f36a9d3f35d12794c188bc8a38f145f41a4c175f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_623.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96ba62f5c8b0c7641bae68ec0b1274297c868a7086c30828d4064a22e8149281 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_624.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_624.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ef88835ec8797b5379e119e3567a0409c984984b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_624.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6f45e572b0bf3f57e2f7fe8dac37a7bb162e454374fc3636e471bc21ac74d90 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_625.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_625.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ec74b276a51949f9f54907af32cc4fecd42bb310 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_625.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e742917d7df32b88b7e16cd01aa23ec2b6d01a8d1224b8808f8b2cd76a064e60 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_626.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_626.pkl new file mode 100644 index 0000000000000000000000000000000000000000..98023dbaa04fdd56364c601d1154411a35b758f7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_626.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d409fdf940f6ab073876419d7164859ff532ee36a8530708ec4b443a27df310 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_627.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_627.pkl new file mode 100644 index 0000000000000000000000000000000000000000..de333a31be22dc16cf10021f573baf52c078fa5b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_627.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f92a27293963dc084ca9c2ace7466f8ce399f5b87a832db3080095a031aafa0 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_628.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_628.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a922852e73ea482adc7abd195f910bbf8820cece --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_628.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79d249f4d3a793a29c66bc234b17f53027c642206598f3131d3c03420d4174d8 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_629.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_629.pkl new file mode 100644 index 0000000000000000000000000000000000000000..13e303f8cc9a60cda52f2d75f9ce82af6954e162 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_629.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:951febcafb5a5122d47f83bce47410ea390e6b77cf45edef301c299daa6a71ee +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_63.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_63.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f233106244cbcc092095eebe331cce32d50f3906 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_63.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80ae15760b62b979044901efd479c2ea28e2281d0beb6bff6a7c98d602ee3311 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_630.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_630.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0f4a4bc5d3952e9145c9afa0b2c64151eb9c87bd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_630.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2cbc68e09f468d10896ceda0cb62e5a284bdb999a7194324f65791bd745315e2 +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_631.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_631.pkl new file mode 100644 index 0000000000000000000000000000000000000000..73554f65d212289e5134b42b2aa76ca582a05283 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_631.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0786fb3957ab73c253770f341e654ad0f9a77fdc6cce9db8def1828ed5de3109 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_632.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_632.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9fd9db043f2bae9b9cfaa7091710656609b3ec4f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_632.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:287de08f9a171c077f6fed945decea1d1e15aeaf8615215ce64f28ebd7e62f34 +size 25757 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_633.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_633.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2e15aa4bc60f605372fc5c009fec32b90292193d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_633.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f331fc01227f2bf27fd89a52f6a89d6d31a13da1a356ab1ef832dc37eaac6e8 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_634.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_634.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3ee95b2bf5f00cfba5c75578c14f42c3e7a88551 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_634.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d8189f8ef36f1439d9910b3c54211e7ba568266b7fed06393643a885c9143df +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_635.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_635.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e4d689e750dbb2fb2ccbbce24ec40e34e45a3a00 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_635.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9fbec3485434e2be2e30ef24f205fd8eef602c59338b94f579b12698dc61f9b +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_636.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_636.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2d2d4d8ded58bd4237b4d99b4e7cd9dbc2fa9ec8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_636.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c899061565b175c3e82ce05b800cff043346aa4dc40cf3d7cc50b7695c5b5900 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_637.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_637.pkl new file mode 100644 index 0000000000000000000000000000000000000000..85a11d4a4f47d6bcc429701f244bb1e2693dd69a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_637.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90a66201eb06ead6de8f2e553969beddb61860e3e8a5d7da6d8ef0921277cdbe +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_638.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_638.pkl new file mode 100644 index 0000000000000000000000000000000000000000..012603887bb3e33889b589c8b818516b4e4726b7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_638.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5a59d3d985e9e79df5a0365735e3118bee21a0868cfffda1f06dc2990d3534c +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_639.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_639.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7e27455ad76e31754f674af8c709eeb9d108ed48 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_639.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:baa2b614b1a0eeb22dc0929aaa04797b6fdd974d55451b0c38e8f303ea069b41 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_64.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_64.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f42c40b587bcba306d146a3a38bc2929044241fe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_64.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc94ed2c32dd8f7193ecfdf87a3f064ab83a511c4b6096d776250b16f00391e4 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_640.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_640.pkl new file mode 100644 index 0000000000000000000000000000000000000000..49f485d74d0f98cf3a7331ff162f6f3c5ccfff6e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_640.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15af5c4ae8cdc717900106e63fcf3c4c1e20707793e9456ecd77fd5fa5e4388d +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_641.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_641.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b0f2ae16eea55cc0136cf7422de8b6533c3ab212 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_641.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b261295c8be40eb887a41453e99b7ebb142516a6e16d5c53593a724b37bd331c +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_642.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_642.pkl new file mode 100644 index 0000000000000000000000000000000000000000..532a799d5d0538d8d325eb83a510996e0d3812bb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_642.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:231ab890e6bcde51e4bfb32958dab7f850d83835948e6cfae09d7f24cd9d1547 +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_643.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_643.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9f4dd72f0e25a59b2a903228fb294e06d236291d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_643.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2c85c27175e3bc7ceaa7b241ba183abb6e9abb24d324bd0587d7daf7d92f191 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_644.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_644.pkl new file mode 100644 index 0000000000000000000000000000000000000000..52be2435720db77d5972fa507269bcddd8b5cd24 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_644.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9858deaf47202f76f3833146ed19d0927f6a92abf89b379166f96e104be7b963 +size 25757 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_645.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_645.pkl new file mode 100644 index 0000000000000000000000000000000000000000..125722773d1f716bd57f5edd3cd624957ecaf6fe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_645.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc68d9f29ee7e3b7403503dea79964796f356547e6e6379363763f2e28820cf4 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_646.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_646.pkl new file mode 100644 index 0000000000000000000000000000000000000000..32970072de8fd58cfcad9c10dfbf19e66ebd5546 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_646.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:535e0b6b76504bd34ce2e984ebe4cd387c4dd44b18418dd33134be2e17afb333 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_647.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_647.pkl new file mode 100644 index 0000000000000000000000000000000000000000..69797701adccbff2cf7a7daa3e2f6225e449e151 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_647.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f30bb2b955a6bad89c6cef83bb766fdb83234648c721f757a8f5fa783420e58 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_648.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_648.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0ed51ad6689474b6adf249ca271056d492108bd6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_648.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab9ece47bc00b959b32837d62c4e22c0cfb7f28e2a1097dc58e47513106f8986 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_649.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_649.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c6b49f22adc04308389a58b088c0ce4312fab059 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_649.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f3c8f21460ce6e82078980a49dd5a2b7416c7556b84d188b5ae458209257be2 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_65.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_65.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ea431cd79bb54ed6f64f650d078e3659a1b30a93 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_65.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89ea6900ec8ca47dfe883d9fc98e92f32e94da559d057d49158ab7147af5ec2c +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_650.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_650.pkl new file mode 100644 index 0000000000000000000000000000000000000000..26b8de47452021ae8c7e83596ac4260e4e99dcf9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_650.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16d006c8f253c2d855432a16e6e6bb3dedb30dc46878199bf579c2d0059f9a28 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_651.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_651.pkl new file mode 100644 index 0000000000000000000000000000000000000000..83c5ed2f9e0c33603dd235d20296a73a589ba276 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_651.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9e9335d9266ffb9af660b49659242a54f802a2bbda01eefc0eeddf0e11d6152 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_652.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_652.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bc3f44dec420d3fbbd032dd5f438e655e2ddf0bf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_652.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9874605cb25e7a6403b539a7fb1481ad204111eb6a53a412e6aefd6073b3f572 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_653.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_653.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0743c16ce25666956b0522dd0740a733ee87a332 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_653.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:414d4eb478da573ad66c6fbeff37a2a1a1793e03ecaf255b6345edca75af44ce +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_654.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_654.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9ae83036f06a0a90723cf6a8f6daa32b77210a5c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_654.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b73eca1cad08e2d330e9c1dca7621c3a8c6991b83e41abe7a938b3d7cd96e057 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_655.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_655.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fdab6b46a7f216cd4908b57913bf00570abf81ec --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_655.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04a9cb5d68f536d1cd20ef655a1bdab92d9e10e723172a2e2ab5a034207b4214 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_656.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_656.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6232574cf13c0d62cb232c0d34338f042f7a7246 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_656.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e311077b0a5888157d813424244c26a5fb1c695c1d87a82a1e7977e983e7023c +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_657.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_657.pkl new file mode 100644 index 0000000000000000000000000000000000000000..15187000cfb53fc71c462a21d6b9637e835b65a6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_657.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63aca15c538ec076ddc479fcf4682367a33f0010aaf90d50f7c8e598b121542a +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_658.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_658.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f9f77adf8a64ee94950eaef39f54ef732921450b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_658.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a0b79a644391aad4edca67d638a65b93d8e0be52c8235bb4a5695f2229309ac +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_659.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_659.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d50626565688e7d8ff3d388d6040c43330272f24 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_659.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0baf4d2b1ae720257ebce2f41a38a21a1a77d6d182bb99d6ebbc667d79fd0469 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_66.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_66.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eab697040c07ad2af0291318e6351f0835dec33d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_66.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4e17941b4c2f0f361893153b5fe910a5b75f189634daa3178beeb0fd5540cbb +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_660.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_660.pkl new file mode 100644 index 0000000000000000000000000000000000000000..02a1fa4d32f224d33a62f95f7db8a925c907cc02 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_660.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87864f6d6d986b56e785921535458f8e3617e011c6449fce97e222d39f561845 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_661.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_661.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f46de1c8dbfed802b89aba1cdf3d81e007025867 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_661.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd1c927d957fbe96c9b9ec780e40ca5a24332fc94f60b93a5a00e23334994ee8 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_662.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_662.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6e0a8f2cd94ced9c8676ae02c9051a5b1f64463a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_662.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b6205bb5bea07c9824a212fe65b2bd62ebcaf2ac1dd6feb7c64968a0eae71179 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_663.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_663.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f3d363bebe264388f7c12cc8f2af8b6cb8f37f44 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_663.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9859087992dcb4cb28e42e6d1d8e6ab1167aba6191cfa96ed40c1c53c07ef293 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_664.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_664.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a21b4d3f563809fcfda1d1c51390dc29ad39780c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_664.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd450ebf8622f9ffdfad0150c2df61acca68f9609697210e775c361d6cf3c2b5 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_665.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_665.pkl new file mode 100644 index 0000000000000000000000000000000000000000..be569509afe7b20cce927dfbc4ec6a070d8986c2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_665.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:62eb19bc60646055f0246348ec55901338036a3923a0829922d8c7b4492e95f1 +size 25781 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_666.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_666.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4cbb6f15b7cd37073472790060dc9e48f97e4b65 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_666.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49bcb46bc1acb77933c91f2ad14947d3335d412e4c6085615cf6a7ba7e2a89bb +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_667.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_667.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f9b8b87961642d965bef56093e3b43fc4dd8d358 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_667.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c373bcee1ddc0fe6944cd8d0eb00d23751a16e0052a5dd8346ba38695307642c +size 25781 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_668.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_668.pkl new file mode 100644 index 0000000000000000000000000000000000000000..08aa208bbcfd5a0dbfdce7c7f47f5fe2f4d65b07 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_668.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:200b290f66896348ae49532d871c9b745681bb6c62a967d4b4c28601cecef36b +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_669.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_669.pkl new file mode 100644 index 0000000000000000000000000000000000000000..776b3ec3d9bc7cd8452346e3708039cfe43466f4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_669.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b28124fbfcdf42608bbd706497f508daaac650a69ccc57b6305d42fce857da2 +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_67.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_67.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6412bb1caccf3f098ae36fb51d1cb5c79f2e1343 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_67.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be2dd38340b18cc8b4657c600de4c62c1d11d09170f077d70f1845a03b57f809 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_670.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_670.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7bc7d1e44944d637d59633a491ab1ac3dd82a369 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_670.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:136f80bf917277fc4737b1568202ecfc23e5b608aba8511815b6787ebb413f7a +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_671.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_671.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a2835385908635b89cb9e056262fef566ca4b999 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_671.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f12261003d8495d1cecab78e2fed3e4a00237f540d6b368812810d4390e95e1 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_672.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_672.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2d87519b052d5dd2e32932b44b3ac086fca5db7f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_672.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b016ad547ad724acfa3a79f2199597d2c2381176fcd9cd37d5e4ffde4970d87 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_673.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_673.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5c4bf3552671250e438f8e9ac3588cdc36c2c3ed --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_673.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b7abc59e99a4c4b7eb4b0806b719d41ef6897704c37842a14d916a6442c5c5e +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_674.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_674.pkl new file mode 100644 index 0000000000000000000000000000000000000000..19d9d6814fa95646bb561325e1597ad1d5f47899 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_674.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eec97ddb554d82484787a7b827557b812ec687fb40da8c03739b3fb41f747d67 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_675.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_675.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9f073294821952466c67a2d46e89c176ec2c7c79 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_675.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52a5542a2dda5ece30daffd01a3de82791191d10cef50ce5e35347c7c1c6d713 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_676.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_676.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e16d0c46b381025beb86571d9201d50280b2cdf4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_676.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6032a8b23052459787ffa7cfc30e2705ff159bfce41ef2052886b3f870e293f +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_677.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_677.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0e1d2c20f0322a04ce1018e90ace69e17d562ddc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_677.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d05110c73f9117a2c365d6ce4a424d675ac18b5d7a1abc4f67dfc3885015e0b +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_678.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_678.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6179f1414f9c0b56b3dcb8f22c868211883f94a3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_678.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c845d5c34c646cce87f034d8557d4a8afb0a747dfbda4fb55eb772004ab11f3 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_679.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_679.pkl new file mode 100644 index 0000000000000000000000000000000000000000..65749b942c3d35053bbf97bb8e420fc7a8dca647 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_679.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:858fc627eaa128995a793b1cb0b1bc882f191a1db9f72bf0faf59cbb358c48fb +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_68.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_68.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4d86ed636bc2fd78c6ecbc7a90ab5ecba3d4b8c0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_68.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f97f7965ad58d2305c62222688f739654eac1bc2d4fb2b5d89e0e669623b9f4 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_680.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_680.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7a14f23707e201ba572639a2fddcdb13d6c7abd8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_680.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8a26cb7f5113d0ae2a818bd1efd0f0a545dc38fd6fa2e8d9913deaf5b5eaf5f +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_681.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_681.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a8fdf1362ce847995a7e80e1bb02bff4cb8819bc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_681.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a4ff4015394360a4138dd052db64c7e1ba639a04fb065ce4aff5969a51beb88 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_682.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_682.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bb0a5c17c40047f96f3693a6f2ce75874590d250 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_682.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:66d5cbb4837bfe62f322b8b8faf100aa7d9ab7fcd5f909e0119315923fa2e33d +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_683.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_683.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fa73f615b5b3236da28a8353a5d36087b13e2618 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_683.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a929ae6ff3e89fb84b5de879bd0aefdd764e48e9253b485d7a4c9a881317a378 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_684.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_684.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6d3d7dae551483fcf59eb0778937b461d3daaf31 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_684.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dad44183dff476bd5f7062be7f19fefe82e471bd427465ca7cad716adc57f70e +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_685.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_685.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f0d72a0990ffe4aed81e30bfc81419741ad2347a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_685.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d26048d2660132387f4c653b0c6d99871497f0db6f34e5e0e31f89a73765f89 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_686.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_686.pkl new file mode 100644 index 0000000000000000000000000000000000000000..570ba861ce81a643a740f20b0e1b49c3fa91afb7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_686.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b711e3a3de0e0c987e3f993ccf8c264f84e9aa62d906e7d32eafed00bb7b977 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_687.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_687.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3625a2e53da43b6b58b5bf46591b447e1fb25e05 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_687.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1696bd015e0c1cfe654837d30a68f22d7daa037678f5d2956ec61d73cc7b407a +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_688.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_688.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7c0a17b7b6f4e71672a939710b5f825b5b99518c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_688.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc078ef1b52a2fc56d462ecc92664fde4d43cc85937ebe720061661655d5ff8b +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_689.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_689.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8bf9b596e82f8fa1cefa84eb395e3cd8d3e95e50 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_689.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1cca45f023f24ce5c6976802ba6af29f539ff6f477ecba4acc921574b22cde38 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_69.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_69.pkl new file mode 100644 index 0000000000000000000000000000000000000000..48c83d83b0d4e1d937c289345826593689293db7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_69.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0eabe642b19fb6dab4a0b575e934d7c0e3c45db14c262de7015ffbb60a4cf99e +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_690.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_690.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a640ac524a7f1adc844c095f37d588ddf0fd86f1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_690.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d2dcbfd63e1657b6180fb9bc482468de4f7842ad4c077b1e791526831c76bcb6 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_691.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_691.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f8e26c8c645f22825f24569167f913bfe0774c64 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_691.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a083b720ec528311ab078a601989c071b96ecdfd6c70c018180b13c7a8366641 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_692.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_692.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f46b90d0abe90f116acc35c8d1d8f1972a351a6c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_692.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ffc819d685e7e1c7f7ed81f102c29315829d471566eaab786e179e518157c1a4 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_693.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_693.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5cb0a7c7c08dd650852074935e002a9be74047fb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_693.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91f484800e60be784067dde78eb8207f3719d45914338642380d8f5d108f91fb +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_694.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_694.pkl new file mode 100644 index 0000000000000000000000000000000000000000..61a88924c273c6ccf63dd4c96e6ecf277d1d85ab --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_694.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:487a48dc5ea1990a98da9527070bc85a3e77ba4c647541ad2b54691f28a28948 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_695.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_695.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d974cf9be21b8297c27247c70b01f3e2e1da4b6f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_695.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6c7c690972cc2a63be8e86262c3b7c6e49b7cc45d3c68f40f75cd8ca29421a1 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_696.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_696.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0c090408aa187e1ca7d5a01934ead1c22495eb47 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_696.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d91ce32cf259427c2fdfc3e36ae595eeecab79678b479e41f8f7bb240cd06ef +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_697.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_697.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2bd39a0b4d0697b9b5a77abf6d9b8efe2e0e7b79 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_697.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:531cdfa2c712eae762f84aed64194fc0ec7af7c55fe95ade2306ba6dab3e5a8c +size 25782 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_698.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_698.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fc3e5002f3dcb55c79bdc223558fa150e4a24184 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_698.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79b3cd410615c91e4d3444ce878e478dcd10b612c4ddc8d5b565299423c232df +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_699.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_699.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b966e5c5f86a95f40b45b7785ab8d2ae09b3e8f1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_699.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eab1d122303241b3e55c4e0b8ed802aa5551956a17e4b74c0c25e3df688d9a4b +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_7.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_7.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bb59037c4ab4e8656a0e60127164746d473959f4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_7.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb158162cc91b8854b64b26949ea301780efc1c965ca851d48fe4889bec81918 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_70.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_70.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e3c40eec2f104db0f72283149a05f340e9b97446 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_70.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:41c755fd27e0b7bb82bf568b92c1fe8b882b8699296f68cf51ecb36551aa8f7f +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_700.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_700.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0a808f54e1f5d31d5d28e78e8920cd2f7189a233 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_700.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ed8c082dfca1fd18e3fe91dea454cfc8acdd4db703c7e72b83423dbe9cace8e +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_701.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_701.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dc7311c2a6e8d3357cdabdc2785c6b61a1e37126 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_701.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:151c4398a3bf1a2c42fffc781f2a67904a6729407dfba7b4fe33211f9d2a5bf4 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_702.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_702.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7e297132773ee8ff327138f14f4ba5b2cd0cc8f0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_702.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7bf11776c28e31827fe18eb909737ced4a96ae3b683732146f2b555fae9d2f7 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_703.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_703.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c0d599ea8786983a726802c56eaf696a7a7b2c10 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_703.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:392bf2619ad83f8ba4b293281193ebe46e4755cf7ae458d77976725c70bd2c9a +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_704.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_704.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3ec2bfca859ea043b0d5785ebfa2396c247ba1d5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_704.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9fd4be1c10a27c3a15c3ee2aeea7e5ec43ee342e280ce51bd59cf4ba80bfce96 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_705.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_705.pkl new file mode 100644 index 0000000000000000000000000000000000000000..298546303e6d3bf257f4ae360becc08470eb05a9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_705.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96f0808271d65abecab38d83ce74a7974f2991670f12dca5715e2e84e36b75f4 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_706.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_706.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c011a62e5447b7a75f90bc5c7b87b124e5bdfd06 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_706.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f074cd6f76346913c8b9acb568d566d2f1380c984c9bfc0a7b1cc13b82584cbb +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_707.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_707.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b42325266efe5967372e739fb02847ec98385497 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_707.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0f8628ba535a13d8545ba7813be021c651a01ac753b0c508aa87831098e5fda +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_708.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_708.pkl new file mode 100644 index 0000000000000000000000000000000000000000..aa8d63054730d89312af3021c2af1031a96d753f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_708.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d01718ed37be681da57ba8b6667785515ba6ed44ce4cdd34adb641f728301d1 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_709.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_709.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f24f6cd8635c6878e0259860e7080e619eff3af5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_709.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83380fda31211c60ac379c5ac5540097c0b0ef3ab9ab0d294605fb4a454dbdcd +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_71.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_71.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1cd264b160d8aa22e19e2fa5238ed14ad83a9e88 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_71.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fcbe13c5d3787ccc743f133eb226b3b499e6dddc0d9d0880474d136b8b74e51 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_710.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_710.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f25639f46ffd7f4ad102b96603375519ab0f887b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_710.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:635cba54293ec0a39a4d27e9cf82eab3670f7119c361ae4212de76d6c24e3496 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_711.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_711.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ce32ffc7f2042b286d3be5166c8897e57db7167f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_711.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c6b8c8566de1a5a93c16b30dab69efd9265d8dff155b578fb968ec1332968b9 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_712.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_712.pkl new file mode 100644 index 0000000000000000000000000000000000000000..404ae4580baa4a423ca69dde95ddc219a8a4e9d0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_712.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fc535aa68634481da2412a475dad4bf07a42c6449fc4b06959db546a1012344f +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_713.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_713.pkl new file mode 100644 index 0000000000000000000000000000000000000000..620844bd0009aac0c88c2fd8dee9e7c65801275f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_713.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:652093a02764282cdd01ac50be75ac0399c5ef7427b09cbfee150036bf5b492a +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_714.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_714.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2104a1fda8f07d895d6548140ff24a06bbb6b42e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_714.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d1f48f20b2007ac8ae5c08be4330741bb011043005da1c5477d73a89bea51697 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_715.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_715.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d339fa3026a163e064d0b9d3c6be6566792a8bd4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_715.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:76d58ec3eaab0c8200b297149730f8bf841a541c810adf4e7f6439900347eeb4 +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_716.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_716.pkl new file mode 100644 index 0000000000000000000000000000000000000000..02280714e9d6bd85e9481dfc3220c580be8b3fff --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_716.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e0f5587ceddca1aa07682c12ab28378f8eefdf8ad43d2fb971b13af62b7313b +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_717.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_717.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e8e00608a524fd44e5703e0c2c8d844586387790 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_717.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73f8d6e3bf2a9062de685a8ab1e2f92c3e93605df2f9c16f28f1f79a20234043 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_718.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_718.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0b2e52a89b630893e8e506a2c02a981c52d4cb51 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_718.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:872dafa45fe402a38111dcedc242684a372241ababc1cba8c338e2f9cb8cdd24 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_719.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_719.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c0fba5fa24343f03a8eed012a233150fe9cc2778 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_719.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a530cab76bf7844a9acdaeafb99b91d63416cd2fa8a120b4fc829a56c420c1e7 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_72.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_72.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d4bf7b893ee06dafc3a8e618220dd9b23ac4da83 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_72.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:908bba4b2a6ac8d00c0d4656c7946d49bd08eab6c4a060a58c694db2c846aee3 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_720.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_720.pkl new file mode 100644 index 0000000000000000000000000000000000000000..395081727cc52392e421e4f5a27aa86fabc17aca --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_720.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5d469d63a6dff19d7ae4dc928910c74a39cb795bcf519192854e600fc4cc493 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_721.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_721.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d7ff759fd1abef275dd2d265fa7f24b5e9e50e20 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_721.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:806ebcacc767ff28cd557befbfc2e1f8c992d82e65b9fd89b5c46222057d1d0a +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_722.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_722.pkl new file mode 100644 index 0000000000000000000000000000000000000000..47dd80a91769aca182966be23bfa2cd52da40057 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_722.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25a23d8ee94cceb3b7a766d06d3292f621af54ce1697e3cbbd3a514482d8c314 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_723.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_723.pkl new file mode 100644 index 0000000000000000000000000000000000000000..10c1d2545efc0325e7b254f38ddebcd40c29590f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_723.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5fd8e9f955db20ce2276be923bfd91a576727e6d6c91e5033d7ef46092cb4c0 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_724.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_724.pkl new file mode 100644 index 0000000000000000000000000000000000000000..02adc0ed33e938fb1b1b7e3485830bf72bcc90fa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_724.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:635f5b574b358f1870ed6df76ff7a4689f46547abcd9b8c2f9f837dce79ab6d5 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_725.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_725.pkl new file mode 100644 index 0000000000000000000000000000000000000000..73ed0117d5ffe9440882d6d3f148c4b8d6434882 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_725.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a93c4e57389a6fac79d1a7d7f55b7fc1b76c534707165faab1942795aa44934 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_726.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_726.pkl new file mode 100644 index 0000000000000000000000000000000000000000..50114c65a9aa8679a80f5e32b939a5def0320b87 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_726.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0bec4d41183d854b4801b4df639366452c4ba1fd4e66d41538d3275ac37f281e +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_727.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_727.pkl new file mode 100644 index 0000000000000000000000000000000000000000..261fc2b35baa035c94e947cff73f1c7d8f3300ca --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_727.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ce060360db64f5ce3ab1f7de4541aace99ed3cb644a1df19e9bc711f4d86af7 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_728.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_728.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e6b4ac3c44bd62ea3a08a402ed4f9278e5dd2155 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_728.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:023d9cfdd87a9b66c5c71eff282475509462b615ad7db07b3ed7bd6b50d6c015 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_729.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_729.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8d8a4f0b00383e309d4f3ea7116b6c724bd91ab6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_729.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cef6bf2533d1caf5d9cbd6f89acabafbfc5a61bfecdd1b101d9eacbe1f6f45a7 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_73.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_73.pkl new file mode 100644 index 0000000000000000000000000000000000000000..436061cff5ccf72d96f30941eac0be23ce2474ff --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_73.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bab32b911457ecc1fe11b77f3ab0d31a8e905e02064a12d5459be83b0761a16 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_730.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_730.pkl new file mode 100644 index 0000000000000000000000000000000000000000..71603bd2c2e29188ce85354885c4ea7d4b7901be --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_730.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0cfc06b5049b4c193347c55e6abc79795226bf6a55d387ffb808ee71e1293254 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_731.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_731.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f198a6a02aff73427199f380585026cfe1dca1b9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_731.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60db62512f5bdefaebcef98f1eb539abcf425c9ae6750e1d59ca8616f6794136 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_732.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_732.pkl new file mode 100644 index 0000000000000000000000000000000000000000..71a96b8f60e6c402ad8c72d3354f1b51f4ce8ff2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_732.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad40a6bab199a97a6e6d57901ab29620a634a8e6efb6da90a4e84809ac82370b +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_733.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_733.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3f148e8ba1f57a337ab9270241baab5f4d3c4f9b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_733.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33ab845c744d9082a4bde45c12bfb16a80e239f6c418b0e2532a7ab7d01cce61 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_734.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_734.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ec66f02908be747f7957887ff0524edcef101473 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_734.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:288e0ed9c6f320f31a29f1bebc589b6c453a77ba225e6a4e85401b71f557dfb3 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_735.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_735.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ca0fe179fce67f435f61382a6f333bd772b9555c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_735.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fac18d75bde09dea78786e9c7cbe62d3dece513109f6e7642c7570df0d8b7e8 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_736.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_736.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fdea331dfc32720e91946bef427769f4650c7888 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_736.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82e510592cd7bd3cf18fcd7401197c3ef63fa244acf3f9e185465eb9f4be0c65 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_737.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_737.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4843d7db88a6bb4ff292c050a13312f776ff3eae --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_737.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98c59a4e9402d80c7f3442f23986db2566c6ddee8f090d4ce30e6e067a92ba05 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_738.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_738.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b48a7f3cc3fbfbfd9a641ff672a6ae2d0f7f88b9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_738.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6efcbaf38b5215fd1be7e58a90d22d22c771c54960f3200d604977228eae1151 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_739.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_739.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c6421425054bccb41c4645938f0fc36349dcec6d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_739.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07baa37c28739e75e33e258afa7d7fa03b1fc44519072b65a410b6da69665eb8 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_74.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_74.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cfee4967e1bc239a0f8934be05250da5b388c4ca --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_74.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a64ce107b160df38eb7b134293900a58e2ee1f116766e555a25813046e84e20a +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_740.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_740.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4ffeedaa9909d682c80e72b46e9516ef8e5202e5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_740.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d5d8d0ab5eb0077b925d51919e2da930acf7d9ec4d40f6ff5fa4991fb972852 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_741.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_741.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6dcba8610b4594fd11f5e65c9b1ec98c4a0400e8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_741.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e79f9f8177b48397f8a184a9f1d99de9b2d795b4cfb86442fdd62a15d3a6b1d3 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_742.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_742.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3603993591e7ff26ad79c54abfdd1d6e9ff9db31 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_742.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31894ff4475a8c6df269732d0fc76dc8f3944d5c7f458633f604236235e49b87 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_743.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_743.pkl new file mode 100644 index 0000000000000000000000000000000000000000..832b5b2523bd48f4feac90a660456471a98e15a0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_743.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:439480277b460b95750f8c5653b2d099ef9a98322c4a915edecb718a0a08993e +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_744.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_744.pkl new file mode 100644 index 0000000000000000000000000000000000000000..03d0e93e80bd2f325aed4ba0af83e706d4b9fe87 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_744.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:786054fe53b281dfbeaed68a6ee1bcab84f510e911869936b6a65eb971add06c +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_745.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_745.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a53dbf1a1aeb864604380ca72d4ca28b2f8765ab --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_745.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba4a1b06e36a02d407eb8622c577da479499264a7751ce1094e22e698c32f8f6 +size 25783 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_746.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_746.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4a3b16a438f202fbd8fb9d2af0a662e8182004a9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_746.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa8f15e23f93127bbbdf002ea08f9ac1afd874708ae164c9a6674a5ba6e8840a +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_747.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_747.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3af04daf7d72a572a971e7399651f3019ffcd725 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_747.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a65f921eb2b715e8b473da99274f6630bece13c6cd4c1230e2ee62a00c95819e +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_748.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_748.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e8df389a2a342dc65a9df79e8f4a099a544ee254 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_748.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fbbebb1a1da2a44a9b3133a28d11cf966b3478a9c6e666328b0b360f5a071684 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_749.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_749.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e9eebe0a0d6e310f1f1f21ef26f330346977a253 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_749.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6129b1191e74bd9a2392377c362de88a2f273918ef6a1c54f440a25ddd190843 +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_75.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_75.pkl new file mode 100644 index 0000000000000000000000000000000000000000..835c43865f48844ea45d843b0cbe31a887d5d5fb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_75.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c3f74ba4e20ced0f3d06e38428d9bffa4ce504d23945e3a3fdd185915487fcc6 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_750.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_750.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6c8b12fff95fe9553da78158331051a39492bc22 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_750.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2f983c90fcf641cd98196a130c3c350e5d7462f8ca4b20742519911df27fb13 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_751.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_751.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d63029f6c80cc4b1ac82b5525088d6702174db20 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_751.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1be2798d63bb0f0f77cf72f48e1ecdb99cf3a488dd8aacd284334028fd68b33d +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_752.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_752.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cbe1ab6b92521e1c5cdd5661cde63df2bdd674ee --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_752.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:169432553a135fafd38cfe06cbbff0533a85ef348e44c49c733f488827130290 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_753.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_753.pkl new file mode 100644 index 0000000000000000000000000000000000000000..266bb99159fbdeaee4de08827c20986b3195b396 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_753.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ce1ca338994d70b88cdcc5a281b4b00619105dc596fa895314d25ce03ef4ba20 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_754.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_754.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3996e438dcab8e32b25d28b9a81be394d0bccebe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_754.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a520b07f5284f07fd15a6cb578bf9cae730c494e8f90698124acbb755445de3 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_755.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_755.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7c38c22c10938d6f0449c7b4c0a616548abc1631 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_755.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dab73044592ad3c94b7a69b442fd1a2c7c4e90085433f94251dc06e935bb7738 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_756.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_756.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3ab6c4bef04e187251a031ca51917046cb73f46b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_756.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b25869a7edc361ff4b149183d0a801554fd09fb2e0d6a447c5f0774811c53f7 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_757.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_757.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8f489bcb29892e85548dec28c0841cb7dfd55dad --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_757.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7d90588bda00adddef00c51f04414e54a9206acb0ab528e6d8df91ee0e54347 +size 25784 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_758.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_758.pkl new file mode 100644 index 0000000000000000000000000000000000000000..04eecdac63dd0e52b39d947fad2852c4a1a114b9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_758.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cad6ff17bf191c95540a14becfc80ec665b5eee9fbdbcab047ccbd8a2aaf535d +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_759.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_759.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3315650c2be47a9bb35864406bc5da1de62a415e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_759.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a64a9e56b0a3d333eeabe53411807962de0ba69d7aa79979ae239b84f4f4040 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_76.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_76.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4434cd41dcb7696a616ca25b9c91dea2d33a1057 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_76.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b20207525b205ef49d57012128c15636117a6720a76bdb27163bd3ba20143896 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_760.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_760.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c0bb5a834e4cf7c08e94d2a2ec1795de79f192c5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_760.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c4d3e4e0ccc022ab8796a5f97cf93674fe0bab299e121a72f3bfb84220f8719 +size 25785 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_761.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_761.pkl new file mode 100644 index 0000000000000000000000000000000000000000..08c7ffb9df073ccc754ee66d5ee2602d1f48be31 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_761.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c46c2e329f0dc8ebac72b5118c5ff99ef10401614124371ea7036929e0632da +size 25786 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_762.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_762.pkl new file mode 100644 index 0000000000000000000000000000000000000000..743de2f30a29ed6cfed4b6c5835812dd8e7ef946 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_762.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f85271616d812862280ef91c6adcdff93cc9701588a683e0628a812e108fc040 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_763.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_763.pkl new file mode 100644 index 0000000000000000000000000000000000000000..76e9bbbbe68ed2642153fb7e6ce8abdf8ba4fb4e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_763.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c04c0f267bd991e91a6a625d150044bc3996b2d2d02ab695b9a5e15c32423276 +size 25786 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_764.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_764.pkl new file mode 100644 index 0000000000000000000000000000000000000000..25cd1fed3707e755c3412186593b402c4ba2885c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_764.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d699cba7a2f33087dd30c435d5a38fcc70a790689feed8ea86ac8b67e4a4da94 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_765.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_765.pkl new file mode 100644 index 0000000000000000000000000000000000000000..52ff7a753099ebca0fdca394ed4d2af15110f68c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_765.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b5099dfa01ca2323275c887c7190a2df10a4722b5ee59f38304ce30dfc76c6e +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_766.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_766.pkl new file mode 100644 index 0000000000000000000000000000000000000000..70a1bb1d1be85adee55357e5bc7ffbe5f1a3aa44 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_766.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dfefb07983e063a51bc7d77461c981535a19b4e6b32c0ac51b21a59d5504bc44 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_767.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_767.pkl new file mode 100644 index 0000000000000000000000000000000000000000..071ecf6797e7510e66d7ea77fdbbae0d5cce7e44 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_767.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:417922f77da79aeae921e1abc62945147b94ed17ca610bc14b2ebf587b33109d +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_768.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_768.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d50f3730194ca576be790d7a13db7bb839cb3cb3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_768.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5a9a3f7a6e44afeb5f5df29bb61e47397de68b9d321ce622310121475f2fad6a +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_769.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_769.pkl new file mode 100644 index 0000000000000000000000000000000000000000..785c911dd10fb624b055d7fed8270782254f668b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_769.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c7c8479b1847b67347da271eeb5984c4c084c3d03b72fa3ab7f60b7d2e180da +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_77.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_77.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b4e1ad271cb01fb0cf8140668e270e67d12da023 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_77.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32731cab0a2641517b56d5c0080115ec85cbfca37cccc4b6d87bd39ca1a7188f +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_770.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_770.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8042e5fffeae1301df37f0aecf7a7dc747570b5a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_770.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0975c28a0b7a3a01fd20bd26bf5b0da728f5e4846f7adfe6b711de9663f3b03 +size 25747 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_771.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_771.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0fdfb86d79d5d46e13a77135e61cc2c892097031 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_771.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cc8f2512ba5eda0ff37d995bb1cb78fb05a5c4eda064120b6f1bf4750213f5c +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_772.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_772.pkl new file mode 100644 index 0000000000000000000000000000000000000000..47514441713c6e372bd42977333f36c125443775 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_772.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:882ce42cee8555a2a24644c982e624a23e3c112f36578f19219b758f906e0c75 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_773.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_773.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9ae670991a86413b86f79e8b03865be437924e95 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_773.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:303bba0bb61791d02ae821efd429f0add7ccfda77626a00ed0b2abd1ec23feb9 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_774.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_774.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2b130807adb69313a15289b72acd79f8787013aa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_774.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4fa21a8443f8f16e257d733c1b425c361b9455f06a2f2ca05940a47aa4efc79a +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_775.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_775.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5077f6d7bb878b9ec935aa3b87651115aa805516 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_775.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d127b7e9e5a81c64ee968eaceb1a1d5d1435505d2988c03af0fc8e660ab6e203 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_776.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_776.pkl new file mode 100644 index 0000000000000000000000000000000000000000..22c61432447c2fb2cf49171ca86e40bdd5948523 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_776.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e47e12eed298157938a08c91bfb92a84fc1cc704f99bf169f129883f56524b6 +size 25749 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_777.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_777.pkl new file mode 100644 index 0000000000000000000000000000000000000000..af815dfc85e54f7b7468abb74262d48d90553dbc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_777.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2bf0c56e5ce8e09b5c5b0cba1a7dad3947c2f4af61237d0efe45dffec4e04565 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_778.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_778.pkl new file mode 100644 index 0000000000000000000000000000000000000000..66da942b618a7fee3ac0c6c96007ab513e34954c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_778.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79a101bebcfeff5ba2a1b1c4422c6268f6c7158990edcb147ff59bf064890f7d +size 25748 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_779.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_779.pkl new file mode 100644 index 0000000000000000000000000000000000000000..83326f30fc18f25da50f44f492d8b014176d1781 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_779.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ff1fe89c6192a8a156b70eba242baf792a6194204de8cbb5f2c1997f0951948 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_78.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_78.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9fb278f71986e993b94fc2e72b9635873fb5676f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_78.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31d79646dce1f3637980c6bd2549d69818b39cdec6c36bf4f125378c62566742 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_780.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_780.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5624659b5b6bdcc351b1814fcb412aab83114b55 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_780.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d550b311035ec7f076f5f0d89ae0c7f9592e46317a76a55a73873c1ed118746 +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_781.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_781.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1b0cd6794c3d93b028a56c4ee8190f4934db58a2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_781.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96606212e78c84f2752ab7a8499d6b6cc4242e57f239e4bb9ebb3310775514ff +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_782.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_782.pkl new file mode 100644 index 0000000000000000000000000000000000000000..768494ab8fb764ee38e09dd367b202e066f69366 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_782.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b9e365bc403492940e597400f1753727ea421a05ad91a638373b63071640888 +size 25747 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_783.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_783.pkl new file mode 100644 index 0000000000000000000000000000000000000000..05624551708534ab367a0e85dbe70c0de10f33ac --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_783.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4996ba738f0f39afb18aca5ab9ffd4172cb2cf343947e75d372ea9cde6e05b37 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_784.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_784.pkl new file mode 100644 index 0000000000000000000000000000000000000000..49fa9cbc25666ce75a83a2f667a0f47187dc9bbe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_784.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77d9093b9cf6500f4e645640a35aea3548296ce3097a596b8b71b2a39248e2df +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_785.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_785.pkl new file mode 100644 index 0000000000000000000000000000000000000000..90d9448313443616c28fee68893931efdf88ef51 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_785.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2bc59094a4c5c9a86ba95745257c7570d88bddcacc5d63a17eedc3fe51f5c338 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_786.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_786.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b9f1c0a05ef2d6d2ebeeb0f7bb5e1ccb940d7812 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_786.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:acd09f99539e3fec0ac72ee30a6dac4cdf13a65955e7e1f44c290a4a57b1429a +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_787.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_787.pkl new file mode 100644 index 0000000000000000000000000000000000000000..141666c5b346a5c33a168da7ab9a95a0d53f3768 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_787.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:394392b1e28c9635c2b2ff58ca0fbf9dbfca248c67ccdb66a532397982693679 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_788.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_788.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cb9d0d8da54892773f45e6ecd464e34c52f42bbd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_788.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f7cb3d7edeb48fc50e6ed3b385d5e3c23396e270b4a47454ee75a44907a6555 +size 25749 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_789.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_789.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d9799230acc204cddbb724b59f021f82bde4bb06 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_789.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c7aa54cae2342e2cce18f27ac237a426aa5e307f4b2566180b96e1af99aa2b5 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_79.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_79.pkl new file mode 100644 index 0000000000000000000000000000000000000000..48e214c7f6dfc7daae50a6b5216dde6df1879dae --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_79.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de4f4aa12fe1c6efdd652382f14dddb6a1e7304e1a0ad267fdc9bb2be545f121 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_790.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_790.pkl new file mode 100644 index 0000000000000000000000000000000000000000..12e36534cf1494d5809d38bcb723c216f04995d3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_790.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1352603ddd90c87bdb5ea479b2c6ecd0492a4a1123318a42a23f5e0870425c0b +size 25748 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_791.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_791.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cb99e68b78af2e25803743c700255aab59290abc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_791.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11604d0787c235638d7048f034e84eb64f1713ca1ae42e50fa95c65f6901eb0b +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_792.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_792.pkl new file mode 100644 index 0000000000000000000000000000000000000000..62bd4a9cd3fbc52d04ba27b92af2acafef355c69 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_792.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad8d2f443fdd412abfe2b61e2b7da71da8d4f5f27d7e8c9ae861800273d0f3c6 +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_793.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_793.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e740d12c202f874cfd81f704f4f5d43b4a577bd5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_793.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45ce41c6390a373b711d508d40ec4bd02c336b1a8fcd5a2e481db928dde64a61 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_794.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_794.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c88b65e41c6e297798c5659f80a53a18c7c0ca3a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_794.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9ccdcca65f380a81f8799c6376da6dc2ee71f4623c63636b05b51fbbd4cce7c1 +size 25752 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_795.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_795.pkl new file mode 100644 index 0000000000000000000000000000000000000000..01b93b88c178acf14af1c9a6a5f3eda9abd23628 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_795.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ffdeab88c57af9759774983282f7ce60ac10d5452c6e5efcd5c91784c5e38957 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_796.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_796.pkl new file mode 100644 index 0000000000000000000000000000000000000000..513aa60c49fb356245700d2fb39a27715987a3d1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_796.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf898a9b798d30c2f50693b3a80a46026d4aa892cd3c801e5c0fec2be3799b25 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_797.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_797.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8d6fa317e791fe40242eeacd6c6ee2aa5eb0339f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_797.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c5f3e2ffbb4331e715381b0bbdfb664e22656da589522789f0f915ca48e4d86 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_798.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_798.pkl new file mode 100644 index 0000000000000000000000000000000000000000..653b533f1934bd9682fe2bc3954f95b602704275 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_798.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92bdb07de9b49289e562f37a8ba04865348887f756451e86607fe94c6f668ccd +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_799.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_799.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bd78c5992b96a3136394d2a56f655755d118a8df --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_799.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb7fbb2b788f6f16209ee4e6b24463c4acadc814dfbd0a0ffc64e07752568c44 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_8.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_8.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e60309e58aa2c76dae1d35e791ac4298c60d13fa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_8.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:693d4e22a7e38da331c9a5826e2444de8513ecdd45d73bf1c8f35a24e86b50b8 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_80.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_80.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e4a06d8de7d559b2594c4de87a3a3553e028d314 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_80.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a09805dd556ee8a9e7a5a6dce0420d09501a4d68f78bdd283d7fdf2f3716118 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_800.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_800.pkl new file mode 100644 index 0000000000000000000000000000000000000000..af2d2ff692983b827a24c0a15466db6ba156c69d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_800.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99d426f01eaa030a32161cfe5a40de608927c6b036a2a7ffce15ebb6d29e6fa0 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_801.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_801.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9df4f2573dbfbfed00f84c191815c61b041734c7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_801.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd62eaf03243d9cfac291e3232718e2da82ca30dd5af5d9ee594c15bf4d29db0 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_802.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_802.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f09c5ddf63012b2964e27657dc304280ace4e68b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_802.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d606c8d6775200e3879606e8763fbba8ebb997d9838540ad62940c7157022154 +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_803.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_803.pkl new file mode 100644 index 0000000000000000000000000000000000000000..df859e037c114fa8afafdfb1e123e51bc7aefcce --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_803.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da006773937115156277845aa478d317e0db85d9d2d1b5b531e250c12fc6d57d +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_804.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_804.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7e7e2d0479f8577c41571d2ef6ec335643ec9add --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_804.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2d7561241b745bac35a494f16bd6a75fdab09772cd86feed4063fc320194eef +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_805.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_805.pkl new file mode 100644 index 0000000000000000000000000000000000000000..12bf81a55ee2faa0ecae644605d19effeedea71a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_805.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e32095a487a6635988d631c2e222b7ef7f79dab16d5536f8dc1a714092f3dda2 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_806.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_806.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cba00981dc81e12f7be771f707036fb3cc7ac147 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_806.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e67a3aa6c6e957e5246c9465d63e57a90c2762f70e3f2c7d4dd387bdb5d8ac38 +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_807.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_807.pkl new file mode 100644 index 0000000000000000000000000000000000000000..116b5f41eb3b2a8d9e391185ca6cc6f935bda674 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_807.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69558469867f4f791ae68d0f01bd50227dbb20f3dd57f95bd799671d889586bc +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_808.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_808.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dd17acae82ba73d5d441646241759b53ef590f6d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_808.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f62cd0a256db762935acd254d3eaaccc9196b3ab25eb909d1535398114e9f308 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_809.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_809.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dc9c01b2ea09a5268f05ca5689255596e67a2996 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_809.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15646753b8551049e0a3ca0017e3453e5328e1a1957eebec851d7fea55508a15 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_81.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_81.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1a3308e584783cdb7d06ad6776ba0ad5e0883daa --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_81.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b43b3de2816f323d60a6f2b7c972460d6c0569ce226db3236aa1e4d232567c3 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_810.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_810.pkl new file mode 100644 index 0000000000000000000000000000000000000000..69f50a80639e76e62ad4d210e4a3c0c0fe1f7f9d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_810.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11c12a2811a6c4f9be66efd4f2e5a481374db7c9acb0adcaf8a89b19ca567e7e +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_811.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_811.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2abc86e46977ea6c6a4fd2d0e58a8cf49d6c205f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_811.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89ffbea23902ed30ec9bcfa260636c418b05b02cfca3758b28fca5594b5c53b8 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_812.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_812.pkl new file mode 100644 index 0000000000000000000000000000000000000000..396028813661828f402e2b171a25507e759d11ef --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_812.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:848189ec9ba4a52b9afcda16be4e427a32e498aa7bd1d9eff6101c065db1fd8f +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_813.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_813.pkl new file mode 100644 index 0000000000000000000000000000000000000000..30f638eda7e716f0862e6aac8a22e81a66dbc29f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_813.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb97b3fc0994b3050d352bcf75b4d23aea170bd0d2f7cc08ba1a26b08de52fd4 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_814.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_814.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c6a2e4e77ac82027eb4f53d97acd0ca2a6b0ced3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_814.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:353cfc4a7e8fc99fc7530306e7b97c26de9079181db6350b4b68d07d303fe783 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_815.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_815.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a9f407e6b3e4b1cb7c57f6371a00aa022621d5fe --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_815.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a11da8e8f4dee3c4a7699b06302f5a53587761b18b08f5f9523b8c1536f3d1a1 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_816.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_816.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7086ec6d0988b0c9232702f07f14806da1471d99 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_816.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a11c338700f9d8aedfdb70730c06c45f348a4d29d6d102dede45577a77d8871d +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_817.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_817.pkl new file mode 100644 index 0000000000000000000000000000000000000000..411a44ec2dc47ed328ea39251c8c94377945d8f8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_817.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d22a4f3f1899609f1cdd637b7ce273707385912e82f71f0afd9be13264b042f9 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_818.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_818.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f66e8dd4916ae23a76f8e65c9b4d40762b03535b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_818.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b403a0e7226009559f63e34385b2d9e755cff96860f7f8500707e279f2adf66 +size 25748 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_819.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_819.pkl new file mode 100644 index 0000000000000000000000000000000000000000..05425f09d4c7498db151f4a684aae7bec6bca0a3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_819.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70ab856562c27e3da00b8b6660abaa65ac90f8a0175b81c72bae1c59d7a4e13b +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_82.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_82.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4795e47a1334935f0522d9197a20d129e57283dd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_82.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:883f47fece926ce9fef9605063a0f81d12e1c025d65aa460edb0a95d524faa69 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_820.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_820.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b20cbd8a72424dbb4503a13143e7f0b188a6443d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_820.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6accf4f241515f64387cc8d226a4e0c9ec22ca6298fdb6b95150ca3b8a9dfa75 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_821.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_821.pkl new file mode 100644 index 0000000000000000000000000000000000000000..535a7fda4f215a7db3100527353fd4ea9f734f8c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_821.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbca28985a203229e2fa319e3e386e2430b5356112bdad5583548a2f385a9268 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_822.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_822.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e778482df7e265e28597bcf626d93b1c8df5743d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_822.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9dba258edf65c6bbe0a2d42fccb93415fc1152c243cf3e4a8fc8ebfc7ce0b23d +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_823.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_823.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4b71af3fe55078a576d54191fe4ab2b3cf7e624d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_823.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:638343275ac742bb5ed93109f6aa52d8945f0d0b672cda7f786b2c3e6366c711 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_824.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_824.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f55ade504b68709f5e1bee1219486a122a1eab8f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_824.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:56f6f3b29814ec2cd9cc0b36fa3c0b2e94838b695386d77b2e7f3df828bd1712 +size 25750 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_825.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_825.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2adb717c7ba76fe96494ef00ba7873684fcf94af --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_825.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7458eed5aadd280698c8561ce54555014ec7e96e8449bc34fde407e16a5cd831 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_826.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_826.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1fa74288c1ff9f23e5e5df7b2a30d416873a4895 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_826.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65a79565a17e7d46dff42ed4def8a27855363462660a9e830ed9987c695a88b4 +size 25749 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_827.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_827.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d979a4033c89cfd5467bce2cf551ee2095c298b1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_827.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af7a111d1221683dd57851ea8c995cb21cb0e00fdd00f64aa4fd2c447ec223e4 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_828.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_828.pkl new file mode 100644 index 0000000000000000000000000000000000000000..129bf555110d40b7afcb16f2d5de82b99d7058eb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_828.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6619fcc1400a22b24cc7c90f80380a041150bf30fca42ed7896e15525259d17f +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_829.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_829.pkl new file mode 100644 index 0000000000000000000000000000000000000000..74b10f32ab08e9b0caba2b916b648284682f74ab --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_829.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27467c2cafa956afed924534a7c7502d268d9f69db9ca28b4f6ea34f87ed5a80 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_83.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_83.pkl new file mode 100644 index 0000000000000000000000000000000000000000..73cd0b6e45f66febc850ac2b6ceb51e0e6991568 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_83.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85744550d215388482c80d10a1034fd99c5d351ac0a622d4b3f8f517a27042b1 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_830.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_830.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b2054764a8e2196493663390be9e2fa277d47092 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_830.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f96bba193b6e3e0dc0220b17eed167cc9550f55929d07e692aa7cf991acda57 +size 25748 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_831.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_831.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f2f6f00ff23991cbfcddd99e61ff4494d1bfbacd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_831.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a2e5cc58bf30ec6f7596db5a11c40a21f3026fec87accf77e7f66a838ff7a59 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_832.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_832.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a2b95a39cf0396bdb232c4b4d807e4ab9a9d5376 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_832.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bf45537e9d8fb1c56b869aa96885137bd572fece2aa5e04e2380c3c6045fa55 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_833.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_833.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0838adbca9e20870fb7d9533267af15152acda6b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_833.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4b5e740e09383748cede720a9d6dabe4d9a7a05f780af69b75c42cfd8d0b037 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_834.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_834.pkl new file mode 100644 index 0000000000000000000000000000000000000000..eeee942efb9fe270ac18fc47e8df893f30362176 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_834.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f19f15376d26e3ec73e5f224078f4a1302e09895b6695caf4b458ba517c2cb5 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_835.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_835.pkl new file mode 100644 index 0000000000000000000000000000000000000000..603aa2195d3aeb0dd2694568a2392f93f2fb202b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_835.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:115b0e01b8731aa2980781b6e553e2bd68a6d63e8b7a9d59e7ce02b7fa94ce9b +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_836.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_836.pkl new file mode 100644 index 0000000000000000000000000000000000000000..462877cd19a95e3ad1693456e81d821239c89acb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_836.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:60280d7903efc33d7a0d1c2e8e069346dd5c83b8dd7aaa579b7e369dcd06e48c +size 25750 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_837.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_837.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1263afc28b765706e5f87a2d33024ef1d4cdfd1d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_837.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bdaafef7e03bb9be16c04e53273db5acb63da394883a203d8f466bee15aeae01 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_838.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_838.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4bccd726bc3d5a4ef23a3146fedcf3a5fe856e21 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_838.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f6fd1b16faace5ffae482782dc0081104c5b2faf08c3e036b82f95b87e97a45f +size 25749 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_839.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_839.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ce07faaf7e21276626f0236cf7da508f57a6bc75 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_839.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f498ccd346233dba875c1db5a3e72a5ce5b6dcbb374a33f0b518d677d5675e92 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_84.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_84.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e922a6f924064b57ebc49dfb86feedd62112ed3f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_84.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1331e0ef013374bc99e50313f633bc95fd206df7116e3501849ea71ca678dd24 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_840.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_840.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1f574c67dd0d9e100a033c2b0988a0243d224391 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_840.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6075f78de1141d89f796d0c82fb6974bd4fb33069b252c8a6c0ae3944013021 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_841.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_841.pkl new file mode 100644 index 0000000000000000000000000000000000000000..463c214f7176049b769af7e617af1f78eedddcf5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_841.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbde6392dff1b317fffa0dacc89473fa9ed8346d97cb105d3af24ceb73ccd31e +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_842.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_842.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2097d3d77d54707397a58358e3547e9ff7c8b464 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_842.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57cc209b6b5cbd3a41cbbb4b4718588c385a8fed3d3e8b2398bf29df06f7f130 +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_843.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_843.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8230aacc974a37a9e539d0d82e1b5f49c245d72f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_843.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0f6d32aeab198531ac75399a40333c90497d02dd7b98a0ca3b322a911474093a +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_844.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_844.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6aa369449f671d948c100f2cc7f95b09ba8d3ef8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_844.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f6a474a6c794f16dfa9c6197a90ae753fcbeb87669d3cdd635cb9251df17a78 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_845.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_845.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2160c7c3eb9c43caf7cf2cf2a3b231b0c599876e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_845.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a9c4cbcdf4d3112d89529c4d5ad877acf77f09662de49e894c2b9c4e0d870f2 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_846.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_846.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d698b518df0eecb759f0f4cf95b43856efc1f2c8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_846.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6cce18daa5131b7c226844fedda1119ff03bc53c68d7a11d4dd1b30f8abfe9b1 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_847.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_847.pkl new file mode 100644 index 0000000000000000000000000000000000000000..480f6f901ab9d531d606962b78067d0ec3b6d06d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_847.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c185ea1900a5b3474ce0eccaf190406f4977a6b955ac2603fcc3f71c4daecae +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_848.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_848.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0c56f70523df7b78ec3b297af2c29ba471c09300 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_848.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa762cd54d8654f1529e13df83bfd555da5d2d9712995755a8b9d9656210ac11 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_849.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_849.pkl new file mode 100644 index 0000000000000000000000000000000000000000..794046ed9b041e3d35eeff372f2a606ec6a4e0af --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_849.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68ea353c02e5fbec60204d416f04b77ceb45c228c0ec1e4396d0db01e2ca4eb8 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_85.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_85.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dbdccfa60a438eb5f04e9107592a0e1f90f89841 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_85.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a2bde544d842744525b0b587f2e4ae17993b61ec38b10ef2148494f7d8188fa +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_850.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_850.pkl new file mode 100644 index 0000000000000000000000000000000000000000..75dc7df2d56f3f1b576aaf57f9c3baf44b734fdd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_850.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51cf5f66c05444c44350b9e45d135ccb1bc529e510ba04c92c41e1c5e13165d1 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_851.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_851.pkl new file mode 100644 index 0000000000000000000000000000000000000000..edb309c4605bffc09c9e2c889a684359863c64a0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_851.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6433ee6a57bca2834863ebdad2c1d2bdafc3ad862ca793530cce0f8acd6129b5 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_852.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_852.pkl new file mode 100644 index 0000000000000000000000000000000000000000..71fff1bd4115ec7c75b31383b4710a8939077a39 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_852.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aee6fbc156a22fac1a305fd014d91142193f531291833df9880da1b0a860d874 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_853.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_853.pkl new file mode 100644 index 0000000000000000000000000000000000000000..37fd1750b8f26aa486e9e3da392e7ac5d830ade8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_853.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:be596b333a5f2e482a0276cdacdd080983f6b8513853d0ac968321bba4a23b87 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_854.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_854.pkl new file mode 100644 index 0000000000000000000000000000000000000000..64090c5d9366e65a59b40289de3510b552842dee --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_854.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52d381e0e688393423675694475c15220444a54bb6a5c0f298c7013fa7ee581b +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_855.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_855.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ceb735baf8d212253a7c9975f2dfbb5529013285 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_855.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bfb7ca7380420b42a1c683177396de871c0ec50133c7ee31ef6a5207bdcade76 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_856.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_856.pkl new file mode 100644 index 0000000000000000000000000000000000000000..77d18c6d60721bdbe21f7d52428708f644ce0f2c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_856.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ea2b01f36cab3271339d9ce7df0bae08b71ba579234c7a38c81adcf8ef58d848 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_857.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_857.pkl new file mode 100644 index 0000000000000000000000000000000000000000..59073af0b90e154c7a569bfbaa4ae1546a3f76fd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_857.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4d6aff41d78d302542da1cf7a26726ae8b8577562e01023f3faa5e53427321e +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_858.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_858.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e591dad1ae1e9578c2432201af2d4f6665b229d4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_858.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d69621199cf3ec7c35c47ab7cadcf048d72b2630a2ae4f361c07540fdc29e53 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_859.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_859.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b9b9f1cbd9ab6e95c44057886612fed442d8920f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_859.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df7f379cc8c338cb668c0a38ba05c6b374f0fec05f029a872ff22ab70954b53e +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_86.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_86.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2e506b5de46fa1663793f00b755c04c0b4eeb018 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_86.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10b4aa9ced6708b435d83a00f445909de6758bed72b95544e2fe15d764384356 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_860.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_860.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b6fae364774bc61b879ab6f6fddd039f3d9c2779 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_860.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7c2c6b1f3ae9353189c6c0f6f51fe9873948b24bbc6d1274ebc9599d664672d +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_861.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_861.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ea6c74cb901b990023f37ce5ec5e209cb409a224 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_861.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca1897e824aa19dfc32ad87746fe117b213776bfc579e9021ffecd4e60ab9f51 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_862.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_862.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a0617d1596efbfe22cac05dc07980d70c50f5c67 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_862.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d5dc9bbda25d13c6ab013c9f3deb9d5393ae5e1be47c28d2b75f7ead4e7fd2c +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_863.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_863.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e67714fcc396b1a3ae7f469f8065a938c5f3b895 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_863.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6da712fde477490faeb10f7188fa90fc0de0404fb17030f4ba2175a8a29639df +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_864.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_864.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b2650ca5af07a285bf11d6e077240875f2030bb8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_864.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:091d9e2c44aaca367cd471bda16b5e64534a9a7f488edf4a48266b2e30e90359 +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_865.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_865.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2ffecdec6966640c0a415ce9c01d9c51231127d8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_865.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1801d140ab9f2312be3455937e650ec73efe1bc371dc8cd8f1cd5c6bde5e0298 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_866.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_866.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7f144722f857eaded12ee497cac46f02726c62d0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_866.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:535bd6ae9c79f81e8288568c168d5f40d09b2948c1c0bd6392c66e57510fff53 +size 25752 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_867.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_867.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1e7b8ef39ff82ca699cdfe1d1148a36e7465271f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_867.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf072ad9ca47d5feb6764ae79a13c52f02afc5ad0972e79ea6152e50494a2f63 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_868.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_868.pkl new file mode 100644 index 0000000000000000000000000000000000000000..060881e0a238ed74c1bbc62c283d198268d9ec4e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_868.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dca275673dbb71647bb5e0b55897283e4c1b89fe89d272d528d092bb613d66b6 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_869.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_869.pkl new file mode 100644 index 0000000000000000000000000000000000000000..64e896b6bf7ea22c82c017179306e5fa5ca704c0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_869.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:401059cfe21f0adb5e2c03d688933be948ea42e71acd485e7a9af4012c48977e +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_87.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_87.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fb1e50160251be48e724fb87e7206aed0b5d23be --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_87.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e058c80f1ee5734cc38e449cbc12c39483a755f88aed0fafa54d1e4634019b5 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_870.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_870.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0accac3b91eaab19e9c946195e6e4bf51da533cd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_870.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:00070a070d45c2f8903b7f4352367f1dc23fa03edaf73ba9f6bf7d870d3ce569 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_871.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_871.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9186b47e35833ab7befde929779a4589902c84e2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_871.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2808f8f170cf0ce3373dd87fd8605a1411c9f44b9cc686398cbd927145ee2960 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_872.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_872.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ce3318e1e48297b40b60ad9faf296b9e0b0fb7d1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_872.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f7025da6ae96edcb77d9e5204c6928377d7ef719e85ac3aa681f1747f845230f +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_873.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_873.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c178f6466a9138700fa5d1d2f3973938bcf32956 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_873.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e2c7e6187e592166c6720f7ad145d76ce3d184d255b7f3c1db911df26197a09 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_874.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_874.pkl new file mode 100644 index 0000000000000000000000000000000000000000..823db0fad38d92932d8e305f3976f6937bdc0bee --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_874.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0a0742b32a9bc480ffe38b085b94d60d91c9072c5d8f4d2e6bda9fbc6861386 +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_875.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_875.pkl new file mode 100644 index 0000000000000000000000000000000000000000..62c7f1a8d8fc9b63971dbd2e8fe9db1d8b6f9e4a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_875.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4687781ca3ade4ea141649b588eddec608be70918c6446e7b1f952758e35562 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_876.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_876.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1161bce8dfbee7663038ea018b3320de25d1e834 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_876.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ed921282da8ba7d22d9e155287100f9f5435fda4ac3b32616c59066872d5e41 +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_877.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_877.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9bcff1cb563f3dd6e2f618742dda39a3285a0760 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_877.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2f8ae038e586c1f25ef5334a84de4d8b7a53bbbd7b3896b90c060816be0617e +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_878.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_878.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5b044af1c955ab17d1e8c49ac1f0ec670a8f7447 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_878.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:430ab95a2e4aeeba073c7bb0d17b8294df6892a7cf6f3e8145f27659217b3b73 +size 25752 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_879.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_879.pkl new file mode 100644 index 0000000000000000000000000000000000000000..199489369046e1a408d3caf3e58c6622f2dd7995 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_879.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d44f4fef36435035c7131b408512c9764d65d42bacbc29c4b6f64fd3303cf25 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_88.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_88.pkl new file mode 100644 index 0000000000000000000000000000000000000000..33d877f3f1ae0c44ea01d33d61f21a29391a7f3d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_88.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:634bce0a3915f68a25e26585cb9f758a30fa2bc4f0b1ad376cdbb90a80a56862 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_880.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_880.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f766e8c8d8d382a44e81569727287dee69035570 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_880.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:566351fb8c6b4e800215418f15d51fead7cd879cc24e041e1656b7903a6d4437 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_881.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_881.pkl new file mode 100644 index 0000000000000000000000000000000000000000..af753a8c4ad2102c00eb31076c08ccb582f8384f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_881.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7917c055d9b0e33d19d27e074d829f46798aada4a1b47cebe0a4313d14e43d3d +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_882.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_882.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0e526cb6011114c2efb3bdad6b99ac9d9362335f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_882.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d55a0366bee280615e33b4ff84794107a397869dc0f402e75166b71ddf47786b +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_883.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_883.pkl new file mode 100644 index 0000000000000000000000000000000000000000..44bdd7376c8c6cc2fad458e2d137c8067c71a40f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_883.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa5ca4ff8cb7ef4515f9d531848d1dd1ae29e15f5748e24bd52660616724cfc3 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_884.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_884.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4d224b5ac7f27d4887f0b1c8a2338d11f3513fbd --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_884.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:46a89d4ac97416d9e723977a68c71238d22b19f88d151db5c8ff081eb66980d0 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_885.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_885.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cd16580cdacad34d9b83acb6e658e0bad8643e76 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_885.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e138c84e13c48cfdb0a24b9843451cdf0f12a8684e28e9323783d71fcc94a1bb +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_886.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_886.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5bb1ebe3c1f966bf5712f8610424317dc13653e4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_886.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16e39297b70aece868cbc885de88c799a53636d0af65dd7c945054eb2c18c950 +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_887.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_887.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cfc8cdc56c2c54f959508d4d3ed59bd64efdd343 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_887.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:892677d6b88b07a19c2794cf2796446cccc798611a49a48b7178859cf27c1f93 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_888.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_888.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dedf66322037b7c7521edcb6c01cc9ba021b8a4c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_888.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c618c6a1b0340decce3dcf06b6e102283147e165299a70fb97cfa22feb49f5b0 +size 25763 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_889.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_889.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d90d06ec59b1e8cddc71d765dc6818edeb010340 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_889.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc1b5d253ce67bed1ffc9a5271319088f8eeedd16c84144fa3d1fe5b8dea5a5a +size 25775 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_89.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_89.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c39a00ef209e5d9d4a5e5e0d04f05cc962e1c47a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_89.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eaaacfb28e577a236cba7dde34465ffb7e7ae1b6952e2272fd7717f1fe7d769e +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_890.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_890.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3dca73fbcbbdb86890facb9287b576ce354d1b97 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_890.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d03c8540d053b714cfe33280f7715cc037ac5d36eb3d7cdecaec8f469f2b94a3 +size 25757 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_891.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_891.pkl new file mode 100644 index 0000000000000000000000000000000000000000..39fe3b75f74d39e14b1050ea1710ee4b294b4b47 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_891.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efa8d9d12679402c39a6bf0223c040f06e80f20d1111cbda39ed859276475e63 +size 25769 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_892.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_892.pkl new file mode 100644 index 0000000000000000000000000000000000000000..92eef959086c0e6183f41d92aa23de32179f340d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_892.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c980a25ce6edccc7528fe219be5ae0a44b4f5ffd7a902e26c0c65a1c9c95f331 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_893.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_893.pkl new file mode 100644 index 0000000000000000000000000000000000000000..53832e20ac6f71b3280fe02c852a111065fc719e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_893.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab0edfffdab586df143b4a2b2753140fc6885740267dca17f85a9d71e50551bf +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_894.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_894.pkl new file mode 100644 index 0000000000000000000000000000000000000000..afe2acdcb93a972f2204658879d5a23ead795aeb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_894.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e1956ba0de510ac14a8ad5ce07c29cd3278d12fda617edb83b4f574697ecf38 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_895.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_895.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b483c1b9438089849b253bf30398613913c75c83 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_895.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7335b5b7a6a49acf326f6a8a556525e834ba59179c26c3b581a15b458d3015e4 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_896.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_896.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f9e8817591f9219d58b3bbbd1281b940f969b522 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_896.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d463f622f23adafe09ee1436cf0b14fec15855dfae12a1c646f001d82ccc6c5 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_897.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_897.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3bfb756f038178629a4d6a9e5e33d38ea287e194 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_897.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4840f3a162463e050d1b0ac7cb76ce0aed4303751219b86e170cef2ce63b26fb +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_898.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_898.pkl new file mode 100644 index 0000000000000000000000000000000000000000..12dab8055f99457c2edc4c05fb59be03672748b4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_898.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e4c89ad4c54904e93683332fabf1b7f319ffcba8ca2500eeb2fd58c951c08f4 +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_899.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_899.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d3bf27081469cb7f5b3558279e28a16807b6b44e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_899.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1799fded2f063e1ba2f72f5a35fcf0a619c398fc75b15690b3089bfaa14017b1 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_9.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_9.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5d73f91404f8796250df954954dbc111749c1596 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_9.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ebad99d65af13f09c5d5640d3f62d5427a886d943527eb20dd7ab1a9fdd79018 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_90.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_90.pkl new file mode 100644 index 0000000000000000000000000000000000000000..df8c6c3b7f02d68a53564cb952aa24204fd0d1be --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_90.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca4f2ebff3964cb5167e4a4a877a2f33d6ca1ffab5ec6cff2365eb0a67cf2ee2 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_900.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_900.pkl new file mode 100644 index 0000000000000000000000000000000000000000..25bec76fc306d6b530b9592e34ed020b8d0b2d95 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_900.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f37559088d086e38905a31c43ff7cc5b7c55e32598803058fe776ef6dd83ca95 +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_901.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_901.pkl new file mode 100644 index 0000000000000000000000000000000000000000..80a8d9ed0982aaaa17aa9ad497dafe6fa113892d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_901.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6256134f917e00f61585459c8d8213bd399ef523c46ddcdc5b7765a478e0abfd +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_902.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_902.pkl new file mode 100644 index 0000000000000000000000000000000000000000..aedf855ecae8b42abc96f7cbdc862524dbbbf21b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_902.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba15ced08a2d72cdfe16a4933e30ace349083295aa00397978d66955a7ee005c +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_903.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_903.pkl new file mode 100644 index 0000000000000000000000000000000000000000..302adf0802bde4c5f6da0ef8b7ee7c56d3649062 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_903.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5342d3bf71d254a4a01593852282621fcbde8b2c71e220fa57ab44f1e73753ec +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_904.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_904.pkl new file mode 100644 index 0000000000000000000000000000000000000000..37256aeed792f1247b05aa67b63b38deaac0d06b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_904.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49f9a35d34fea197dde425985fdf1d88cb234756ee8969e469da2e1c74a63284 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_905.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_905.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cb2b960de19d0a6dd9023873266bda0d3c88d769 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_905.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2a4c8fc68b5711aa571a98d7c322b1b75c0771bba5267a9dbceffc4555d4489 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_906.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_906.pkl new file mode 100644 index 0000000000000000000000000000000000000000..faec9d470096da62fe38fe38dfbe05de182b6842 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_906.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52f91648bf44f4f43b394668b0fe94a811cae942d6d75b74183cdc8c99117e94 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_907.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_907.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d99a72a7d7e3b3f1fd2542f338fdb554261bcc20 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_907.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac66e7828d407e374c5c2c80648fd184b55bdd34723d5b549784b2c9dd8a7342 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_908.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_908.pkl new file mode 100644 index 0000000000000000000000000000000000000000..69d8e1709223a296dc7a51218457df486015b251 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_908.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8030c2f52a5836efdc35b8962dcea267b2c2a7ba48ee6b6beb1da8b3c0b3258 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_909.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_909.pkl new file mode 100644 index 0000000000000000000000000000000000000000..adf919bd858cdce41a673a0248ba24d24f6d825b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_909.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96f5fc509b272b6e54b5cd54196fc9f7ab5f9203d7c89c59db1b015fe1768deb +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_91.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_91.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c531584c1d83893d8a333895d5895262a6fcbcbb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_91.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:406b9815be3a3bf5363616133e2fbb1d428fecf79813224b919b274a0b6b5960 +size 25780 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_910.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_910.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2b0cbc2a89c82702564ce0e6c9c74d267c7ebd62 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_910.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31988f85d3c62ee8ffddea19e0ef889d1a0cdf847a8520dbde5b6d6f5070e5e3 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_911.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_911.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b53b6529237c7e8711f011a8dfe4b0e85531e697 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_911.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ab7ac33798121beaeeb90f4391ed3fcda24c10dc4f641db10891d11201e826e +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_912.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_912.pkl new file mode 100644 index 0000000000000000000000000000000000000000..04fbc3950a2f9bf06362794f836b6f52a2de27e0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_912.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:148b39e3ca54a987c0bc69bc5f7693736c3d73f536247325ce23d67be5f771eb +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_913.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_913.pkl new file mode 100644 index 0000000000000000000000000000000000000000..71d62bad69eed2357472337c7ebaad7d37c08064 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_913.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cdf418e2c128f49ae9e294f7dae08b89e3abbc5560defb8c907d28ddd24036a +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_914.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_914.pkl new file mode 100644 index 0000000000000000000000000000000000000000..295a6a360b0f4c7043916d42a2805624ad9bd2bf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_914.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf260cdb482de63c1d2e0e10d7ab273a0149dbc8211084f138349c759bd78c02 +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_915.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_915.pkl new file mode 100644 index 0000000000000000000000000000000000000000..788d2484d508fafb75b5bdd3fd5f569739fc6a2c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_915.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57becac5c2764b0a85f74bebc56c7067d2610f7c429607b99fe2b5a0a3e2cf1f +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_916.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_916.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9dadd33785445a371fb384035d5c42e85df434a9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_916.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e5137a2dfa933dc8082596a8ddbd44f201501b76140e4ac9e08b4e196096a80 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_917.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_917.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9b59286c52de31a58927cdcdea6b0b2303ac590b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_917.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3affbdfb29695de205551797c0c3c00f8f5559aa3fad3b65d04e93dbd39d12a +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_918.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_918.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3c5544b159b9c7b6069d22faa034e2b507b4d361 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_918.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6df90df14035592fa22237c009df3b0773b4ad687a2c6701c77f1ad63f5332fb +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_919.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_919.pkl new file mode 100644 index 0000000000000000000000000000000000000000..94d8be1822724b5f537c60c0ec7d6903d0b0044f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_919.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e747f7a119f40794cc759b88e832ce7bcada869aee6670e3b3aa9bdfe0aa625 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_92.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_92.pkl new file mode 100644 index 0000000000000000000000000000000000000000..52d81c4f6a1c597032a1c3305bc26183cb581426 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_92.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e84b89a2c5a7aeb1325dde682f0e2dca1080e1f60a25cc6d69225bd219c906e +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_920.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_920.pkl new file mode 100644 index 0000000000000000000000000000000000000000..51d8628b6de21f1fb8f2c9cc415e90fda69d2209 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_920.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c249ea8215339cb67a94b851a838d4b1dcb7ad6b6ff39120a458f1fd608a7cda +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_921.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_921.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4d3252ac9db69e8c988546b9e45e422fe8b42af9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_921.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d74cd55fa29fdbd96c25f896fd9f7243842394c865b6fec20de2e346ac1973a0 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_922.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_922.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d5d790866cdba374d0ea1b39f1ea29c3447a8966 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_922.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1290abc3fa5cc6660238c13fd882d324f78d9c475d8d134b32831fbd3572417e +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_923.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_923.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bc8d8bb7f3c3e160d6a620b4fd35ab5d3ecb4bc8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_923.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26c58ebc6652f0114c2841b2622f3e23f233e917a966136a9a8e61c9c3bb4c15 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_924.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_924.pkl new file mode 100644 index 0000000000000000000000000000000000000000..333fc67431005289af3df3147fbc74fbf048143c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_924.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e64b90769c7b0c8198274b813e84384ccf36155da802496964e2b6dcf006afc1 +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_925.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_925.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d316fff4ffd98b456500b73514275ff6295d2141 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_925.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f7de4986b169ea3d0f1660b0990d6cd24b43bdda729f9552b5642f73c33127c +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_926.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_926.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5077898b6f3425bd1a92a0762e8a1228a90772d2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_926.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ef55a557d609b0b0516cd1dd8712de65c8fb8af66d867bebb6a67916db50861 +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_927.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_927.pkl new file mode 100644 index 0000000000000000000000000000000000000000..967ec7c11860a9305a753b725f12b37e373d1de4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_927.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:edd24dd03b3476893c848c31481acb5226c92f5a98800f53fbe09d4a990c49e7 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_928.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_928.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f6d8fb04bd4bbc4713118e0912cb3806973eb0e6 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_928.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c167ba0add3e6921016272f9c06e0f4ccaa978e0cca9d00493846705e3e50fb2 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_929.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_929.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f76413a617f585b9c81d9e0880a17297d0856760 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_929.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:664fc63751cb097f149f3d5dd44621fb166851517c77a1f5f61bcc9abd00ba9f +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_93.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_93.pkl new file mode 100644 index 0000000000000000000000000000000000000000..331a54cf0644d76a98e714767bc09d2eca3b2866 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_93.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7d92bcdaa66fee3aee57cda8b50e3e98fc4997bc6c9c776eaca90e679f371d6 +size 25774 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_930.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_930.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4f99fd5a6631d382f2a43c50f577ec1504580a2b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_930.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06d56607d638f43bebc752bdde784b62394b2e3ee096a1719aada9dfd7f6a3b3 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_931.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_931.pkl new file mode 100644 index 0000000000000000000000000000000000000000..681f03e6158111aad453ed51feca317fdbad36bb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_931.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0cdd29ab17000400bac690fb3388a140e8415cd630e8eb8b55d51e68b8c7207 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_932.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_932.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d7c2335d558401267d2c815e7174f4ef3e26be8a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_932.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cda8b11581fcba44d394f595f7566240d3f2218d4a50c2a7b24b84df3e359d55 +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_933.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_933.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9b4c2493c91f8a1488fb30584c774efad166ffc1 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_933.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8dc7e7f26b0653f45a7919e245986bfda4b6cf34dc742eb2c8f2b29caf122b1 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_934.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_934.pkl new file mode 100644 index 0000000000000000000000000000000000000000..349fcfbc43b40eb078062fb3ac2ac84f0357391d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_934.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03e3a3070fb976ce334b2f071a1e6c173ab13938c7926ca1a275065d58e4d6ac +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_935.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_935.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5c9782c5b5d0a8b3b20e79c42c2910eb4b29ab71 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_935.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a14f9581b8fcb45f8fa2ba19ac77a918a4ff8688ecd7cf7b9d1c8e94a8e8538 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_936.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_936.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a885f1dc89e9c9d097e3eb8932f9da803626de97 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_936.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45c65cbef807522e291d96b60bed1708e1d2881573f7922ca0b9fd579a41f61d +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_937.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_937.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a705303482a040f7d365efa0d12ee8a71d86f545 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_937.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eef873d7640307be4906f238a19acb56058adbf793726b145451a285a6e62977 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_938.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_938.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b741fbce983c408c1f16051dcfcadc779d4a541c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_938.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f92929649ff28626296988132fafaab9fcec22686b631d1207f27c9b4aaab2eb +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_939.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_939.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1d30791dd88df845af65bd88c9c59c70f9021001 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_939.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1236a917ee8d20727bafad935104662d16ccf3b452d6686ddd17a5be1bff6c8e +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_94.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_94.pkl new file mode 100644 index 0000000000000000000000000000000000000000..36faab4afb46c38439ebb3f3879da1d4f6b285fc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_94.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f4d626cd02d64699d463601c9a1bc0124c5e8971313705d7b11daae7dd85354 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_940.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_940.pkl new file mode 100644 index 0000000000000000000000000000000000000000..601d9d8c4def16efb3da581f3da39adb9fe5c461 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_940.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:712d55cfe4404fc56f33dc44766e53fc822f8e73a5724dd0241e374d03998011 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_941.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_941.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a8fdd32dd4ac123656fc5e92e89556eaff5641ef --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_941.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83e1c18685d710755076378189c89fea67e2fe57c28686ff36fbf0490f546202 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_942.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_942.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a7984a0b7adf157380711ab9ea23100b6e6b2095 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_942.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:519eefb31935a4d6b5272eeb8b971a9cc6e6864a5638a26883f587e5f9bc9b9c +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_943.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_943.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0c208c7926f46cb0e851c0d47e6c762f3fdc672d --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_943.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:748f28764dbe0b373ed73fe09e5cbb9a74d33b28a174c8b3dc065e5635db9b39 +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_944.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_944.pkl new file mode 100644 index 0000000000000000000000000000000000000000..725f948a54fb4d69e7d889de56f19d16734634a9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_944.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f687085dfd6b69cbbe4a8208fad97148eb6888293bee19a15313352a2534513 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_945.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_945.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9146de3226732cf458635ed880654cf6d32a2918 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_945.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c473f61ddff9ea0c1baf1e1d6c6f3ac9c5494ce7c4824ccc7e1c54f493cdbb4d +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_946.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_946.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8a66862bc67d22e26deeb837003098985ac516a0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_946.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:edb7141fe560ea3291e8f5efc148ecb043b6fda6a9210a1f2e9e0a8ff6a6d19a +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_947.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_947.pkl new file mode 100644 index 0000000000000000000000000000000000000000..13bd639d4bca3b00c60c455b1f6f0a38ed9bf6c5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_947.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2b9f0d8e6c3d693a2a36dd3da77b42f3f8052a6fe54bee01fcafaae94102ad24 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_948.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_948.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cb9dc8e1da7425ee34e603853cf7e19163798a42 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_948.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2e3d871a6bc417d7192ac5584f656b18cf91f0b4a1ebecd90dd2436176a9512 +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_949.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_949.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d95b448a16aac639523c577fe1d232942a54c841 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_949.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:634c86f1d79590675ff47ed385a03abc4947b232ca42b120d8bbc98fc43bcaa2 +size 25777 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_95.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_95.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9e7859d85e50cfadb9de294ed8a1262032a72cef --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_95.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de48feb5538f15b996a212742ea967edd3b3609efac61637d5269696aa467057 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_950.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_950.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a0ebd68376100f38b4ad52ea3b277da0ebf2c2a7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_950.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b5cc6584b5e6a5d9d4d523228f24074dda86dc5b93dabedf5b93d579948e39de +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_951.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_951.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2188a40b009068155d2a0bad80708863dc3365c7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_951.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0689db212e8319c6885e784d963400b63aacfc4f15d25d146ba9dcc2b29a4aca +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_952.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_952.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3d262156ee65cbcd75bd86d94ff72a5e5dab7d2c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_952.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9131dc0a514242cd2d88c810837bbfc581d18f92bfcfdf0eea4a8a6b8671099b +size 25778 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_953.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_953.pkl new file mode 100644 index 0000000000000000000000000000000000000000..aab8554420c7354131a56b43811cc0ef25add47b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_953.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf79a005d4586e29b07d40d651cf87734117052b5cb1dc1bf4140598e65ebc93 +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_954.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_954.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1c12663abc91d6b3c7473cfb74496effa107c117 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_954.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96144a57b64b9664489f35cc026a7824242ad1b0a081e03e01806fc72c88d135 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_955.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_955.pkl new file mode 100644 index 0000000000000000000000000000000000000000..321a60dbd005ddcae9c2763ecc1aeb4589be10e9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_955.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ebaf95b153f12fbef18abc9b017d89abb17824dd0a3b31c912986ce12416ea0b +size 25779 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_956.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_956.pkl new file mode 100644 index 0000000000000000000000000000000000000000..566e46ca9757631ae6da7dbb4a723b5d251f8761 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_956.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7930d4f54392d17464e7de5af5c671664c700fa1477a584c4b80bccf11b1df05 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_957.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_957.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c88ab2636876815e203c8d99f7e46c921fc549ab --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_957.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6280f46b792590f1422055d6bb0534d9869958d1d82999e1489e9449e2352fe +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_958.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_958.pkl new file mode 100644 index 0000000000000000000000000000000000000000..43955ab2545d6d3bcd07839264d4db866f7d1389 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_958.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee7036150e83c5cfd5a7de8fe6b0928f28d6cbd1c047f3c35ef7fb86672fd01b +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_959.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_959.pkl new file mode 100644 index 0000000000000000000000000000000000000000..60917653f47a84286cdbb85686e4ee435ae0db60 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_959.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9714d17275ff7fafccb647594c2090735ba739b5cbd51746485134f1c86b53b +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_96.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_96.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f7837f7643be5a5f411e95358586acdcedf06808 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_96.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5437b10effaed059732642a776c8b3140da576ecfed0be0dedd9b64866843ec +size 25764 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_960.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_960.pkl new file mode 100644 index 0000000000000000000000000000000000000000..72d5a59eb0916153aae6acab36284e8fb33c492c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_960.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de07e8939ed9ebe0147f250a573ace4b0859e318c8c53414f3018776c1829365 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_961.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_961.pkl new file mode 100644 index 0000000000000000000000000000000000000000..a7784d69c5821223e38afd53a788107d0f61eba7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_961.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35216707d271ba581f212702dfe1f3968cc961e6a0cf1c27d90863ea4a93ad21 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_962.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_962.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e8ab8d398d4cf3f72317eaf088fab52ddd397e84 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_962.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e67e79737306dbc70644c38fa094d7ba968ef0e98c7f47ac9301ff3e4148577f +size 25748 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_963.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_963.pkl new file mode 100644 index 0000000000000000000000000000000000000000..33d868a034e8bfed414cf546303dfd7c49be0a19 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_963.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7961797071780df6872dbb5c37d04d65d9a1190c54333c26d07bce4400c3c4e +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_964.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_964.pkl new file mode 100644 index 0000000000000000000000000000000000000000..cd2779dd0afb954c9e30df5b7db8b6a726b390eb --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_964.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:11d1ac9441b19a4a45fba2eea469300b3cfba06df8a85e77097d0cad87ba3bd2 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_965.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_965.pkl new file mode 100644 index 0000000000000000000000000000000000000000..953bc2c97b503fc34f787d30e64237d3fc501771 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_965.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5e24906667567a2083ae8c451acc66fa3cf0107231afdac5ec2297c4068ec56 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_966.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_966.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4b23a677f9973f6a4506698ffcd5261307009c06 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_966.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b84b2b7a904fef52c30d608e375ffd8abadacce2b5ed387ba95a99bb11f5003 +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_967.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_967.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0988d76a8c3de6db2ef2837dc1129b6f80ea0d61 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_967.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:193b610de715ff3138e0e180caea8c56169b24a899a3da4d8d976383f8eebe88 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_968.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_968.pkl new file mode 100644 index 0000000000000000000000000000000000000000..62f7515098608323344d9d5ff64fa62d8f7d9c82 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_968.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b5fbbf9aef4f2338a6da9086e2e3617debf5ace6f82258df95c0063a07e5638 +size 25750 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_969.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_969.pkl new file mode 100644 index 0000000000000000000000000000000000000000..42fe18bb90ec55a5d1cba01dc9e47357c099e911 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_969.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f4078a40176951db57b9a5702c1707c6f0c823fe39adf124f42a494bee5ccd7 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_97.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_97.pkl new file mode 100644 index 0000000000000000000000000000000000000000..31735a765855dc0b0b1e77d389bcdb7092f0b273 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_97.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:826ee5e7b16b06488262d77294f744d77f2f60a5e758135da5a5ffa1bdfb8415 +size 25776 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_970.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_970.pkl new file mode 100644 index 0000000000000000000000000000000000000000..92e8453dfbf8db4d6a0a91e33f8cbc1b9e3917ec --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_970.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f98d85b87db925f4b0aa0968dcc5a7390176179446656e95d07e660cc643b8d +size 25749 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_971.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_971.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3ce01f5b8d9bfbbf748b972dd9aeef74c59ea219 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_971.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc4a0653d5790ba7a0bb7fefb5e4712d947634ee7d3d5599f50e4d701e7e9136 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_972.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_972.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6222ddc98f3762b05a85f1be0f69e9bf7d283b07 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_972.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68f97ead68f64657e0dbadc9a80fee8b401a116c18a4f8bf8d257a83570287e3 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_973.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_973.pkl new file mode 100644 index 0000000000000000000000000000000000000000..39a427be2af06fe9e506381e6a86a414f91fb527 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_973.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:103c9e735030de2d78b4af541b48649c1331076b5e4d744fc91e0d80cf82dc13 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_974.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_974.pkl new file mode 100644 index 0000000000000000000000000000000000000000..120bee0e722e1f6ab6be01102960e2bf35a24036 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_974.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73cbefb54cf62858c87df9379be8fc8e78a67c0c80c51181d34cddc3e856b736 +size 25748 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_975.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_975.pkl new file mode 100644 index 0000000000000000000000000000000000000000..98868c80113e1247134b3e1d4fe8d087b98eb4ad --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_975.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65134d8befe99c2fd66ca93d25165444c193c491c3fe5cd6738fb1fc3b05bcf4 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_976.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_976.pkl new file mode 100644 index 0000000000000000000000000000000000000000..7feb64fa2a358b17951cd9f3024b84c7044e6f6e --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_976.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:487e17b7bfeb92cbe4b855157b54aeb81183e41576b1dccc2f0d18d255641109 +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_977.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_977.pkl new file mode 100644 index 0000000000000000000000000000000000000000..1477468e061f5013fbd384bf348987b9f4ecac07 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_977.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:abc65c6a622a962c6198fe924cd0d74ec025052620913b98c0fcea883680554c +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_978.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_978.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3ecdffd7ccbba7ff3b0916a2adef3ac401642fad --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_978.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35cd0873c71b9fb21514872c8940c2588ea38c73a9044ba78680647a5a3c55ac +size 25756 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_979.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_979.pkl new file mode 100644 index 0000000000000000000000000000000000000000..36b142d82cc917275763edea3fdb304e4c7e2b85 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_979.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca3a6763b19178d4a5aa93ae6464d73fb29bc868703f0e707e87e4988d16cf70 +size 25768 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_98.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_98.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b3615f486a57f881991b74166af7c180926b2dc4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_98.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa1f4a3ab041cb99d7dc359933b4857be636d4e493d7cb41fc9743f38f951f31 +size 25758 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_980.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_980.pkl new file mode 100644 index 0000000000000000000000000000000000000000..5d9ca4bc262a6db5f8aa6a5e2652813b90f83853 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_980.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:298af5ec4b8ad5312680591bc1f42fca0a52624d71c6938e84965efff5491c2a +size 25750 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_981.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_981.pkl new file mode 100644 index 0000000000000000000000000000000000000000..8b6b6dd73446ef196934df392d285460a738e5cf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_981.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a393290c745d6eedf748266831ddbb03a9ae7ef247c3a75c9586a0d7694bb965 +size 25762 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_982.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_982.pkl new file mode 100644 index 0000000000000000000000000000000000000000..be500c574e8bf5ffcfd5a61b4cbb6094bc46f300 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_982.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5acb41a65fdd1cd4035624f49de2475df848aa518a874c0b2ba908677281ec30 +size 25749 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_983.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_983.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c5e94d8be6297dfbf4f4420075701e7da40daa53 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_983.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ae9f84126df492950280c8328e6b5b6bf4b6b26c236a4e60077d652a47a8dcf6 +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_984.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_984.pkl new file mode 100644 index 0000000000000000000000000000000000000000..40b63b67fa34070169653d1833707dd7c39b7939 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_984.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a167246016fe98d007b728aa2d981140408ce37fbecc0072671bfe2d26eebacd +size 25759 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_985.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_985.pkl new file mode 100644 index 0000000000000000000000000000000000000000..61bb6224cbb49504ddfbcdb91297c16ad52764e8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_985.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff568451147aa86fa0ea72f3dbcc1b2076d9acfa2b6e23aed2100c052bdfb504 +size 25771 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_986.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_986.pkl new file mode 100644 index 0000000000000000000000000000000000000000..37b3981b8a69c28de6ffd7e0c4eb0f0850eb0852 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_986.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:236d02fafd2f8514948bb5f53cec328e01139d2b59759c5b2e45c22875967502 +size 25753 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_987.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_987.pkl new file mode 100644 index 0000000000000000000000000000000000000000..65d458007d4c32f3aebcc17024566f5c386a7bcc --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_987.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6be39914f10561c190385130d5d76c422857aa0ea1f144111c0b9ba25abb8fec +size 25765 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_988.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_988.pkl new file mode 100644 index 0000000000000000000000000000000000000000..125220b1f074bc3a8679e7a8b0a81c3385b7f205 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_988.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b9eb5c7dbefeca4683a1099c036bbf542c3ec395dc08b18771f65d34e428c42 +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_989.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_989.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ab93a490fe2ebd2349b024c9d273a30a742bfad3 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_989.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b94932116d1a9f01e4b379b630730e027bddd290c7f2773b652590d371e1fce4 +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_99.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_99.pkl new file mode 100644 index 0000000000000000000000000000000000000000..70c458d263c120711d8b5a587985b2ea48a583d9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_99.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:330f613f1138a70cb55c14195464f2b8c98284f311f2ae197f0b874615921169 +size 25770 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_990.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_990.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ce53f767a19202a6695b8f9237d7d2e2b7edd66a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_990.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:824544bf8b5f793e4f1c43c25bbed082735d56ee22212bd90d690281cd556d3f +size 25761 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_991.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_991.pkl new file mode 100644 index 0000000000000000000000000000000000000000..3490a2381fcc5a61fb1fe869fbeaa21969a1bfc0 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_991.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4482fbf2b5b4f74d41bda41624bd9b59e50adacb835c32f1e981f1fc92778eeb +size 25773 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_992.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_992.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9767464172cca7da4082a315c69de34cecf41cc5 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_992.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70eca706a50a715dca999cb3d023b98df8526e1412b57ce517e7e047fbdfae5d +size 25755 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_993.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_993.pkl new file mode 100644 index 0000000000000000000000000000000000000000..270d2ac1f29236bc663c678ba8ee288fde34821c --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_993.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f3e716de85288d8673e8de897bd401e0580ad2654afc89760aa6aded9107e2a +size 25767 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_994.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_994.pkl new file mode 100644 index 0000000000000000000000000000000000000000..dbeefe2f39886cc3cf30b5731e06724a11111983 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_994.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8510b18be3438cfc1ecf2f40acbbe6ed5f7c8926f8c7b33d64d34f69958a121 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_995.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_995.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d18c6ff7cc3aa4c1c769a755dd48270ce13895e9 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_995.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1604541d9194910217065dc130dbde33af3834bbb343203c99d3d180aa92b365 +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_996.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_996.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f3a7162c93504fbd2d17d8f62eafadcb03167cc4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_996.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d657792a81bdafe88b69cba6391293ef373bad56a67df116ae8ff6c3dccf081 +size 25760 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_997.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_997.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b4e5dd5e9822cc5e6207703be954b3d6758101b4 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_997.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:28540164143d6e5a773537f10f2f087242066d2e310c7cc083da1a083f3550df +size 25772 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_998.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_998.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d06d03a792721f18ff1898071c4051dc5b629805 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_998.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f201b58fe18480d535efaf20872e970ae6e107b5903e7916cd69ff416d58bf3 +size 25754 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/model_999.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/model_999.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c1567544ecb41366350ffd6f6d3f582aad06750f --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/model_999.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89898bc5dbc0cb9ef5a64a73b7d9b8902e840027aa15cec598cc61c04a30696b +size 25766 diff --git a/Users/manojp1732@gmail.com/test-form-completion/Model/resume.pkl b/Users/manojp1732@gmail.com/test-form-completion/Model/resume.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0fb02b08ec6c446842c600bf0a02e74f92ebd38a --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/Model/resume.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:09cfbde0919396e2846e4e24f429bf363d9e2da9723f89a74af43d46c4860d06 +size 722980 diff --git a/Users/manojp1732@gmail.com/test-form-completion/best_models.pkl b/Users/manojp1732@gmail.com/test-form-completion/best_models.pkl new file mode 100644 index 0000000000000000000000000000000000000000..e760b05acc8d5ea32c80cae88b588c53d84baedf --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/best_models.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec4727a1b9b0076562ef963badf587fe6a768f4b737cb19e8f9ae1f3dba32e34 +size 108296 diff --git a/Users/manojp1732@gmail.com/test-form-completion/data_import.pkl b/Users/manojp1732@gmail.com/test-form-completion/data_import.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f40749cc63d0d384f91e2e18108b3fe6d314f5e8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/data_import.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9b1723ecead3ef697cd5bb18788ca3c956a5bbf5b33ff744815f4d7924a2c4d5 +size 30342 diff --git a/Users/manojp1732@gmail.com/test-form-completion/final_df_transformed.pkl b/Users/manojp1732@gmail.com/test-form-completion/final_df_transformed.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9f1ab8873989bec807f6ce756b26e21ccde578b8 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/final_df_transformed.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37a85f8d4e3e725a917bc6d63c19c1362c5e0bf57147d9fc9fafa3540b5a1590 +size 722720 diff --git a/Users/manojp1732@gmail.com/test-form-completion/metrics_level_data/data_test_overview_panel@#all_form_completion.xlsx b/Users/manojp1732@gmail.com/test-form-completion/metrics_level_data/data_test_overview_panel@#all_form_completion.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..fad62d416740cb67856a74dd453d81c915adc3cb Binary files /dev/null and b/Users/manojp1732@gmail.com/test-form-completion/metrics_level_data/data_test_overview_panel@#all_form_completion.xlsx differ diff --git a/Users/manojp1732@gmail.com/test-form-completion/orig_rcs.json b/Users/manojp1732@gmail.com/test-form-completion/orig_rcs.json new file mode 100644 index 0000000000000000000000000000000000000000..1169c5707d755c7043fe2627b1a57427d93b508b --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/orig_rcs.json @@ -0,0 +1 @@ +{"google_search": {"K": 37.36863497181699, "b": 0.5252230379571856, "a": 0.023178686856738528, "x0": 126.37417434683361}, "facebook": {"K": 4.21376718667775, "b": 1.347137688548909, "a": 2.131708151881397e-13, "x0": 0.6940539224631834}, "google_pmax": {"K": 1.0743680494895518, "b": 0.0352489641188401, "a": 0.08156823131392094, "x0": 56.076361730619794}, "youtube": {"K": 1.066456296017239e-07, "b": 0.01, "a": 1e-05, "x0": 1e-10}, "bing_pmax": {"K": 34.69759722359484, "b": 0.5214892819753201, "a": 0.01949654802942032, "x0": 149.42676720539606}, "google_demand_generation": {"K": 0.14079809699905346, "b": 1.8834196204508318e-08, "a": 0.33067367328794817, "x0": 59.73740006133066}} \ No newline at end of file diff --git a/Users/manojp1732@gmail.com/test-form-completion/project_dct.pkl b/Users/manojp1732@gmail.com/test-form-completion/project_dct.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c4155ef85fcf1b73507d86f987c3162311e5c560 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/project_dct.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1b9887c4baa9fe740f28b7dbb35d1c081b7962f1efa06b64c6e977cefc0b7a78 +size 1680553 diff --git a/Users/manojp1732@gmail.com/test-form-completion/tuned_model.pkl b/Users/manojp1732@gmail.com/test-form-completion/tuned_model.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c8e44181f1c185858ab7e9e2e488ab3e8158dee2 --- /dev/null +++ b/Users/manojp1732@gmail.com/test-form-completion/tuned_model.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:571a932499c66ec5b37938d9b62e1c09d62cecf30423e54d34e8ef55de995e4f +size 45386 diff --git a/Users/manojp1732@gmail.com/test3/Model/all_form_completion/resume.pkl b/Users/manojp1732@gmail.com/test3/Model/all_form_completion/resume.pkl new file mode 100644 index 0000000000000000000000000000000000000000..737be6cf1d29c41fc75548243d94372e9f814276 --- /dev/null +++ b/Users/manojp1732@gmail.com/test3/Model/all_form_completion/resume.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aca1456f99fdbdea158f41a41a7a75d5ac39e3ff688a0b22e09cbf165dae7359 +size 197113 diff --git a/Users/manojp1732@gmail.com/test3/Model/all_visits/resume.pkl b/Users/manojp1732@gmail.com/test3/Model/all_visits/resume.pkl new file mode 100644 index 0000000000000000000000000000000000000000..901d64c34049fde8809c3657e77db8559a3b1b94 --- /dev/null +++ b/Users/manojp1732@gmail.com/test3/Model/all_visits/resume.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32777f325fb6be56dc616a5dd61036c05949df07d0c9b41c09d76b69b54b9541 +size 197095 diff --git a/Users/manojp1732@gmail.com/test3/best_models.pkl b/Users/manojp1732@gmail.com/test3/best_models.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0a102d7320a69482dcfa519e5e52a6fe69e8b511 --- /dev/null +++ b/Users/manojp1732@gmail.com/test3/best_models.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96bd1260c5412d40b32d80864197e0a2b45ebe92c6b684c5625c08f4956cca9c +size 74408 diff --git a/Users/manojp1732@gmail.com/test3/channel_groups.pkl b/Users/manojp1732@gmail.com/test3/channel_groups.pkl new file mode 100644 index 0000000000000000000000000000000000000000..70186c4013ad7d9034e04294fae875a487933a14 --- /dev/null +++ b/Users/manojp1732@gmail.com/test3/channel_groups.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b99fa41d4aea3d9b4ed69d1cd7173ecb9ec2eebd15e07ebb04f35fa6fb62deed +size 536 diff --git a/Users/manojp1732@gmail.com/test3/data_import.pkl b/Users/manojp1732@gmail.com/test3/data_import.pkl new file mode 100644 index 0000000000000000000000000000000000000000..ef99918f7580f0c3f95b5e945d01e520eaa00e9c --- /dev/null +++ b/Users/manojp1732@gmail.com/test3/data_import.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb3aef750c9e807af79ff5ff0dd7fd4d60db3097eb4d5ddd43551e734a306ce3 +size 26814 diff --git a/Users/manojp1732@gmail.com/test3/final_df_transformed.pkl b/Users/manojp1732@gmail.com/test3/final_df_transformed.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f6834e7acb362ab0ab165eaa632e8da75f802d29 --- /dev/null +++ b/Users/manojp1732@gmail.com/test3/final_df_transformed.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38bf2def0ec2e90270edda19638850bbe59d221a89d92c8205c0fd087c10d4b8 +size 196860 diff --git a/Users/manojp1732@gmail.com/test3/metrics_level_data/data_test_overview_panel@#all_form_completion.xlsx b/Users/manojp1732@gmail.com/test3/metrics_level_data/data_test_overview_panel@#all_form_completion.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..9be71264670ebbc7a01c5816151ec49b9a0cde2a Binary files /dev/null and b/Users/manojp1732@gmail.com/test3/metrics_level_data/data_test_overview_panel@#all_form_completion.xlsx differ diff --git a/Users/manojp1732@gmail.com/test3/metrics_level_data/data_test_overview_panel@#all_visits.xlsx b/Users/manojp1732@gmail.com/test3/metrics_level_data/data_test_overview_panel@#all_visits.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..f65a3527c191ac929bb0176c299c0b904b7d6fdc Binary files /dev/null and b/Users/manojp1732@gmail.com/test3/metrics_level_data/data_test_overview_panel@#all_visits.xlsx differ diff --git a/Users/manojp1732@gmail.com/test3/project_dct.pkl b/Users/manojp1732@gmail.com/test3/project_dct.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d720739147fdca7d3b882868df3709f90693f132 --- /dev/null +++ b/Users/manojp1732@gmail.com/test3/project_dct.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e15e54b09fc96a7b6800cf83b245d2d74d9aa6cac95ea7a6afd9e104ac60e77 +size 369028 diff --git a/Users/manojp1732@gmail.com/test3/rcs_data_modified.json b/Users/manojp1732@gmail.com/test3/rcs_data_modified.json new file mode 100644 index 0000000000000000000000000000000000000000..c123899494a00a87d87d867796257b72624f0884 --- /dev/null +++ b/Users/manojp1732@gmail.com/test3/rcs_data_modified.json @@ -0,0 +1,82 @@ +{ + "all_form_completion": { + "Aggregated": { + "p_max": { + "K": 26.418682772989925, + "b": 0.04421912662624462, + "a": 0.012267723856731388, + "x0": 497.76672289081154 + }, + "fb": { + "K": 6.029486918415534, + "b": 0.3429985480935912, + "a": 0.006369712526924859, + "x0": 394.87857019490826 + }, + "demand": { + "K": 1.9044278708927458, + "b": 2.09566378201332e-09, + "a": 0.06988390941417742, + "x0": 318.66837987451356 + }, + "g_search": { + "K": 38.44112351393735, + "b": 0.4024963548960979, + "a": 0.023787372273069037, + "x0": 144.456763609205 + }, + "b_search": { + "K": 13.0, + "b": 0.011765042053841863, + "a": 0.010071407079295033, + "x0": 730.969640093849 + }, + "g_pmax": { + "K": 5.0, + "b": 0.009090495683245454, + "a": 0.047802293690098696, + "x0": 124.13467393130702 + } + } + }, + "all_visits": { + "Aggregated": { + "b_search": { + "K": 1142.7119182688773, + "b": 0.012575585154712438, + "a": 0.010071356597829232, + "x0": 724.3584458311816 + }, + "fb": { + "K": 1223.3037631939494, + "b": 0.47889611019603173, + "a": 0.006375142102805177, + "x0": 425.77325177077495 + }, + "p_max": { + "K": 157.42756890712107, + "b": 0.044224320392592865, + "a": 0.012267723776693022, + "x0": 497.7571526506888 + }, + "g_pmax": { + "K": 4000.0, + "b": 0.05510815023532735, + "a": 0.04456508936636865, + "x0": 122.73409623760509 + }, + "demand": { + "K": 800.0, + "b": 0.02105051235206235, + "a": 0.022688798221270415, + "x0": 306.3546875555672 + }, + "g_search": { + "K": 2370.107740296018, + "b": 0.4025107977427649, + "a": 0.023787372321512616, + "x0": 144.455254989512 + } + } + } +} \ No newline at end of file diff --git a/Users/manojp1732@gmail.com/test3/rcs_data_original.json b/Users/manojp1732@gmail.com/test3/rcs_data_original.json new file mode 100644 index 0000000000000000000000000000000000000000..4a040606971a5ceef594ae622eae45a961069247 --- /dev/null +++ b/Users/manojp1732@gmail.com/test3/rcs_data_original.json @@ -0,0 +1,4774 @@ +{ + "all_form_completion": { + "Aggregated": { + "p_max": { + "K": 26.418682772989925, + "b": 0.04421912662624462, + "a": 0.012267723856731388, + "x0": 497.76672289081154, + "power": 1.0, + "x": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 3.0, + 297.0, + 350.0, + 374.0, + 346.0, + 265.0, + 779.0, + 1090.0, + 1340.0, + 1112.0, + 77.0, + 27.0, + 32.0, + 31.0, + 107.0, + 0.0, + 0.0, + 0.0, + 1.0, + 15.0, + 22.0, + 64.0, + 124.0, + 117.0, + 123.0, + 230.0, + 139.0, + 148.0, + 226.0, + 595.0, + 1284.0, + 1522.0, + 982.0, + 412.0, + 316.0, + 1204.0, + 1491.0, + 1832.0, + 835.0, + 711.0, + 624.0, + 399.0, + 736.0, + 776.0, + 937.0, + 637.0, + 741.0, + 599.0, + 622.0, + 2039.0, + 2804.0, + 2406.0, + 3350.0, + 893.0, + 846.0, + 834.0, + 579.0, + 3248.0, + 2452.0, + 2102.0, + 1768.0, + 1140.0, + 659.0, + 2160.0, + 1543.0, + 1759.0, + 3906.0, + 1956.0, + 1470.0, + 1381.0, + 2182.0, + 2044.0, + 2647.0, + 2867.0, + 2860.0, + 1561.0, + 1184.0, + 3015.0, + 4227.0, + 4429.0, + 4913.0, + 4250.0, + 1376.0, + 1357.0, + 6502.0, + 4159.0 + ], + "y": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0158890036187903, + 1.573011358260239, + 1.853717088858868, + 1.98082911780919, + 1.832531750700481, + 1.403528652993143, + 4.12584460634588, + 5.773004648160473, + 7.097088283059665, + 5.889524008031602, + 0.4078177595489508, + 0.1430010325691126, + 0.1694827052670965, + 0.1641863707274997, + 0.5667077957368538, + 0.0, + 0.0, + 0.0, + 0.005296334539596765, + 0.07944501809395148, + 0.1165193598711288, + 0.3389654105341929, + 0.6567454829099988, + 0.6196711411328215, + 0.6514491483704021, + 1.218156944107256, + 0.7361905010039502, + 0.7838575118603212, + 1.196971605948869, + 3.151319051060075, + 6.800493548842246, + 8.061021169266276, + 5.201000517884023, + 2.182089830313867, + 1.673641714512578, + 6.376786785674504, + 7.896834798538776, + 9.702884876541274, + 4.422439340563298, + 3.7656938576533, + 3.304912752708381, + 2.113237481299109, + 3.898102221143219, + 4.10995560272709, + 4.962665463602169, + 3.373765101723139, + 3.924583893841203, + 3.172504389218462, + 3.294320083629187, + 10.7992261262378, + 14.85092204902933, + 12.74298090226982, + 17.74272070764916, + 4.729626743859911, + 4.480699020498863, + 4.417143006023702, + 3.066577698426526, + 17.20249458461029, + 12.98661229109127, + 11.1328952022324, + 9.36391946600708, + 6.037821375140312, + 3.490284461594268, + 11.44008260552901, + 8.172244194597807, + 9.316252455150709, + 20.68748271166496, + 10.35963035945127, + 7.785611773207243, + 7.314237999183132, + 11.55660196540014, + 10.82570779893579, + 14.01939752631264, + 15.18459112502392, + 15.14751678324675, + 8.26757821631055, + 6.270860094882569, + 15.96844863688424, + 22.38760609887552, + 23.45746567587407, + 26.02089159303891, + 22.50942179328625, + 7.287756326485148, + 7.18712597023281, + 34.43676717645816, + 22.02745535018294 + ], + "x_plot": [ + 0.0, + 328.3838383838384, + 656.7676767676768, + 985.1515151515152, + 1313.5353535353536, + 1641.919191919192, + 1970.3030303030305, + 2298.686868686869, + 2627.070707070707, + 2955.4545454545455, + 3283.838383838384, + 3612.222222222222, + 3940.606060606061, + 4268.989898989899, + 4597.373737373738, + 4925.757575757576, + 5254.141414141414, + 5582.525252525253, + 5910.909090909091, + 6239.292929292929, + 6567.676767676768, + 6896.060606060606, + 7224.444444444444, + 7552.828282828283, + 7881.212121212122, + 8209.59595959596, + 8537.979797979799, + 8866.363636363636, + 9194.747474747475, + 9523.131313131313, + 9851.515151515152, + 10179.89898989899, + 10508.282828282829, + 10836.666666666668, + 11165.050505050505, + 11493.434343434345, + 11821.818181818182, + 12150.202020202021, + 12478.585858585859, + 12806.969696969698, + 13135.353535353535, + 13463.737373737375, + 13792.121212121212, + 14120.505050505051, + 14448.888888888889, + 14777.272727272728, + 15105.656565656565, + 15434.040404040405, + 15762.424242424244, + 16090.808080808081, + 16419.19191919192, + 16747.57575757576, + 17075.959595959597, + 17404.343434343435, + 17732.727272727272, + 18061.111111111113, + 18389.49494949495, + 18717.878787878788, + 19046.262626262625, + 19374.646464646466, + 19703.030303030304, + 20031.41414141414, + 20359.79797979798, + 20688.18181818182, + 21016.565656565657, + 21344.949494949495, + 21673.333333333336, + 22001.717171717173, + 22330.10101010101, + 22658.484848484848, + 22986.86868686869, + 23315.252525252527, + 23643.636363636364, + 23972.0202020202, + 24300.404040404042, + 24628.78787878788, + 24957.171717171717, + 25285.555555555555, + 25613.939393939396, + 25942.323232323233, + 26270.70707070707, + 26599.09090909091, + 26927.47474747475, + 27255.858585858587, + 27584.242424242424, + 27912.626262626265, + 28241.010101010103, + 28569.39393939394, + 28897.777777777777, + 29226.16161616162, + 29554.545454545456, + 29882.929292929293, + 30211.31313131313, + 30539.69696969697, + 30868.08080808081, + 31196.464646464647, + 31524.848484848488, + 31853.232323232325, + 32181.616161616163, + 32510.0 + ] + }, + "fb": { + "K": 6.029486918415534, + "b": 0.3429985480935912, + "a": 0.006369712526924859, + "x0": 394.87857019490826, + "power": 0.0, + "x": [ + 0.0, + 165.0, + 313.0, + 252.0, + 315.0, + 290.0, + 268.0, + 239.0, + 256.0, + 305.0, + 269.0, + 315.0, + 374.0, + 401.0, + 421.0, + 409.0, + 261.0, + 206.0, + 222.0, + 184.0, + 188.0, + 289.0, + 296.0, + 335.0, + 380.0, + 350.0, + 335.0, + 443.0, + 336.0, + 273.0, + 273.0, + 420.0, + 558.0, + 585.0, + 572.0, + 431.0, + 445.0, + 402.0, + 452.0, + 390.0, + 446.0, + 452.0, + 367.0, + 388.0, + 355.0, + 196.0, + 197.0, + 208.0, + 214.0, + 158.0, + 177.0, + 140.0, + 245.0, + 236.0, + 215.0, + 351.0, + 278.0, + 283.0, + 288.0, + 287.0, + 267.0, + 241.0, + 275.0, + 260.0, + 228.0, + 251.0, + 256.0, + 249.0, + 264.0, + 340.0, + 244.0, + 221.0, + 237.0, + 171.0, + 177.0, + 202.0, + 242.0, + 198.0, + 221.0, + 246.0, + 187.0, + 237.0, + 176.0, + 207.0, + 194.0, + 200.0, + 213.0, + 186.0, + 200.0, + 250.0, + 243.0, + 219.0, + 231.0, + 218.0, + 214.0, + 200.0, + 232.0, + 237.0, + 230.0, + 232.0, + 175.0, + 206.0, + 175.0, + 185.0, + 214.0, + 185.0, + 143.0, + 117.0, + 110.0, + 115.0, + 135.0, + 129.0, + 156.0, + 175.0, + 169.0, + 157.0, + 137.0, + 172.0, + 139.0, + 154.0, + 163.0, + 142.0, + 138.0, + 178.0, + 160.0, + 181.0, + 156.0, + 159.0, + 167.0, + 120.0, + 162.0, + 143.0, + 188.0, + 176.0, + 177.0, + 192.0, + 172.0, + 197.0, + 143.0, + 174.0, + 150.0, + 188.0 + ], + "y": [ + 0.0, + 0.0, + 0.0, + 0.6512409983510767, + 1.691253138142039, + 2.17849981236289, + 2.768228138233351, + 3.082365087804632, + 3.215428819391052, + 3.194112892397417, + 3.246289300907741, + 3.47621162879953, + 3.495068313229002, + 3.689826088839629, + 4.059024525116848, + 4.424030139331986, + 4.758472372113015, + 4.945218953361477, + 4.491798119290191, + 3.9573232026566, + 3.646341403277432, + 3.278671368334191, + 3.037090004440009, + 3.266621479007771, + 3.454921917195855, + 3.740661914446861, + 4.118291093891039, + 4.264224065256315, + 4.307173418089182, + 4.76350480035653, + 4.660616847800855, + 4.339939627096015, + 4.115465572602629, + 4.538530260260944, + 5.379349831151757, + 6.074490239596411, + 6.509778628667886, + 6.257965466063363, + 6.1369530642215, + 5.882527031846764, + 5.901774566260532, + 5.670539101575827, + 5.729701524221746, + 5.79479671092302, + 5.504875554584569, + 5.384815963119609, + 5.170526049423921, + 4.392963602334994, + 3.852616804514266, + 3.517790112596495, + 3.307092919103185, + 2.938577635732655, + 2.755608325062195, + 2.481493947356571, + 2.70403997282241, + 2.824299954374803, + 2.825596723489523, + 3.363284921116775, + 3.451541854124768, + 3.533056282937972, + 3.609850958814823, + 3.659660316787097, + 3.615588564537255, + 3.482118544282803, + 3.522884644916423, + 3.492217188237132, + 3.344448684032935, + 3.331789779344995, + 3.342663121771046, + 3.322646055478629, + 3.367837836196763, + 3.699437633455104, + 3.552653637949862, + 3.359125792841194, + 3.286806943529472, + 2.975687349670837, + 2.781585124818923, + 2.744386445960625, + 2.876223976420683, + 2.79484598151577, + 2.828660433337329, + 2.951003428150463, + 2.803775531169877, + 2.898061760359552, + 2.723300297159502, + 2.723321642306638, + 2.672026687069852, + 2.659801709253232, + 2.702554121621379, + 2.625914101457997, + 2.627522899324934, + 2.825994814907872, + 2.937296749825278, + 2.920482140870942, + 2.956074896301167, + 2.929679928262542, + 2.895415790069419, + 2.816174081352928, + 2.887006169780079, + 2.956323207386693, + 2.977216727720671, + 2.999736022237498, + 2.790525365332542, + 2.766432274886245, + 2.627212742186665, + 2.569228220712175, + 2.643099594784162, + 2.580349017530423, + 2.370653177508896, + 2.121246295814263, + 1.919033072637369, + 1.797218392121151, + 1.790886418590232, + 1.762772546269459, + 1.849659544466003, + 1.985471830892495, + 2.05685894054191, + 2.059466935598241, + 1.982354229307238, + 2.066517364856795, + 1.99518336007127, + 2.004453283844227, + 2.046464466758992, + 1.992987076827373, + 1.939765243309152, + 2.060386565507264, + 2.073777018498554, + 2.166035553564411, + 2.131943649572469, + 2.119920062202675, + 2.143078872175992, + 1.973785027505796, + 2.021049772180568, + 1.979143705763998, + 2.127420640640874, + 2.183851513356427, + 2.227300039398835, + 2.316917734751347, + 2.300711818667671, + 2.38804055594714, + 2.236037254400598, + 2.25198931270519 + ], + "x_plot": [ + 0.0, + 29.545454545454547, + 59.09090909090909, + 88.63636363636364, + 118.18181818181819, + 147.72727272727275, + 177.27272727272728, + 206.8181818181818, + 236.36363636363637, + 265.90909090909093, + 295.4545454545455, + 325.0, + 354.54545454545456, + 384.0909090909091, + 413.6363636363636, + 443.1818181818182, + 472.72727272727275, + 502.2727272727273, + 531.8181818181819, + 561.3636363636364, + 590.909090909091, + 620.4545454545455, + 650.0, + 679.5454545454546, + 709.0909090909091, + 738.6363636363636, + 768.1818181818182, + 797.7272727272727, + 827.2727272727273, + 856.8181818181819, + 886.3636363636364, + 915.909090909091, + 945.4545454545455, + 975.0, + 1004.5454545454546, + 1034.0909090909092, + 1063.6363636363637, + 1093.1818181818182, + 1122.7272727272727, + 1152.2727272727273, + 1181.818181818182, + 1211.3636363636365, + 1240.909090909091, + 1270.4545454545455, + 1300.0, + 1329.5454545454545, + 1359.0909090909092, + 1388.6363636363637, + 1418.1818181818182, + 1447.7272727272727, + 1477.2727272727273, + 1506.818181818182, + 1536.3636363636365, + 1565.909090909091, + 1595.4545454545455, + 1625.0, + 1654.5454545454545, + 1684.0909090909092, + 1713.6363636363637, + 1743.1818181818182, + 1772.7272727272727, + 1802.2727272727273, + 1831.818181818182, + 1861.3636363636365, + 1890.909090909091, + 1920.4545454545455, + 1950.0, + 1979.5454545454547, + 2009.0909090909092, + 2038.6363636363637, + 2068.1818181818185, + 2097.727272727273, + 2127.2727272727275, + 2156.818181818182, + 2186.3636363636365, + 2215.909090909091, + 2245.4545454545455, + 2275.0, + 2304.5454545454545, + 2334.090909090909, + 2363.636363636364, + 2393.1818181818185, + 2422.727272727273, + 2452.2727272727275, + 2481.818181818182, + 2511.3636363636365, + 2540.909090909091, + 2570.4545454545455, + 2600.0, + 2629.5454545454545, + 2659.090909090909, + 2688.636363636364, + 2718.1818181818185, + 2747.727272727273, + 2777.2727272727275, + 2806.818181818182, + 2836.3636363636365, + 2865.909090909091, + 2895.4545454545455, + 2925.0 + ] + }, + "demand": { + "K": 1.9044278708927458, + "b": 2.09566378201332e-09, + "a": 0.06988390941417742, + "x0": 318.66837987451356, + "power": 1.0, + "x": [ + 0.0, + 251.0, + 210.0, + 292.0, + 322.0, + 353.0, + 811.0, + 355.0, + 229.0, + 26.0, + 127.0, + 258.0, + 257.0, + 241.0, + 169.0, + 78.0, + 471.0, + 671.0, + 2621.0, + 1976.0, + 1168.0, + 502.0, + 213.0, + 423.0, + 606.0, + 581.0, + 478.0, + 313.0, + 258.0, + 239.0, + 267.0, + 245.0, + 278.0, + 440.0, + 1635.0, + 1020.0, + 495.0, + 355.0, + 385.0, + 601.0, + 675.0, + 341.0, + 389.0, + 227.0, + 93.0, + 60.0, + 65.0, + 53.0, + 48.0, + 70.0, + 78.0, + 29.0, + 20.0, + 167.0, + 155.0, + 193.0, + 145.0, + 152.0, + 178.0, + 146.0, + 168.0, + 144.0, + 96.0, + 139.0, + 206.0, + 194.0, + 164.0, + 173.0, + 127.0, + 171.0, + 189.0, + 214.0, + 213.0, + 164.0, + 128.0, + 146.0, + 133.0, + 155.0, + 114.0, + 99.0, + 110.0, + 57.0, + 171.0, + 55.0, + 53.0, + 52.0, + 55.0, + 153.0, + 132.0, + 2674.0, + 3263.0, + 530.0, + 2619.0, + 2190.0, + 128.0, + 133.0, + 128.0, + 88.0, + 77.0, + 16.0, + 17.0, + 25.0, + 7.0, + 12.0, + 20.0, + 19.0, + 15.0, + 12.0, + 11.0, + 11.0, + 19.0, + 14.0, + 17.0, + 90.0, + 79.0, + 105.0, + 87.0, + 42.0, + 29.0, + 39.0, + 68.0, + 99.0, + 102.0, + 83.0, + 60.0, + 66.0, + 93.0, + 101.0, + 79.0, + 38.0, + 52.0, + 45.0, + 32.0, + 38.0, + 34.0, + 16.0, + 9.0, + 8.0, + 7.0, + 7.0, + 18.0, + 70.0 + ], + "y": [ + 0.0, + 0.0, + 0.0, + 0.5002911412607607, + 0.4185702775488436, + 0.5820120049726779, + 0.6418077589082269, + 0.7035967046416277, + 1.616478548057677, + 0.707583088237331, + 0.4564409217080248, + 0.05182298674414255, + 0.2531353583271578, + 0.5142434838457222, + 0.5122502920478706, + 0.4803592232822444, + 0.3368494138369266, + 0.1554689602324276, + 0.9387933367881208, + 1.337431696358448, + 5.224155702169139, + 3.938546992554834, + 2.328048019890712, + 1.000582282521521, + 0.4245498529423986, + 0.8431201304912422, + 1.207874229498092, + 1.158044434551801, + 0.9527456793730823, + 0.6238690327275622, + 0.5142434838457222, + 0.4763728396865411, + 0.532182210026387, + 0.4883319904736509, + 0.554107319802755, + 0.87700439105472, + 3.258868589487425, + 2.033055633808669, + 0.98662993993656, + 0.707583088237331, + 0.7673788421728801, + 1.197908270508834, + 1.345404463549855, + 0.679678403067408, + 0.7753516093642866, + 0.4524545381123214, + 0.1853668372002022, + 0.1195915078710982, + 0.1295574668603564, + 0.1056391652861367, + 0.09567320629687855, + 0.1395234258496146, + 0.1554689602324276, + 0.05780256213769746, + 0.03986383595703273, + 0.3328630302412233, + 0.3089447286670036, + 0.3846860169853658, + 0.2890128106884873, + 0.3029651532734488, + 0.3547881400175913, + 0.291006002486339, + 0.3348562220390749, + 0.2870196188906357, + 0.1913464125937571, + 0.2770536599013775, + 0.4105975103574371, + 0.3866792087832175, + 0.3268834548476684, + 0.3448221810283331, + 0.2531353583271578, + 0.3408357974326298, + 0.3767132497939593, + 0.4265430447402502, + 0.4245498529423986, + 0.3268834548476684, + 0.2551285501250095, + 0.291006002486339, + 0.2650945091142676, + 0.3089447286670036, + 0.2272238649550866, + 0.197325987987312, + 0.21925109776368, + 0.1136119324775433, + 0.3408357974326298, + 0.10962554888184, + 0.1056391652861367, + 0.1036459734882851, + 0.10962554888184, + 0.3049583450713004, + 0.2631013173164161, + 5.329794867455276, + 6.50378483638989, + 1.056391652861367, + 5.220169318573436, + 4.365090037295084, + 0.2551285501250095, + 0.2650945091142676, + 0.2551285501250095, + 0.175400878210944, + 0.153475768434576, + 0.03189106876562618, + 0.03388426056347782, + 0.04982979494629091, + 0.01395234258496146, + 0.02391830157421964, + 0.03986383595703273, + 0.03787064415918109, + 0.02989787696777455, + 0.02391830157421964, + 0.021925109776368, + 0.021925109776368, + 0.03787064415918109, + 0.02790468516992291, + 0.03388426056347782, + 0.1793872618066473, + 0.1574621520302793, + 0.2092851387744218, + 0.1734076864130924, + 0.08371405550976874, + 0.05780256213769746, + 0.07773448011621382, + 0.1355370422539113, + 0.197325987987312, + 0.2033055633808669, + 0.1654349192216858, + 0.1195915078710982, + 0.131550658658208, + 0.1853668372002022, + 0.2013123715830153, + 0.1574621520302793, + 0.07574128831836219, + 0.1036459734882851, + 0.08969363090332365, + 0.06378213753125236, + 0.07574128831836219, + 0.06776852112695564, + 0.03189106876562618, + 0.01793872618066473, + 0.01594553438281309, + 0.01395234258496146, + 0.01395234258496146 + ], + "x_plot": [ + 0.0, + 164.7979797979798, + 329.5959595959596, + 494.3939393939394, + 659.1919191919192, + 823.989898989899, + 988.7878787878788, + 1153.5858585858587, + 1318.3838383838383, + 1483.181818181818, + 1647.979797979798, + 1812.7777777777778, + 1977.5757575757575, + 2142.373737373737, + 2307.1717171717173, + 2471.969696969697, + 2636.7676767676767, + 2801.5656565656564, + 2966.363636363636, + 3131.161616161616, + 3295.959595959596, + 3460.7575757575755, + 3625.5555555555557, + 3790.3535353535353, + 3955.151515151515, + 4119.949494949495, + 4284.747474747474, + 4449.545454545454, + 4614.343434343435, + 4779.141414141414, + 4943.939393939394, + 5108.737373737374, + 5273.535353535353, + 5438.333333333333, + 5603.131313131313, + 5767.929292929292, + 5932.727272727272, + 6097.525252525253, + 6262.323232323232, + 6427.121212121212, + 6591.919191919192, + 6756.717171717171, + 6921.515151515151, + 7086.313131313131, + 7251.111111111111, + 7415.909090909091, + 7580.707070707071, + 7745.50505050505, + 7910.30303030303, + 8075.10101010101, + 8239.89898989899, + 8404.69696969697, + 8569.494949494949, + 8734.29292929293, + 8899.090909090908, + 9063.888888888889, + 9228.68686868687, + 9393.484848484848, + 9558.282828282829, + 9723.080808080807, + 9887.878787878788, + 10052.676767676767, + 10217.474747474747, + 10382.272727272726, + 10547.070707070707, + 10711.868686868687, + 10876.666666666666, + 11041.464646464647, + 11206.262626262625, + 11371.060606060606, + 11535.858585858585, + 11700.656565656565, + 11865.454545454544, + 12030.252525252525, + 12195.050505050505, + 12359.848484848484, + 12524.646464646465, + 12689.444444444443, + 12854.242424242424, + 13019.040404040403, + 13183.838383838383, + 13348.636363636364, + 13513.434343434343, + 13678.232323232323, + 13843.030303030302, + 14007.828282828283, + 14172.626262626261, + 14337.424242424242, + 14502.222222222223, + 14667.020202020201, + 14831.818181818182, + 14996.61616161616, + 15161.414141414141, + 15326.21212121212, + 15491.0101010101, + 15655.80808080808, + 15820.60606060606, + 15985.40404040404, + 16150.20202020202, + 16315.0 + ] + }, + "g_search": { + "K": 38.44112351393735, + "b": 0.4024963548960979, + "a": 0.023787372273069037, + "x0": 144.456763609205, + "power": 1.0, + "x": [ + 199.0, + 162.0, + 127.0, + 164.0, + 114.0, + 47.0, + 32.0, + 176.0, + 176.0, + 209.0, + 184.0, + 189.0, + 72.0, + 50.0, + 45.0, + 73.0, + 200.0, + 120.0, + 90.0, + 25.0, + 20.0, + 71.0, + 71.0, + 270.0, + 298.0, + 264.0, + 141.0, + 141.0, + 353.0, + 313.0, + 315.0, + 389.0, + 413.0, + 277.0, + 224.0, + 759.0, + 665.0, + 497.0, + 444.0, + 390.0, + 238.0, + 180.0, + 474.0, + 668.0, + 979.0, + 1307.0, + 992.0, + 593.0, + 420.0, + 1527.0, + 1636.0, + 1665.0, + 1250.0, + 1298.0, + 623.0, + 527.0, + 2222.0, + 1672.0, + 1407.0, + 1466.0, + 1123.0, + 521.0, + 421.0, + 1532.0, + 1349.0, + 1253.0, + 1193.0, + 1121.0, + 401.0, + 407.0, + 1513.0, + 1285.0, + 985.0, + 1092.0, + 940.0, + 481.0, + 413.0, + 1375.0, + 1285.0, + 1281.0, + 1250.0, + 1563.0, + 477.0, + 356.0, + 1734.0, + 1527.0, + 1628.0, + 1618.0, + 1576.0, + 617.0, + 589.0, + 1927.0, + 1618.0, + 1714.0, + 1845.0, + 1526.0, + 664.0, + 566.0, + 1867.0, + 1474.0, + 1198.0, + 757.0, + 1101.0, + 566.0, + 416.0, + 1665.0, + 1273.0, + 1193.0, + 981.0, + 504.0, + 542.0, + 516.0, + 874.0, + 1412.0, + 1452.0, + 1122.0, + 894.0, + 508.0, + 376.0, + 1567.0, + 1203.0, + 1099.0, + 1093.0, + 821.0, + 337.0, + 447.0, + 1448.0, + 1482.0, + 1347.0, + 1207.0, + 871.0, + 428.0, + 540.0, + 1378.0, + 1184.0, + 1101.0, + 1094.0, + 1156.0, + 457.0, + 378.0, + 1266.0, + 1237.0 + ], + "y": [ + 3.353867094426377, + 2.66060965032707, + 2.004825581584482, + 2.69808302568379, + 1.761248641765807, + 0.5058905673157105, + 0.2248402521403158, + 2.922923277824105, + 2.922923277824105, + 3.541233971209974, + 3.072816779250982, + 3.16650021764278, + 0.9743077592747016, + 0.5621006303507894, + 0.4684171919589912, + 0.9930444469530613, + 3.372603782104737, + 1.873668767835965, + 1.311568137485175, + 0.09368343839179827, + 0.0, + 0.955571071596342, + 0.955571071596342, + 4.684171919589912, + 5.208799174583983, + 4.571751793519754, + 2.267139209081518, + 2.267139209081518, + 6.239316996893764, + 5.489849489759377, + 5.527322865116097, + 6.91383775331471, + 7.363518257595342, + 4.81532873333843, + 3.822284286385369, + 13.84641219430778, + 12.08516355254197, + 8.937400022577553, + 7.94435557562449, + 6.93257444099307, + 4.084597913882403, + 2.997870028537544, + 8.50645620597528, + 12.14137361557705, + 17.9684834835469, + 24.11411704204886, + 18.21206042336558, + 10.73612203970008, + 7.494675071343859, + 28.23618833128799, + 30.27848728822919, + 30.82185123090162, + 23.04612584438236, + 23.94548685294363, + 11.29822267005087, + 9.49950065292834, + 41.25818626774794, + 30.95300804465014, + 25.98778580988483, + 27.09325038290805, + 20.66656650923069, + 9.387080526858183, + 7.513411759022219, + 28.32987176967978, + 24.90105792453997, + 23.10233590741744, + 21.97813464671587, + 20.62909313387397, + 7.138678005455026, + 7.251098131525183, + 27.97387470379095, + 23.70190991312495, + 18.08090360961706, + 20.08572919120154, + 17.23775266409087, + 8.637613019723798, + 7.363518257595342, + 25.38821180417732, + 23.70190991312495, + 23.62696316241151, + 23.04612584438236, + 28.91070908770893, + 8.562666269010359, + 6.295527059928842, + 32.11468268070843, + 28.23618833128799, + 30.12859378680231, + 29.94122691001872, + 29.15428602752761, + 11.18580254398071, + 10.66117528898664, + 35.73086340263185, + 29.94122691001872, + 31.73994892714124, + 34.19445501300635, + 28.21745164360963, + 12.06642686486361, + 10.23023147238437, + 34.60666214193026, + 27.24314388433493, + 22.07181808510766, + 13.80893881895106, + 20.25435938030678, + 10.23023147238437, + 7.41972832063042, + 30.82185123090162, + 23.47706966098464, + 21.97813464671587, + 18.00595685890362, + 9.068556836326069, + 9.780550968103736, + 9.293397088466385, + 16.00113127731914, + 26.08146924827663, + 26.83093675541101, + 20.64782982155233, + 16.37586503088633, + 9.143503587039508, + 6.670260813496035, + 28.98565583842237, + 22.16550152349947, + 20.21688600495006, + 20.1044658788799, + 15.00808683036608, + 5.939529994040008, + 8.00056563865957, + 26.75599000469757, + 27.3930373857618, + 24.86358454918325, + 22.2404482742129, + 15.94492121428406, + 7.644568572770736, + 9.743077592747017, + 25.4444218672124, + 21.80950445761063, + 20.25435938030678, + 20.12320256655826, + 21.28487720261656, + 8.187932515443165, + 6.707734188852753, + 23.34591284723612, + 22.80254890456369 + ], + "x_plot": [ + 0.0, + 112.22222222222223, + 224.44444444444446, + 336.6666666666667, + 448.8888888888889, + 561.1111111111111, + 673.3333333333334, + 785.5555555555557, + 897.7777777777778, + 1010.0, + 1122.2222222222222, + 1234.4444444444446, + 1346.6666666666667, + 1458.888888888889, + 1571.1111111111113, + 1683.3333333333335, + 1795.5555555555557, + 1907.7777777777778, + 2020.0, + 2132.222222222222, + 2244.4444444444443, + 2356.666666666667, + 2468.888888888889, + 2581.1111111111113, + 2693.3333333333335, + 2805.5555555555557, + 2917.777777777778, + 3030.0, + 3142.2222222222226, + 3254.444444444445, + 3366.666666666667, + 3478.888888888889, + 3591.1111111111113, + 3703.3333333333335, + 3815.5555555555557, + 3927.777777777778, + 4040.0, + 4152.222222222223, + 4264.444444444444, + 4376.666666666667, + 4488.888888888889, + 4601.111111111111, + 4713.333333333334, + 4825.555555555556, + 4937.777777777778, + 5050.0, + 5162.222222222223, + 5274.444444444444, + 5386.666666666667, + 5498.88888888889, + 5611.111111111111, + 5723.333333333334, + 5835.555555555556, + 5947.777777777778, + 6060.0, + 6172.222222222223, + 6284.444444444445, + 6396.666666666667, + 6508.88888888889, + 6621.111111111111, + 6733.333333333334, + 6845.555555555556, + 6957.777777777778, + 7070.0, + 7182.222222222223, + 7294.444444444445, + 7406.666666666667, + 7518.88888888889, + 7631.111111111111, + 7743.333333333334, + 7855.555555555556, + 7967.777777777778, + 8080.0, + 8192.222222222223, + 8304.444444444445, + 8416.666666666668, + 8528.888888888889, + 8641.111111111111, + 8753.333333333334, + 8865.555555555557, + 8977.777777777777, + 9090.0, + 9202.222222222223, + 9314.444444444445, + 9426.666666666668, + 9538.888888888889, + 9651.111111111111, + 9763.333333333334, + 9875.555555555557, + 9987.77777777778, + 10100.0, + 10212.222222222223, + 10324.444444444445, + 10436.666666666668, + 10548.888888888889, + 10661.111111111111, + 10773.333333333334, + 10885.555555555557, + 10997.77777777778, + 11110.0 + ] + }, + "b_search": { + "K": 11.56968010068188, + "b": 0.011765042053841863, + "a": 0.010071407079295033, + "x0": 730.969640093849, + "power": 0.0, + "x": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 32.0, + 45.0, + 23.0, + 48.0, + 93.0, + 71.0, + 194.0, + 193.0, + 56.0, + 28.0, + 230.0, + 265.0, + 224.0, + 131.0, + 129.0, + 74.0, + 46.0, + 216.0, + 0.0, + 0.0, + 0.0, + 17.0, + 77.0, + 49.0, + 210.0, + 308.0, + 98.0, + 79.0, + 142.0, + 94.0, + 68.0, + 204.0, + 209.0, + 176.0, + 204.0, + 113.0, + 94.0, + 52.0, + 236.0, + 244.0, + 205.0, + 160.0, + 142.0, + 101.0, + 73.0, + 221.0, + 203.0, + 196.0, + 101.0, + 114.0, + 97.0, + 82.0, + 158.0, + 137.0, + 78.0, + 81.0, + 89.0, + 89.0, + 55.0, + 141.0, + 167.0, + 160.0, + 146.0, + 108.0, + 110.0, + 51.0, + 191.0, + 170.0, + 140.0, + 114.0, + 133.0, + 73.0, + 52.0, + 217.0, + 203.0, + 356.0, + 273.0, + 231.0, + 120.0, + 55.0, + 356.0, + 331.0, + 323.0, + 289.0, + 279.0, + 198.0, + 133.0, + 734.0, + 446.0 + ], + "y": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.5905553272594116, + 0.8304684289585476, + 0.4244616414677021, + 0.8858329908891174, + 1.716301419847665, + 1.310294632356819, + 3.580241671510183, + 3.561786817533326, + 1.03347182270397, + 0.5167359113519852, + 4.24461641467702, + 4.890536303867003, + 4.133887290815881, + 2.417585870968217, + 2.380676163014503, + 1.365659194287389, + 0.8489232829354042, + 3.986248459001029, + 0.0, + 0.0, + 0.0, + 0.3137325176065624, + 1.421023756217959, + 0.904287844865974, + 3.875519335139889, + 5.684095024871836, + 1.808575689731948, + 1.457933464171672, + 2.620589264713639, + 1.734756273824522, + 1.25493007042625, + 3.764790211278749, + 3.857064481163032, + 3.248054299926764, + 3.764790211278749, + 2.085398499384797, + 1.734756273824522, + 0.9596524067965437, + 4.355345538538161, + 4.502984370353013, + 3.783245065255606, + 2.952776636297058, + 2.620589264713639, + 1.863940251662518, + 1.347204340310533, + 4.078522728885312, + 3.746335357301892, + 3.617151379463896, + 1.863940251662518, + 2.103853353361654, + 1.790120835755092, + 1.513298026102242, + 2.915866928343345, + 2.528314994829356, + 1.439478610194816, + 1.494843172125386, + 1.642482003940239, + 1.642482003940239, + 1.015016968727114, + 2.602134410736783, + 3.081960614135054, + 2.952776636297058, + 2.694408680621065, + 1.993124229500514, + 2.030033937454228, + 0.9411975528196873, + 3.524877109579613, + 3.137325176065624, + 2.583679556759926, + 2.103853353361654, + 2.454495578921929, + 1.347204340310533, + 0.9596524067965437, + 4.004703312977885, + 3.746335357301892, + 6.569928015760954, + 5.038175135681855, + 4.263071268653878, + 2.214582477222794, + 1.015016968727114, + 6.569928015760954, + 6.108556666339539, + 5.960917834524686, + 5.333452799311561, + 5.148904259542995, + 3.654061087417609, + 2.454495578921929, + 13.54586281901275, + 8.23086487367805 + ], + "x_plot": [ + 0.0, + 37.07070707070707, + 74.14141414141415, + 111.21212121212122, + 148.2828282828283, + 185.35353535353536, + 222.42424242424244, + 259.49494949494954, + 296.5656565656566, + 333.6363636363636, + 370.7070707070707, + 407.7777777777778, + 444.8484848484849, + 481.9191919191919, + 518.9898989898991, + 556.0606060606061, + 593.1313131313132, + 630.2020202020202, + 667.2727272727273, + 704.3434343434344, + 741.4141414141415, + 778.4848484848485, + 815.5555555555557, + 852.6262626262627, + 889.6969696969697, + 926.7676767676768, + 963.8383838383838, + 1000.909090909091, + 1037.9797979797981, + 1075.050505050505, + 1112.1212121212122, + 1149.1919191919192, + 1186.2626262626263, + 1223.3333333333335, + 1260.4040404040404, + 1297.4747474747476, + 1334.5454545454545, + 1371.6161616161617, + 1408.6868686868688, + 1445.7575757575758, + 1482.828282828283, + 1519.89898989899, + 1556.969696969697, + 1594.0404040404042, + 1631.1111111111113, + 1668.1818181818182, + 1705.2525252525254, + 1742.3232323232323, + 1779.3939393939395, + 1816.4646464646466, + 1853.5353535353536, + 1890.6060606060607, + 1927.6767676767677, + 1964.7474747474748, + 2001.818181818182, + 2038.888888888889, + 2075.9595959595963, + 2113.030303030303, + 2150.10101010101, + 2187.1717171717173, + 2224.2424242424245, + 2261.3131313131316, + 2298.3838383838383, + 2335.4545454545455, + 2372.5252525252527, + 2409.59595959596, + 2446.666666666667, + 2483.7373737373737, + 2520.808080808081, + 2557.878787878788, + 2594.949494949495, + 2632.0202020202023, + 2669.090909090909, + 2706.161616161616, + 2743.2323232323233, + 2780.3030303030305, + 2817.3737373737376, + 2854.444444444445, + 2891.5151515151515, + 2928.5858585858587, + 2965.656565656566, + 3002.727272727273, + 3039.79797979798, + 3076.868686868687, + 3113.939393939394, + 3151.010101010101, + 3188.0808080808083, + 3225.1515151515155, + 3262.2222222222226, + 3299.2929292929293, + 3336.3636363636365, + 3373.4343434343436, + 3410.505050505051, + 3447.575757575758, + 3484.6464646464647, + 3521.717171717172, + 3558.787878787879, + 3595.858585858586, + 3632.9292929292933, + 3670.0 + ] + }, + "g_pmax": { + "K": 4.308037762129403, + "b": 0.009090495683245454, + "a": 0.047802293690098696, + "x0": 124.13467393130702, + "power": 2.0, + "x": [ + 18.0, + 2192.0, + 3936.0, + 1956.0, + 1669.0, + 611.0, + 1901.0, + 343.0, + 329.0, + 339.0, + 385.0, + 311.0, + 377.0, + 739.0, + 560.0, + 625.0, + 653.0, + 351.0, + 226.0, + 223.0, + 766.0, + 831.0, + 1108.0, + 4016.0, + 7205.0, + 3880.0, + 2108.0, + 1651.0, + 3041.0, + 5104.0, + 2119.0, + 6367.0, + 4231.0, + 13024.0, + 10493.0, + 4576.0, + 530.0, + 2101.0, + 1569.0, + 1824.0, + 2257.0, + 2445.0, + 2302.0, + 1963.0, + 5006.0, + 2766.0, + 4025.0, + 1632.0, + 6632.0, + 3428.0, + 1249.0, + 3006.0, + 4889.0, + 6554.0, + 5039.0, + 3536.0, + 2235.0, + 1331.0, + 1175.0, + 650.0, + 608.0, + 686.0, + 706.0, + 782.0, + 483.0, + 394.0, + 562.0, + 501.0, + 1307.0, + 1647.0, + 1972.0, + 2831.0, + 2769.0, + 2404.0, + 2607.0, + 1313.0, + 2853.0, + 508.0, + 724.0, + 643.0, + 606.0, + 2127.0, + 3091.0, + 2506.0, + 1942.0, + 1750.0, + 3140.0, + 1327.0, + 2769.0, + 1714.0, + 3253.0, + 1441.0, + 1068.0, + 670.0, + 888.0, + 1020.0, + 1746.0, + 2877.0, + 2455.0, + 2832.0, + 4379.0, + 1183.0, + 6203.0, + 5720.0, + 5568.0, + 4114.0, + 5248.0, + 2068.0, + 2206.0, + 3621.0, + 1506.0, + 3428.0, + 3770.0, + 8122.0, + 7372.0, + 6332.0, + 6483.0, + 9655.0, + 9411.0, + 7720.0, + 7527.0, + 6423.0, + 6064.0, + 5989.0, + 4351.0, + 5758.0, + 7633.0, + 7428.0, + 4594.0, + 4395.0, + 2101.0, + 1429.0, + 1740.0, + 3768.0, + 10497.0, + 3142.0, + 1660.0, + 1456.0, + 1361.0, + 1168.0, + 1095.0, + 1423.0 + ], + "y": [ + 0.0, + 0.004111410463959954, + 0.5035564171581174, + 1.251517913463259, + 1.322835809841263, + 1.307204181574948, + 1.05460247118466, + 1.172432357161922, + 0.8990478605210265, + 0.7044809491782087, + 0.5705682281626585, + 0.4873362613041155, + 0.4121714192624111, + 0.3746312015344046, + 0.4310380817888835, + 0.4296372050198614, + 0.4435033512902903, + 0.4596051810679727, + 0.4018961307947999, + 0.3329483340483016, + 0.2839996412484261, + 0.3737631052846385, + 0.4514442901187315, + 0.5690911583090913, + 1.315665167664318, + 2.566671861411215, + 2.682907669663662, + 2.359527216432763, + 2.028776755725039, + 2.114743685724317, + 2.646133858232111, + 2.336298077047541, + 3.089705899712891, + 3.129204000522055, + 5.165276682732907, + 6.012417566709245, + 5.253904201312069, + 3.798791137912824, + 3.13904676236008, + 2.555710679093899, + 2.205620402380338, + 2.059459471508326, + 2.000088218077055, + 1.925865468655928, + 1.796477980323227, + 2.40096351859201, + 2.312461204309586, + 2.538079905096644, + 2.149423815633353, + 3.019423015220148, + 2.896591392346032, + 2.312900178502554, + 2.3056356724331, + 2.730649735053182, + 3.408465046803534, + 3.536892050978818, + 3.283488180160862, + 2.808941858720964, + 2.270275263745269, + 1.857576423241296, + 1.44877109635635, + 1.153014076454315, + 0.963800274533383, + 0.835918847037575, + 0.7637611364161183, + 0.6449556429408748, + 0.541463156880847, + 0.5073915809691203, + 0.4696083645919362, + 0.6272599372363364, + 0.8152760135177712, + 1.021121066958497, + 1.361418248174872, + 1.585464750094916, + 1.658927033697537, + 1.756718205785143, + 1.529607296226234, + 1.722383665896016, + 1.321701705887859, + 1.090561259449669, + 0.9102615998551152, + 0.7756006055185657, + 1.028752093687597, + 1.426147006920219, + 1.570702606104356, + 1.543067330995839, + 1.479867593470972, + 1.75312002969825, + 1.5302863366596, + 1.703672412034226, + 1.584068329269923, + 1.851871066003486, + 1.625450995011679, + 1.381759384036466, + 1.120267402761813, + 0.9870167648219603, + 0.9238916616664362, + 1.045530978170621, + 1.389012123875701, + 1.53305919165864, + 1.720003347157413, + 2.204217144214669, + 1.813163033109414, + 2.686051851395679, + 3.186751176746471, + 3.502522127240809, + 3.391451191775857, + 3.572720396179869, + 2.973259657296418, + 2.585157953635029, + 2.636689305877798, + 2.189670522932441, + 2.315764647744638, + 2.482147333928415, + 3.592662899765598, + 4.198715026519962, + 4.385403355108108, + 4.550575350678585, + 5.390717636004641, + 5.923084782776978, + 5.909497613597819, + 5.85590313853106, + 5.566220497528119, + 5.281442851239303, + 5.064967621903965, + 4.539296609148873, + 4.492702151486512, + 4.88835795445202, + 5.118492619577221, + 4.632268148783611, + 4.246457092432083, + 3.452412930523562, + 2.743089359866425, + 2.31759889675596, + 2.482974484851455, + 4.135719674961998, + 3.612673310126853, + 2.908034726542881, + 2.368191732775888, + 1.968602526356982, + 1.6448066252224, + 1.401475440879911 + ], + "x_plot": [ + 0.0, + 657.7777777777778, + 1315.5555555555557, + 1973.3333333333335, + 2631.1111111111113, + 3288.888888888889, + 3946.666666666667, + 4604.444444444445, + 5262.222222222223, + 5920.0, + 6577.777777777778, + 7235.555555555557, + 7893.333333333334, + 8551.111111111111, + 9208.88888888889, + 9866.666666666668, + 10524.444444444445, + 11182.222222222223, + 11840.0, + 12497.77777777778, + 13155.555555555557, + 13813.333333333334, + 14471.111111111113, + 15128.88888888889, + 15786.666666666668, + 16444.444444444445, + 17102.222222222223, + 17760.0, + 18417.77777777778, + 19075.55555555556, + 19733.333333333336, + 20391.111111111113, + 21048.88888888889, + 21706.666666666668, + 22364.444444444445, + 23022.222222222223, + 23680.0, + 24337.77777777778, + 24995.55555555556, + 25653.333333333336, + 26311.111111111113, + 26968.88888888889, + 27626.666666666668, + 28284.444444444445, + 28942.222222222226, + 29600.000000000004, + 30257.77777777778, + 30915.55555555556, + 31573.333333333336, + 32231.111111111113, + 32888.88888888889, + 33546.66666666667, + 34204.444444444445, + 34862.222222222226, + 35520.0, + 36177.77777777778, + 36835.55555555556, + 37493.333333333336, + 38151.11111111112, + 38808.88888888889, + 39466.66666666667, + 40124.444444444445, + 40782.222222222226, + 41440.0, + 42097.77777777778, + 42755.55555555556, + 43413.333333333336, + 44071.11111111112, + 44728.88888888889, + 45386.66666666667, + 46044.444444444445, + 46702.222222222226, + 47360.0, + 48017.77777777778, + 48675.55555555556, + 49333.333333333336, + 49991.11111111112, + 50648.88888888889, + 51306.66666666667, + 51964.444444444445, + 52622.222222222226, + 53280.00000000001, + 53937.77777777778, + 54595.55555555556, + 55253.333333333336, + 55911.11111111112, + 56568.88888888889, + 57226.66666666667, + 57884.44444444445, + 58542.222222222226, + 59200.00000000001, + 59857.77777777778, + 60515.55555555556, + 61173.333333333336, + 61831.11111111112, + 62488.88888888889, + 63146.66666666667, + 63804.44444444445, + 64462.222222222226, + 65120.0 + ] + } + } + }, + "all_visits": { + "Aggregated": { + "b_search": { + "K": 1142.7119182688773, + "b": 0.012575585154712438, + "a": 0.010071356597829232, + "x0": 724.3584458311816, + "power": 0.0, + "x": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 32.0, + 45.0, + 23.0, + 48.0, + 93.0, + 71.0, + 194.0, + 193.0, + 56.0, + 28.0, + 230.0, + 265.0, + 224.0, + 131.0, + 129.0, + 74.0, + 46.0, + 216.0, + 0.0, + 0.0, + 0.0, + 17.0, + 77.0, + 49.0, + 210.0, + 308.0, + 98.0, + 79.0, + 142.0, + 94.0, + 68.0, + 204.0, + 209.0, + 176.0, + 204.0, + 113.0, + 94.0, + 52.0, + 236.0, + 244.0, + 205.0, + 160.0, + 142.0, + 101.0, + 73.0, + 221.0, + 203.0, + 196.0, + 101.0, + 114.0, + 97.0, + 82.0, + 158.0, + 137.0, + 78.0, + 81.0, + 89.0, + 89.0, + 55.0, + 141.0, + 167.0, + 160.0, + 146.0, + 108.0, + 110.0, + 51.0, + 191.0, + 170.0, + 140.0, + 114.0, + 133.0, + 73.0, + 52.0, + 217.0, + 203.0, + 356.0, + 273.0, + 231.0, + 120.0, + 55.0, + 356.0, + 331.0, + 323.0, + 289.0, + 279.0, + 198.0, + 133.0, + 734.0, + 446.0 + ], + "y": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 58.32745861082633, + 82.02298867147452, + 41.92286087653142, + 87.49118791623948, + 169.514176587714, + 129.4140487927709, + 353.6102178281346, + 351.7874847465463, + 102.0730525689461, + 51.03652628447303, + 419.2286087653142, + 483.0242666209055, + 408.2922102757843, + 238.7780336880703, + 235.1325675248936, + 134.8822480375359, + 83.84572175306283, + 393.7103456230777, + 0.0, + 0.0, + 0.0, + 30.98646238700148, + 140.3504472823008, + 89.31392099782781, + 382.7739471335478, + 561.4017891292034, + 178.6278419956556, + 143.9959134454775, + 258.8280975855418, + 171.3369096693023, + 123.9458495480059, + 371.8375486440178, + 380.9512140519594, + 320.8010223595448, + 371.8375486440178, + 205.9688382194805, + 171.3369096693023, + 94.78212024259277, + 430.1650072548441, + 444.7468719075507, + 373.6602817256062, + 291.6372930541316, + 258.8280975855418, + 184.0960412404206, + 133.0595149559475, + 402.8240110310193, + 370.0148155624295, + 357.2556839913112, + 184.0960412404206, + 207.7915713010688, + 176.8051089140673, + 149.4641126902424, + 287.9918268909549, + 249.7144321776002, + 142.1731803638892, + 147.6413796086541, + 162.2232442613607, + 162.2232442613607, + 100.2503194873577, + 257.0053645039535, + 304.3964246252499, + 291.6372930541316, + 266.1190299118951, + 196.8551728115389, + 200.5006389747155, + 92.95938716100446, + 348.1420185833696, + 309.8646238700148, + 255.1826314223651, + 207.7915713010688, + 242.4234998512469, + 133.0595149559475, + 94.78212024259277, + 395.533078704666, + 370.0148155624295, + 648.8929770454429, + 497.6061312736121, + 421.0513418469025, + 218.7279697905987, + 100.2503194873577, + 648.8929770454429, + 603.3246500057348, + 588.7427853530282, + 526.7698605790252, + 508.5425297631421, + 360.9011501544879, + 242.4234998512469, + 1337.886081885829, + 812.9389543883918 + ], + "x_plot": [ + 0.0, + 37.07070707070707, + 74.14141414141415, + 111.21212121212122, + 148.2828282828283, + 185.35353535353536, + 222.42424242424244, + 259.49494949494954, + 296.5656565656566, + 333.6363636363636, + 370.7070707070707, + 407.7777777777778, + 444.8484848484849, + 481.9191919191919, + 518.9898989898991, + 556.0606060606061, + 593.1313131313132, + 630.2020202020202, + 667.2727272727273, + 704.3434343434344, + 741.4141414141415, + 778.4848484848485, + 815.5555555555557, + 852.6262626262627, + 889.6969696969697, + 926.7676767676768, + 963.8383838383838, + 1000.909090909091, + 1037.9797979797981, + 1075.050505050505, + 1112.1212121212122, + 1149.1919191919192, + 1186.2626262626263, + 1223.3333333333335, + 1260.4040404040404, + 1297.4747474747476, + 1334.5454545454545, + 1371.6161616161617, + 1408.6868686868688, + 1445.7575757575758, + 1482.828282828283, + 1519.89898989899, + 1556.969696969697, + 1594.0404040404042, + 1631.1111111111113, + 1668.1818181818182, + 1705.2525252525254, + 1742.3232323232323, + 1779.3939393939395, + 1816.4646464646466, + 1853.5353535353536, + 1890.6060606060607, + 1927.6767676767677, + 1964.7474747474748, + 2001.818181818182, + 2038.888888888889, + 2075.9595959595963, + 2113.030303030303, + 2150.10101010101, + 2187.1717171717173, + 2224.2424242424245, + 2261.3131313131316, + 2298.3838383838383, + 2335.4545454545455, + 2372.5252525252527, + 2409.59595959596, + 2446.666666666667, + 2483.7373737373737, + 2520.808080808081, + 2557.878787878788, + 2594.949494949495, + 2632.0202020202023, + 2669.090909090909, + 2706.161616161616, + 2743.2323232323233, + 2780.3030303030305, + 2817.3737373737376, + 2854.444444444445, + 2891.5151515151515, + 2928.5858585858587, + 2965.656565656566, + 3002.727272727273, + 3039.79797979798, + 3076.868686868687, + 3113.939393939394, + 3151.010101010101, + 3188.0808080808083, + 3225.1515151515155, + 3262.2222222222226, + 3299.2929292929293, + 3336.3636363636365, + 3373.4343434343436, + 3410.505050505051, + 3447.575757575758, + 3484.6464646464647, + 3521.717171717172, + 3558.787878787879, + 3595.858585858586, + 3632.9292929292933, + 3670.0 + ] + }, + "fb": { + "K": 1223.3037631939494, + "b": 0.47889611019603173, + "a": 0.006375142102805177, + "x0": 425.77325177077495, + "power": 0.0, + "x": [ + 0.0, + 165.0, + 313.0, + 252.0, + 315.0, + 290.0, + 268.0, + 239.0, + 256.0, + 305.0, + 269.0, + 315.0, + 374.0, + 401.0, + 421.0, + 409.0, + 261.0, + 206.0, + 222.0, + 184.0, + 188.0, + 289.0, + 296.0, + 335.0, + 380.0, + 350.0, + 335.0, + 443.0, + 336.0, + 273.0, + 273.0, + 420.0, + 558.0, + 585.0, + 572.0, + 431.0, + 445.0, + 402.0, + 452.0, + 390.0, + 446.0, + 452.0, + 367.0, + 388.0, + 355.0, + 196.0, + 197.0, + 208.0, + 214.0, + 158.0, + 177.0, + 140.0, + 245.0, + 236.0, + 215.0, + 351.0, + 278.0, + 283.0, + 288.0, + 287.0, + 267.0, + 241.0, + 275.0, + 260.0, + 228.0, + 251.0, + 256.0, + 249.0, + 264.0, + 340.0, + 244.0, + 221.0, + 237.0, + 171.0, + 177.0, + 202.0, + 242.0, + 198.0, + 221.0, + 246.0, + 187.0, + 237.0, + 176.0, + 207.0, + 194.0, + 200.0, + 213.0, + 186.0, + 200.0, + 250.0, + 243.0, + 219.0, + 231.0, + 218.0, + 214.0, + 200.0, + 232.0, + 237.0, + 230.0, + 232.0, + 175.0, + 206.0, + 175.0, + 185.0, + 214.0, + 185.0, + 143.0, + 117.0, + 110.0, + 115.0, + 135.0, + 129.0, + 156.0, + 175.0, + 169.0, + 157.0, + 137.0, + 172.0, + 139.0, + 154.0, + 163.0, + 142.0, + 138.0, + 178.0, + 160.0, + 181.0, + 156.0, + 159.0, + 167.0, + 120.0, + 162.0, + 143.0, + 188.0, + 176.0, + 177.0, + 192.0, + 172.0, + 197.0, + 143.0, + 174.0, + 150.0, + 188.0 + ], + "y": [ + 0.0, + 0.0, + 332.4494600546993, + 630.6465514977024, + 507.7409935380863, + 634.6762419226078, + 584.3051116112898, + 539.9785169373298, + 481.5480057762009, + 515.8003743878971, + 614.5277897980807, + 541.9933621497826, + 634.6762419226078, + 753.5521094573185, + 807.9529301935421, + 848.2498344425965, + 824.0716918931638, + 525.8746004501609, + 415.0581137652611, + 447.2956371645046, + 370.7315190913011, + 378.790899941112, + 582.290266398837, + 596.3941828860061, + 674.9731461716623, + 765.6411807320349, + 705.1958243584531, + 674.9731461716623, + 892.5764291165564, + 676.9879913841149, + 550.0527429995934, + 550.0527429995934, + 846.2349892301438, + 1124.28362854862, + 1178.684449284843, + 1152.491461522958, + 868.3982865671238, + 896.6061195414618, + 809.9677754059948, + 910.710036028631, + 785.7896328565621, + 898.6209647539146, + 910.710036028631, + 739.4481929701494, + 781.7599424316567, + 715.2700504207168, + 394.9096616407338, + 396.9245068531865, + 419.0878041901665, + 431.1768754648828, + 318.3455435675303, + 356.627602604132, + 282.0783297433813, + 493.6370770509172, + 475.5034701388427, + 433.1917206773355, + 707.2106695709059, + 560.126969061857, + 570.2011951241207, + 580.2754211863844, + 578.2605759739315, + 537.9636717248771, + 485.5776962011063, + 554.082433424499, + 523.859755237708, + 459.3847084392209, + 505.7261483256335, + 515.8003743878971, + 501.6964579007281, + 531.919136087519, + 685.047372233926, + 491.6222318384645, + 445.2807919520519, + 477.5183153512954, + 344.5385313294157, + 356.627602604132, + 406.9987329154501, + 487.592541413559, + 398.9393520656392, + 445.2807919520519, + 495.65192226337, + 376.7760547286592, + 477.5183153512954, + 354.6127573916793, + 417.0729589777138, + 390.8799712158283, + 402.9690424905447, + 429.16203025243, + 374.7612095162065, + 402.9690424905447, + 503.7113031131808, + 489.6073866260118, + 441.2511015271464, + 465.4292440765791, + 439.2362563146937, + 431.1768754648828, + 402.9690424905447, + 467.4440892890318, + 477.5183153512954, + 463.4143988641263, + 467.4440892890318, + 352.5979121792266, + 415.0581137652611, + 352.5979121792266, + 372.7463643037538, + 431.1768754648828, + 372.7463643037538, + 288.1228653807394, + 235.7368898569686, + 221.6329733697996, + 231.7071994320632, + 272.0041036811177, + 259.9150324064013, + 314.3158531426249, + 352.5979121792266, + 340.5088409045102, + 316.3306983550776, + 276.0337941060231, + 346.5533765418684, + 280.0634845309285, + 310.2861627177194, + 328.4197696297939, + 286.1080201682867, + 278.0486393184758, + 358.6424478165847, + 322.3752339924358, + 364.686983453943, + 314.3158531426249, + 320.360388779983, + 336.4791504796048, + 241.7814254943268, + 326.4049244173412, + 288.1228653807394, + 378.790899941112, + 354.6127573916793, + 356.627602604132, + 386.8502807909229, + 346.5533765418684, + 396.9245068531865, + 288.1228653807394, + 350.5830669667739, + 302.2267818679085 + ], + "x_plot": [ + 0.0, + 29.545454545454547, + 59.09090909090909, + 88.63636363636364, + 118.18181818181819, + 147.72727272727275, + 177.27272727272728, + 206.8181818181818, + 236.36363636363637, + 265.90909090909093, + 295.4545454545455, + 325.0, + 354.54545454545456, + 384.0909090909091, + 413.6363636363636, + 443.1818181818182, + 472.72727272727275, + 502.2727272727273, + 531.8181818181819, + 561.3636363636364, + 590.909090909091, + 620.4545454545455, + 650.0, + 679.5454545454546, + 709.0909090909091, + 738.6363636363636, + 768.1818181818182, + 797.7272727272727, + 827.2727272727273, + 856.8181818181819, + 886.3636363636364, + 915.909090909091, + 945.4545454545455, + 975.0, + 1004.5454545454546, + 1034.0909090909092, + 1063.6363636363637, + 1093.1818181818182, + 1122.7272727272727, + 1152.2727272727273, + 1181.818181818182, + 1211.3636363636365, + 1240.909090909091, + 1270.4545454545455, + 1300.0, + 1329.5454545454545, + 1359.0909090909092, + 1388.6363636363637, + 1418.1818181818182, + 1447.7272727272727, + 1477.2727272727273, + 1506.818181818182, + 1536.3636363636365, + 1565.909090909091, + 1595.4545454545455, + 1625.0, + 1654.5454545454545, + 1684.0909090909092, + 1713.6363636363637, + 1743.1818181818182, + 1772.7272727272727, + 1802.2727272727273, + 1831.818181818182, + 1861.3636363636365, + 1890.909090909091, + 1920.4545454545455, + 1950.0, + 1979.5454545454547, + 2009.0909090909092, + 2038.6363636363637, + 2068.1818181818185, + 2097.727272727273, + 2127.2727272727275, + 2156.818181818182, + 2186.3636363636365, + 2215.909090909091, + 2245.4545454545455, + 2275.0, + 2304.5454545454545, + 2334.090909090909, + 2363.636363636364, + 2393.1818181818185, + 2422.727272727273, + 2452.2727272727275, + 2481.818181818182, + 2511.3636363636365, + 2540.909090909091, + 2570.4545454545455, + 2600.0, + 2629.5454545454545, + 2659.090909090909, + 2688.636363636364, + 2718.1818181818185, + 2747.727272727273, + 2777.2727272727275, + 2806.818181818182, + 2836.3636363636365, + 2865.909090909091, + 2895.4545454545455, + 2925.0 + ] + }, + "p_max": { + "K": 157.42756890712107, + "b": 0.044224320392592865, + "a": 0.012267723776693022, + "x0": 497.7571526506888, + "power": 1.0, + "x": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 3.0, + 297.0, + 350.0, + 374.0, + 346.0, + 265.0, + 779.0, + 1090.0, + 1340.0, + 1112.0, + 77.0, + 27.0, + 32.0, + 31.0, + 107.0, + 0.0, + 0.0, + 0.0, + 1.0, + 15.0, + 22.0, + 64.0, + 124.0, + 117.0, + 123.0, + 230.0, + 139.0, + 148.0, + 226.0, + 595.0, + 1284.0, + 1522.0, + 982.0, + 412.0, + 316.0, + 1204.0, + 1491.0, + 1832.0, + 835.0, + 711.0, + 624.0, + 399.0, + 736.0, + 776.0, + 937.0, + 637.0, + 741.0, + 599.0, + 622.0, + 2039.0, + 2804.0, + 2406.0, + 3350.0, + 893.0, + 846.0, + 834.0, + 579.0, + 3248.0, + 2452.0, + 2102.0, + 1768.0, + 1140.0, + 659.0, + 2160.0, + 1543.0, + 1759.0, + 3906.0, + 1956.0, + 1470.0, + 1381.0, + 2182.0, + 2044.0, + 2647.0, + 2867.0, + 2860.0, + 1561.0, + 1184.0, + 3015.0, + 4227.0, + 4429.0, + 4913.0, + 4250.0, + 1376.0, + 1357.0, + 6502.0, + 4159.0 + ], + "y": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.09468175311600037, + 9.373493558484036, + 11.04620453020004, + 11.80365855512805, + 10.91996219271204, + 8.363554858580033, + 24.5856952257881, + 34.40103696548013, + 42.29118305848016, + 35.09536982166414, + 2.43016499664401, + 0.8521357780440034, + 1.009938699904004, + 0.9783781155320037, + 3.376982527804013, + 0.0, + 0.0, + 0.0, + 0.03156058437200012, + 0.4734087655800019, + 0.6943328561840028, + 2.019877399808008, + 3.913512462128015, + 3.692588371524014, + 3.881951877756015, + 7.258934405560027, + 4.386921227708017, + 4.670966487056018, + 7.132692068072028, + 18.77854770134007, + 40.52379033364816, + 48.03520941418419, + 30.99249385330412, + 13.00296076126405, + 9.97314466155204, + 37.99894358388815, + 47.05683129865218, + 57.81899056950423, + 26.3530879506201, + 22.43957548849209, + 19.69380464812808, + 12.59267316442805, + 23.22859009779209, + 24.4910134726721, + 29.57226755656411, + 20.10409224496408, + 23.38639301965209, + 18.90479003882808, + 19.63068347938408, + 64.35203153450826, + 88.49587857908834, + 75.9347659990323, + 105.7279576462004, + 28.18360184419611, + 26.7002543787121, + 26.3215273662481, + 18.27357835138807, + 102.5087780402564, + 77.38655288014431, + 66.34034834994425, + 55.79911316969622, + 35.97906618408014, + 20.79842510114808, + 68.17086224352028, + 48.69798168599619, + 55.51506791034822, + 123.2756425570325, + 61.73250303163224, + 46.39405902684018, + 43.58516701773218, + 68.86519509970427, + 64.50983445636825, + 83.54086683268433, + 90.48419539452436, + 90.26327130392035, + 49.26607220469219, + 37.36773189644814, + 95.15516188158037, + 133.4065901404445, + 139.7818281835885, + 155.0571510196366, + 134.1324835810005, + 43.42736409587217, + 42.82771299280417, + 205.2069195867448, + 131.2604704031485 + ], + "x_plot": [ + 0.0, + 328.3838383838384, + 656.7676767676768, + 985.1515151515152, + 1313.5353535353536, + 1641.919191919192, + 1970.3030303030305, + 2298.686868686869, + 2627.070707070707, + 2955.4545454545455, + 3283.838383838384, + 3612.222222222222, + 3940.606060606061, + 4268.989898989899, + 4597.373737373738, + 4925.757575757576, + 5254.141414141414, + 5582.525252525253, + 5910.909090909091, + 6239.292929292929, + 6567.676767676768, + 6896.060606060606, + 7224.444444444444, + 7552.828282828283, + 7881.212121212122, + 8209.59595959596, + 8537.979797979799, + 8866.363636363636, + 9194.747474747475, + 9523.131313131313, + 9851.515151515152, + 10179.89898989899, + 10508.282828282829, + 10836.666666666668, + 11165.050505050505, + 11493.434343434345, + 11821.818181818182, + 12150.202020202021, + 12478.585858585859, + 12806.969696969698, + 13135.353535353535, + 13463.737373737375, + 13792.121212121212, + 14120.505050505051, + 14448.888888888889, + 14777.272727272728, + 15105.656565656565, + 15434.040404040405, + 15762.424242424244, + 16090.808080808081, + 16419.19191919192, + 16747.57575757576, + 17075.959595959597, + 17404.343434343435, + 17732.727272727272, + 18061.111111111113, + 18389.49494949495, + 18717.878787878788, + 19046.262626262625, + 19374.646464646466, + 19703.030303030304, + 20031.41414141414, + 20359.79797979798, + 20688.18181818182, + 21016.565656565657, + 21344.949494949495, + 21673.333333333336, + 22001.717171717173, + 22330.10101010101, + 22658.484848484848, + 22986.86868686869, + 23315.252525252527, + 23643.636363636364, + 23972.0202020202, + 24300.404040404042, + 24628.78787878788, + 24957.171717171717, + 25285.555555555555, + 25613.939393939396, + 25942.323232323233, + 26270.70707070707, + 26599.09090909091, + 26927.47474747475, + 27255.858585858587, + 27584.242424242424, + 27912.626262626265, + 28241.010101010103, + 28569.39393939394, + 28897.777777777777, + 29226.16161616162, + 29554.545454545456, + 29882.929292929293, + 30211.31313131313, + 30539.69696969697, + 30868.08080808081, + 31196.464646464647, + 31524.848484848488, + 31853.232323232325, + 32181.616161616163, + 32510.0 + ] + }, + "g_pmax": { + "K": 3282.79589830415, + "b": 0.05510815023532735, + "a": 0.04456508936636865, + "x0": 122.73409623760509, + "power": 2.0, + "x": [ + 18.0, + 2192.0, + 3936.0, + 1956.0, + 1669.0, + 611.0, + 1901.0, + 343.0, + 329.0, + 339.0, + 385.0, + 311.0, + 377.0, + 739.0, + 560.0, + 625.0, + 653.0, + 351.0, + 226.0, + 223.0, + 766.0, + 831.0, + 1108.0, + 4016.0, + 7205.0, + 3880.0, + 2108.0, + 1651.0, + 3041.0, + 5104.0, + 2119.0, + 6367.0, + 4231.0, + 13024.0, + 10493.0, + 4576.0, + 530.0, + 2101.0, + 1569.0, + 1824.0, + 2257.0, + 2445.0, + 2302.0, + 1963.0, + 5006.0, + 2766.0, + 4025.0, + 1632.0, + 6632.0, + 3428.0, + 1249.0, + 3006.0, + 4889.0, + 6554.0, + 5039.0, + 3536.0, + 2235.0, + 1331.0, + 1175.0, + 650.0, + 608.0, + 686.0, + 706.0, + 782.0, + 483.0, + 394.0, + 562.0, + 501.0, + 1307.0, + 1647.0, + 1972.0, + 2831.0, + 2769.0, + 2404.0, + 2607.0, + 1313.0, + 2853.0, + 508.0, + 724.0, + 643.0, + 606.0, + 2127.0, + 3091.0, + 2506.0, + 1942.0, + 1750.0, + 3140.0, + 1327.0, + 2769.0, + 1714.0, + 3253.0, + 1441.0, + 1068.0, + 670.0, + 888.0, + 1020.0, + 1746.0, + 2877.0, + 2455.0, + 2832.0, + 4379.0, + 1183.0, + 6203.0, + 5720.0, + 5568.0, + 4114.0, + 5248.0, + 2068.0, + 2206.0, + 3621.0, + 1506.0, + 3428.0, + 3770.0, + 8122.0, + 7372.0, + 6332.0, + 6483.0, + 9655.0, + 9411.0, + 7720.0, + 7527.0, + 6423.0, + 6064.0, + 5989.0, + 4351.0, + 5758.0, + 7633.0, + 7428.0, + 4594.0, + 4395.0, + 2101.0, + 1429.0, + 1740.0, + 3768.0, + 10497.0, + 3142.0, + 1660.0, + 1456.0, + 1361.0, + 1168.0, + 1095.0, + 1423.0 + ], + "y": [ + 0.0, + 613.2474775977025, + 1105.19945594655, + 546.6759942890283, + 465.7183006043269, + 167.2749559408637, + 531.1614536874305, + 91.67683082762342, + 87.72767503812581, + 90.54850060205268, + 103.5242981961163, + 82.65018902305742, + 101.2676377449748, + 203.3815231591277, + 152.8887455648366, + 171.2241117303613, + 179.1224233093566, + 93.93349127876493, + 58.67317172967899, + 57.82692406050094, + 210.9977521817302, + 229.3331183472549, + 307.4699864680293, + 1127.766060457965, + 2027.327332794245, + 1089.402832788559, + 589.5525428607168, + 460.6408145892587, + 852.7355679750942, + 1434.671881813209, + 592.6554509810363, + 1790.942150537173, + 1188.413810082392, + 3668.765728443293, + 2954.814778213401, + 1285.73229203787, + 144.426268873056, + 587.5779649659679, + 437.5100449650583, + 509.4410968451935, + 631.5828437632273, + 684.6143643650524, + 644.2765588008982, + 548.6505721837772, + 1407.027791286725, + 775.1628649671052, + 1130.304803465499, + 455.2812460177975, + 1865.694027981235, + 961.9015172990645, + 347.2436269193983, + 842.8626785013502, + 1374.024132188781, + 1843.691588582605, + 1416.336515647684, + 992.3664333894745, + 625.3770275225882, + 370.3743965435986, + 326.3695177463394, + 178.2761756401785, + 166.4287082716856, + 188.4311476703152, + 194.072798798169, + 215.5110730840132, + 131.1683887225997, + 106.0630412036505, + 153.452910677622, + 136.2458747376681, + 363.6044151901741, + 459.5124843636879, + 551.1893151913113, + 793.4982311326298, + 776.0091126362832, + 673.0489795529522, + 730.3117385006678, + 365.2969105285302, + 799.704047373269, + 138.2204526324169, + 199.1502848132374, + 176.3015977454297, + 165.8645431589003, + 594.9121114321779, + 866.8396957947285, + 701.8214003050065, + 542.7268384995307, + 488.5669876721346, + 880.6617410579703, + 369.2460663180279, + 776.0091126362832, + 478.412015641998, + 912.5370699303439, + 401.4034777467943, + 296.1866842123218, + 183.9178267680323, + 245.4118240616381, + 282.6467215054728, + 487.4386574465639, + 806.4740287266934, + 687.4351899289793, + 793.7803136890225, + 1230.16202842851, + 328.6261781974809, + 1744.680611288772, + 1608.434736551104, + 1565.558187979416, + 1155.410150984448, + 1475.291769933756, + 578.2692406050093, + 617.1966333872002, + 1016.343450682853, + 419.7388439123189, + 961.9015172990645, + 1058.373751585364, + 2285.997037006339, + 2074.435119711824, + 1781.069261063429, + 1823.663727078725, + 2718.429595956329, + 2649.601452196513, + 2172.599849336479, + 2118.15791595269, + 1806.738773695163, + 1705.471135950188, + 1684.314944220737, + 1222.263716849515, + 1619.153873694026, + 2148.058666930315, + 2090.231742869814, + 1290.809778052938, + 1234.675349330793, + 587.5779649659679, + 398.018487070082, + 485.7461621082078, + 1057.809586472578, + 2955.943108438972, + 881.2259061707557, + 463.1795575967928, + 405.6347160926846, + 378.8368732353792, + 324.3949398515906, + 303.8029132349243, + 396.3259917317259 + ], + "x_plot": [ + 0.0, + 657.7777777777778, + 1315.5555555555557, + 1973.3333333333335, + 2631.1111111111113, + 3288.888888888889, + 3946.666666666667, + 4604.444444444445, + 5262.222222222223, + 5920.0, + 6577.777777777778, + 7235.555555555557, + 7893.333333333334, + 8551.111111111111, + 9208.88888888889, + 9866.666666666668, + 10524.444444444445, + 11182.222222222223, + 11840.0, + 12497.77777777778, + 13155.555555555557, + 13813.333333333334, + 14471.111111111113, + 15128.88888888889, + 15786.666666666668, + 16444.444444444445, + 17102.222222222223, + 17760.0, + 18417.77777777778, + 19075.55555555556, + 19733.333333333336, + 20391.111111111113, + 21048.88888888889, + 21706.666666666668, + 22364.444444444445, + 23022.222222222223, + 23680.0, + 24337.77777777778, + 24995.55555555556, + 25653.333333333336, + 26311.111111111113, + 26968.88888888889, + 27626.666666666668, + 28284.444444444445, + 28942.222222222226, + 29600.000000000004, + 30257.77777777778, + 30915.55555555556, + 31573.333333333336, + 32231.111111111113, + 32888.88888888889, + 33546.66666666667, + 34204.444444444445, + 34862.222222222226, + 35520.0, + 36177.77777777778, + 36835.55555555556, + 37493.333333333336, + 38151.11111111112, + 38808.88888888889, + 39466.66666666667, + 40124.444444444445, + 40782.222222222226, + 41440.0, + 42097.77777777778, + 42755.55555555556, + 43413.333333333336, + 44071.11111111112, + 44728.88888888889, + 45386.66666666667, + 46044.444444444445, + 46702.222222222226, + 47360.0, + 48017.77777777778, + 48675.55555555556, + 49333.333333333336, + 49991.11111111112, + 50648.88888888889, + 51306.66666666667, + 51964.444444444445, + 52622.222222222226, + 53280.00000000001, + 53937.77777777778, + 54595.55555555556, + 55253.333333333336, + 55911.11111111112, + 56568.88888888889, + 57226.66666666667, + 57884.44444444445, + 58542.222222222226, + 59200.00000000001, + 59857.77777777778, + 60515.55555555556, + 61173.333333333336, + 61831.11111111112, + 62488.88888888889, + 63146.66666666667, + 63804.44444444445, + 64462.222222222226, + 65120.0 + ] + }, + "demand": { + "K": 701.4010880150711, + "b": 0.02105051235206235, + "a": 0.022688798221270415, + "x0": 306.3546875555672, + "power": 1.0, + "x": [ + 0.0, + 251.0, + 210.0, + 292.0, + 322.0, + 353.0, + 811.0, + 355.0, + 229.0, + 26.0, + 127.0, + 258.0, + 257.0, + 241.0, + 169.0, + 78.0, + 471.0, + 671.0, + 2621.0, + 1976.0, + 1168.0, + 502.0, + 213.0, + 423.0, + 606.0, + 581.0, + 478.0, + 313.0, + 258.0, + 239.0, + 267.0, + 245.0, + 278.0, + 440.0, + 1635.0, + 1020.0, + 495.0, + 355.0, + 385.0, + 601.0, + 675.0, + 341.0, + 389.0, + 227.0, + 93.0, + 60.0, + 65.0, + 53.0, + 48.0, + 70.0, + 78.0, + 29.0, + 20.0, + 167.0, + 155.0, + 193.0, + 145.0, + 152.0, + 178.0, + 146.0, + 168.0, + 144.0, + 96.0, + 139.0, + 206.0, + 194.0, + 164.0, + 173.0, + 127.0, + 171.0, + 189.0, + 214.0, + 213.0, + 164.0, + 128.0, + 146.0, + 133.0, + 155.0, + 114.0, + 99.0, + 110.0, + 57.0, + 171.0, + 55.0, + 53.0, + 52.0, + 55.0, + 153.0, + 132.0, + 2674.0, + 3263.0, + 530.0, + 2619.0, + 2190.0, + 128.0, + 133.0, + 128.0, + 88.0, + 77.0, + 16.0, + 17.0, + 25.0, + 7.0, + 12.0, + 20.0, + 19.0, + 15.0, + 12.0, + 11.0, + 11.0, + 19.0, + 14.0, + 17.0, + 90.0, + 79.0, + 105.0, + 87.0, + 42.0, + 29.0, + 39.0, + 68.0, + 99.0, + 102.0, + 83.0, + 60.0, + 66.0, + 93.0, + 101.0, + 79.0, + 38.0, + 52.0, + 45.0, + 32.0, + 38.0, + 34.0, + 16.0, + 9.0, + 8.0, + 7.0, + 7.0, + 18.0, + 70.0 + ], + "y": [ + 0.0, + 62.51023873189023, + 52.29940292309541, + 72.72107454068505, + 80.19241781541297, + 87.91280586596514, + 201.975313193478, + 88.41089541761366, + 57.03125366375642, + 6.47516417143086, + 31.62868652968151, + 64.25355216266007, + 64.00450738683581, + 60.01979097364759, + 42.08856711430059, + 19.42549251429258, + 117.3000894132283, + 167.109044578081, + 652.7463574353956, + 492.1124770287454, + 290.8842981627402, + 125.0204774637805, + 53.0465372505682, + 105.3459401736636, + 150.9211341495039, + 144.6950147538973, + 119.0434028439981, + 77.95101483299459, + 64.25355216266007, + 59.52170142199906, + 66.49495514507845, + 61.01597007694464, + 69.23444767914536, + 109.5797013626761, + 407.1882084726714, + 254.0256713407491, + 123.2771640330106, + 88.41089541761366, + 95.88223869234159, + 149.6759102703826, + 168.1052236813781, + 84.92426855607397, + 96.87841779563864, + 56.53316411210789, + 23.16116415165654, + 14.94268654945583, + 16.18791042857715, + 13.19937311868599, + 11.95414923956467, + 17.43313430769847, + 19.42549251429258, + 7.222298498903652, + 4.980895516485278, + 41.59047756265206, + 38.6019402527609, + 48.06564173408292, + 36.11149249451826, + 37.8548059252881, + 44.32997009671897, + 36.36053727034253, + 41.83952233847633, + 35.862447718694, + 23.90829847912933, + 34.61722383957268, + 51.30322381979835, + 48.31468650990719, + 40.84334323517927, + 43.08474621759765, + 31.62868652968151, + 42.58665666594912, + 47.06946263078587, + 53.29558202639247, + 53.0465372505682, + 40.84334323517927, + 31.87773130550577, + 36.36053727034253, + 33.1229551846271, + 38.6019402527609, + 28.39110444396608, + 24.65543280660212, + 27.39492534066902, + 14.19555222198304, + 42.58665666594912, + 13.69746267033451, + 13.19937311868599, + 12.95032834286172, + 13.69746267033451, + 38.10385070111237, + 32.87391040880283, + 665.9457305540815, + 812.633103514573, + 131.9937311868598, + 652.2482678837471, + 545.4080590551379, + 31.87773130550577, + 33.1229551846271, + 31.87773130550577, + 21.91594027253522, + 19.17644773846832, + 3.984716413188222, + 4.233761189012485, + 6.226119395606596, + 1.743313430769847, + 2.988537309891167, + 4.980895516485278, + 4.731850740661013, + 3.735671637363958, + 2.988537309891167, + 2.739492534066903, + 2.739492534066903, + 4.731850740661013, + 3.486626861539694, + 4.233761189012485, + 22.41402982418375, + 19.67453729011685, + 26.1497014615477, + 21.66689549671095, + 10.45988058461908, + 7.222298498903652, + 9.712746257146291, + 16.93504475604994, + 24.65543280660212, + 25.40256713407491, + 20.6707163934139, + 14.94268654945583, + 16.43695520440141, + 23.16116415165654, + 25.15352235825065, + 19.67453729011685, + 9.463701481322026, + 12.95032834286172, + 11.20701491209187, + 7.969432826376443, + 9.463701481322026, + 8.46752237802497, + 3.984716413188222, + 2.241402982418375, + 1.992358206594111, + 1.743313430769847, + 1.743313430769847, + 4.48280596483675, + 17.43313430769847 + ], + "x_plot": [ + 0.0, + 164.7979797979798, + 329.5959595959596, + 494.3939393939394, + 659.1919191919192, + 823.989898989899, + 988.7878787878788, + 1153.5858585858587, + 1318.3838383838383, + 1483.181818181818, + 1647.979797979798, + 1812.7777777777778, + 1977.5757575757575, + 2142.373737373737, + 2307.1717171717173, + 2471.969696969697, + 2636.7676767676767, + 2801.5656565656564, + 2966.363636363636, + 3131.161616161616, + 3295.959595959596, + 3460.7575757575755, + 3625.5555555555557, + 3790.3535353535353, + 3955.151515151515, + 4119.949494949495, + 4284.747474747474, + 4449.545454545454, + 4614.343434343435, + 4779.141414141414, + 4943.939393939394, + 5108.737373737374, + 5273.535353535353, + 5438.333333333333, + 5603.131313131313, + 5767.929292929292, + 5932.727272727272, + 6097.525252525253, + 6262.323232323232, + 6427.121212121212, + 6591.919191919192, + 6756.717171717171, + 6921.515151515151, + 7086.313131313131, + 7251.111111111111, + 7415.909090909091, + 7580.707070707071, + 7745.50505050505, + 7910.30303030303, + 8075.10101010101, + 8239.89898989899, + 8404.69696969697, + 8569.494949494949, + 8734.29292929293, + 8899.090909090908, + 9063.888888888889, + 9228.68686868687, + 9393.484848484848, + 9558.282828282829, + 9723.080808080807, + 9887.878787878788, + 10052.676767676767, + 10217.474747474747, + 10382.272727272726, + 10547.070707070707, + 10711.868686868687, + 10876.666666666666, + 11041.464646464647, + 11206.262626262625, + 11371.060606060606, + 11535.858585858585, + 11700.656565656565, + 11865.454545454544, + 12030.252525252525, + 12195.050505050505, + 12359.848484848484, + 12524.646464646465, + 12689.444444444443, + 12854.242424242424, + 13019.040404040403, + 13183.838383838383, + 13348.636363636364, + 13513.434343434343, + 13678.232323232323, + 13843.030303030302, + 14007.828282828283, + 14172.626262626261, + 14337.424242424242, + 14502.222222222223, + 14667.020202020201, + 14831.818181818182, + 14996.61616161616, + 15161.414141414141, + 15326.21212121212, + 15491.0101010101, + 15655.80808080808, + 15820.60606060606, + 15985.40404040404, + 16150.20202020202, + 16315.0 + ] + }, + "g_search": { + "K": 2370.107740296018, + "b": 0.4025107977427649, + "a": 0.023787372321512616, + "x0": 144.455254989512, + "power": 1.0, + "x": [ + 199.0, + 162.0, + 127.0, + 164.0, + 114.0, + 47.0, + 32.0, + 176.0, + 176.0, + 209.0, + 184.0, + 189.0, + 72.0, + 50.0, + 45.0, + 73.0, + 200.0, + 120.0, + 90.0, + 25.0, + 20.0, + 71.0, + 71.0, + 270.0, + 298.0, + 264.0, + 141.0, + 141.0, + 353.0, + 313.0, + 315.0, + 389.0, + 413.0, + 277.0, + 224.0, + 759.0, + 665.0, + 497.0, + 444.0, + 390.0, + 238.0, + 180.0, + 474.0, + 668.0, + 979.0, + 1307.0, + 992.0, + 593.0, + 420.0, + 1527.0, + 1636.0, + 1665.0, + 1250.0, + 1298.0, + 623.0, + 527.0, + 2222.0, + 1672.0, + 1407.0, + 1466.0, + 1123.0, + 521.0, + 421.0, + 1532.0, + 1349.0, + 1253.0, + 1193.0, + 1121.0, + 401.0, + 407.0, + 1513.0, + 1285.0, + 985.0, + 1092.0, + 940.0, + 481.0, + 413.0, + 1375.0, + 1285.0, + 1281.0, + 1250.0, + 1563.0, + 477.0, + 356.0, + 1734.0, + 1527.0, + 1628.0, + 1618.0, + 1576.0, + 617.0, + 589.0, + 1927.0, + 1618.0, + 1714.0, + 1845.0, + 1526.0, + 664.0, + 566.0, + 1867.0, + 1474.0, + 1198.0, + 757.0, + 1101.0, + 566.0, + 416.0, + 1665.0, + 1273.0, + 1193.0, + 981.0, + 504.0, + 542.0, + 516.0, + 874.0, + 1412.0, + 1452.0, + 1122.0, + 894.0, + 508.0, + 376.0, + 1567.0, + 1203.0, + 1099.0, + 1093.0, + 821.0, + 337.0, + 447.0, + 1448.0, + 1482.0, + 1347.0, + 1207.0, + 871.0, + 428.0, + 540.0, + 1378.0, + 1184.0, + 1101.0, + 1094.0, + 1156.0, + 457.0, + 378.0, + 1266.0, + 1237.0 + ], + "y": [ + 206.7844445524057, + 164.041291209171, + 123.6085785871922, + 166.3517319304269, + 108.5907138990287, + 31.19094973695504, + 13.86264432753558, + 180.2143762579625, + 180.2143762579625, + 218.3366481586853, + 189.4561391429862, + 195.232240946126, + 60.07145875265415, + 34.65661081883894, + 28.88050901569912, + 61.22667911328212, + 207.9396649130336, + 115.5220360627965, + 80.86542524395752, + 5.776101803139825, + 0.0, + 58.91623839202619, + 58.91623839202619, + 288.8050901569911, + 321.1512602545742, + 281.8737679932233, + 139.7816636359837, + 139.7816636359837, + 384.6883800891122, + 338.4795656639936, + 340.7900063852496, + 426.276313071719, + 454.0016017267901, + 296.8916326813869, + 235.6649535681048, + 853.7078465040657, + 745.117132605037, + 551.0401120195392, + 489.8134329062569, + 427.431533432347, + 251.8380386168963, + 184.8352577004744, + 524.4700437250959, + 748.5827936869209, + 1107.856325842218, + 1486.76860412819, + 1122.874190530382, + 661.9412666398237, + 462.0881442511858, + 1740.917083466343, + 1866.836102774791, + 1900.337493233002, + 1420.921043572396, + 1476.371620882539, + 696.5978774586627, + 585.696722838378, + 2543.795234102778, + 1908.424035757397, + 1602.290640190987, + 1670.448641468037, + 1274.208057772645, + 578.7654006746103, + 463.2433646118138, + 1746.693185269482, + 1535.287859274565, + 1424.38670465428, + 1355.073483016602, + 1271.897617051389, + 440.1389573992545, + 447.0702795630223, + 1724.743998417551, + 1461.353756194375, + 1114.787648005986, + 1238.396226593178, + 1062.802731777727, + 532.5565862494917, + 454.0016017267901, + 1565.323588650892, + 1461.353756194375, + 1456.732874751863, + 1420.921043572396, + 1782.505016448949, + 527.9357048069797, + 388.1540411709961, + 1980.047698116331, + 1740.917083466343, + 1857.594339889767, + 1846.042136283487, + 1797.522881137113, + 689.6665552948947, + 657.3203851973118, + 2203.005227717528, + 1846.042136283487, + 1956.943290903772, + 2108.277158146035, + 1739.761863105715, + 743.9619122444092, + 630.7503169028686, + 2133.69200607985, + 1679.690404353061, + 1360.849584819742, + 851.3974057828098, + 1248.79320983883, + 630.7503169028686, + 457.467262808674, + 1900.337493233002, + 1447.491111866839, + 1355.073483016602, + 1110.166766563474, + 559.1266545439348, + 603.0250282477975, + 572.9892988714704, + 986.5581879762816, + 1608.066741994127, + 1654.275556419245, + 1273.052837412017, + 1009.662595188841, + 563.7475359864467, + 411.2584483835554, + 1787.125897891461, + 1366.625686622882, + 1246.482769117574, + 1239.551446953806, + 925.3315088629996, + 366.2048543190647, + 493.2790939881409, + 1649.654674976733, + 1688.932167238084, + 1532.977418553309, + 1371.246568065394, + 983.0925268943979, + 471.3299071362096, + 600.7145875265415, + 1568.789249732776, + 1344.676499770951, + 1248.79320983883, + 1240.706667314434, + 1312.330329673368, + 504.8312975944205, + 413.5688891048113, + 1439.404569342444, + 1405.903178884233 + ], + "x_plot": [ + 0.0, + 112.22222222222223, + 224.44444444444446, + 336.6666666666667, + 448.8888888888889, + 561.1111111111111, + 673.3333333333334, + 785.5555555555557, + 897.7777777777778, + 1010.0, + 1122.2222222222222, + 1234.4444444444446, + 1346.6666666666667, + 1458.888888888889, + 1571.1111111111113, + 1683.3333333333335, + 1795.5555555555557, + 1907.7777777777778, + 2020.0, + 2132.222222222222, + 2244.4444444444443, + 2356.666666666667, + 2468.888888888889, + 2581.1111111111113, + 2693.3333333333335, + 2805.5555555555557, + 2917.777777777778, + 3030.0, + 3142.2222222222226, + 3254.444444444445, + 3366.666666666667, + 3478.888888888889, + 3591.1111111111113, + 3703.3333333333335, + 3815.5555555555557, + 3927.777777777778, + 4040.0, + 4152.222222222223, + 4264.444444444444, + 4376.666666666667, + 4488.888888888889, + 4601.111111111111, + 4713.333333333334, + 4825.555555555556, + 4937.777777777778, + 5050.0, + 5162.222222222223, + 5274.444444444444, + 5386.666666666667, + 5498.88888888889, + 5611.111111111111, + 5723.333333333334, + 5835.555555555556, + 5947.777777777778, + 6060.0, + 6172.222222222223, + 6284.444444444445, + 6396.666666666667, + 6508.88888888889, + 6621.111111111111, + 6733.333333333334, + 6845.555555555556, + 6957.777777777778, + 7070.0, + 7182.222222222223, + 7294.444444444445, + 7406.666666666667, + 7518.88888888889, + 7631.111111111111, + 7743.333333333334, + 7855.555555555556, + 7967.777777777778, + 8080.0, + 8192.222222222223, + 8304.444444444445, + 8416.666666666668, + 8528.888888888889, + 8641.111111111111, + 8753.333333333334, + 8865.555555555557, + 8977.777777777777, + 9090.0, + 9202.222222222223, + 9314.444444444445, + 9426.666666666668, + 9538.888888888889, + 9651.111111111111, + 9763.333333333334, + 9875.555555555557, + 9987.77777777778, + 10100.0, + 10212.222222222223, + 10324.444444444445, + 10436.666666666668, + 10548.888888888889, + 10661.111111111111, + 10773.333333333334, + 10885.555555555557, + 10997.77777777778, + 11110.0 + ] + } + } + } +} \ No newline at end of file diff --git a/Users/manojp1732@gmail.com/test3/saved_scenarios.pkl b/Users/manojp1732@gmail.com/test3/saved_scenarios.pkl new file mode 100644 index 0000000000000000000000000000000000000000..72de28fad5c4188d658053353410dd5985d82442 --- /dev/null +++ b/Users/manojp1732@gmail.com/test3/saved_scenarios.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:468cbd15635c2786c5b1e95eda54bd0d78b2055da6cc04c44a367f76165d9e98 +size 83922 diff --git a/Users/manojp1732@gmail.com/test3/scenario_data_modified.pkl b/Users/manojp1732@gmail.com/test3/scenario_data_modified.pkl new file mode 100644 index 0000000000000000000000000000000000000000..bcbb410ae302c62b9edd082e5ffe626850e4d2d7 --- /dev/null +++ b/Users/manojp1732@gmail.com/test3/scenario_data_modified.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c06a77282e33bb2a6239bb14819c3ce4b6ff867f9730d433c3a8870fe966c340 +size 54423 diff --git a/Users/manojp1732@gmail.com/test3/tuned_model.pkl b/Users/manojp1732@gmail.com/test3/tuned_model.pkl new file mode 100644 index 0000000000000000000000000000000000000000..fe6b105b8dd8344de681009f1619c5b981729c6f --- /dev/null +++ b/Users/manojp1732@gmail.com/test3/tuned_model.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:590c29b0c02f9a4558922acf377a91a9e0e46c3d7aff86a9869b87d1f6109ccf +size 79706 diff --git a/classes.py b/classes.py new file mode 100644 index 0000000000000000000000000000000000000000..b01761ef113d12c2f7791095eadfc82b68aed85f --- /dev/null +++ b/classes.py @@ -0,0 +1,707 @@ +import numpy as np +from scipy.optimize import minimize, LinearConstraint, NonlinearConstraint +from collections import OrderedDict +import pandas as pd +from decimal import Decimal + + +def round_num(n, decimal=2): + n = Decimal(n) + return n.to_integral() if n == n.to_integral() else round(n.normalize(), decimal) + + +def numerize(n, decimal=2): + # 60 sufixes + sufixes = [ + "", + "K", + "M", + "B", + "T", + "Qa", + "Qu", + "S", + "Oc", + "No", + "D", + "Ud", + "Dd", + "Td", + "Qt", + "Qi", + "Se", + "Od", + "Nd", + "V", + "Uv", + "Dv", + "Tv", + "Qv", + "Qx", + "Sx", + "Ox", + "Nx", + "Tn", + "Qa", + "Qu", + "S", + "Oc", + "No", + "D", + "Ud", + "Dd", + "Td", + "Qt", + "Qi", + "Se", + "Od", + "Nd", + "V", + "Uv", + "Dv", + "Tv", + "Qv", + "Qx", + "Sx", + "Ox", + "Nx", + "Tn", + "x", + "xx", + "xxx", + "X", + "XX", + "XXX", + "END", + ] + + sci_expr = [ + 1e0, + 1e3, + 1e6, + 1e9, + 1e12, + 1e15, + 1e18, + 1e21, + 1e24, + 1e27, + 1e30, + 1e33, + 1e36, + 1e39, + 1e42, + 1e45, + 1e48, + 1e51, + 1e54, + 1e57, + 1e60, + 1e63, + 1e66, + 1e69, + 1e72, + 1e75, + 1e78, + 1e81, + 1e84, + 1e87, + 1e90, + 1e93, + 1e96, + 1e99, + 1e102, + 1e105, + 1e108, + 1e111, + 1e114, + 1e117, + 1e120, + 1e123, + 1e126, + 1e129, + 1e132, + 1e135, + 1e138, + 1e141, + 1e144, + 1e147, + 1e150, + 1e153, + 1e156, + 1e159, + 1e162, + 1e165, + 1e168, + 1e171, + 1e174, + 1e177, + ] + minus_buff = n + n = abs(n) + for x in range(len(sci_expr)): + try: + if n >= sci_expr[x] and n < sci_expr[x + 1]: + sufix = sufixes[x] + if n >= 1e3: + num = str(round_num(n / sci_expr[x], decimal)) + else: + num = str(round_num(n, decimal)) + return num + sufix if minus_buff > 0 else "-" + num + sufix + except IndexError: + print("You've reached the end") + + +def class_to_dict(class_instance): + attr_dict = {} + if isinstance(class_instance, Channel): + attr_dict["type"] = "Channel" + attr_dict["name"] = class_instance.name + attr_dict["dates"] = class_instance.dates + attr_dict["spends"] = class_instance.actual_spends + attr_dict["conversion_rate"] = class_instance.conversion_rate + attr_dict["modified_spends"] = class_instance.modified_spends + attr_dict["modified_sales"] = class_instance.modified_sales + attr_dict["response_curve_type"] = class_instance.response_curve_type + attr_dict["response_curve_params"] = class_instance.response_curve_params + attr_dict["penalty"] = class_instance.penalty + attr_dict["bounds"] = class_instance.bounds + attr_dict["actual_total_spends"] = class_instance.actual_total_spends + attr_dict["actual_total_sales"] = class_instance.actual_total_sales + attr_dict["modified_total_spends"] = class_instance.modified_total_spends + attr_dict["modified_total_sales"] = class_instance.modified_total_sales + attr_dict["actual_mroi"] = class_instance.get_marginal_roi("actual") + attr_dict["modified_mroi"] = class_instance.get_marginal_roi("modified") + + attr_dict["freeze"] = class_instance.freeze + + elif isinstance(class_instance, Scenario): + attr_dict["type"] = "Scenario" + attr_dict["name"] = class_instance.name + channels = [] + for channel in class_instance.channels.values(): + channels.append(class_to_dict(channel)) + attr_dict["channels"] = channels + attr_dict["constant"] = class_instance.constant + attr_dict["correction"] = class_instance.correction + attr_dict["actual_total_spends"] = class_instance.actual_total_spends + attr_dict["actual_total_sales"] = class_instance.actual_total_sales + attr_dict["modified_total_spends"] = class_instance.modified_total_spends + attr_dict["modified_total_sales"] = class_instance.modified_total_sales + + return attr_dict + + +def class_convert_to_dict(class_instance): + attr_dict = {} + if isinstance(class_instance, Channel): + attr_dict["type"] = "Channel" + attr_dict["name"] = class_instance.name + attr_dict["dates"] = class_instance.dates + attr_dict["spends"] = class_instance.actual_spends + attr_dict["conversion_rate"] = class_instance.conversion_rate + attr_dict["modified_spends"] = class_instance.modified_spends + attr_dict["modified_sales"] = class_instance.modified_sales + attr_dict["response_curve_type"] = class_instance.response_curve_type + attr_dict["response_curve_params"] = class_instance.response_curve_params + attr_dict["penalty"] = class_instance.penalty + attr_dict["bounds"] = class_instance.bounds + attr_dict["actual_total_spends"] = class_instance.actual_total_spends + attr_dict["actual_total_sales"] = class_instance.actual_total_sales + attr_dict["modified_total_spends"] = class_instance.modified_total_spends + attr_dict["modified_total_sales"] = class_instance.modified_total_sales + attr_dict["actual_mroi"] = class_instance.get_marginal_roi("actual") + attr_dict["modified_mroi"] = class_instance.get_marginal_roi("modified") + + attr_dict["freeze"] = class_instance.freeze + + elif isinstance(class_instance, Scenario): + attr_dict["type"] = "Scenario" + attr_dict["name"] = class_instance.name + channels = {} + for channel in class_instance.channels.values(): + channels[channel.name] = class_to_dict(channel) + attr_dict["channels"] = channels + attr_dict["constant"] = class_instance.constant + attr_dict["correction"] = class_instance.correction + attr_dict["actual_total_spends"] = class_instance.actual_total_spends + attr_dict["actual_total_sales"] = class_instance.actual_total_sales + attr_dict["modified_total_spends"] = class_instance.modified_total_spends + attr_dict["modified_total_sales"] = class_instance.modified_total_sales + + attr_dict["bound_type"] = class_instance.bound_type + + return attr_dict + + +def class_from_dict(attr_dict): + if attr_dict["type"] == "Channel": + return Channel.from_dict(attr_dict) + elif attr_dict["type"] == "Scenario": + return Scenario.from_dict(attr_dict) + + +class Channel: + def __init__( + self, + name, + dates, + spends, + response_curve_type, + response_curve_params, + bounds, + conversion_rate=1, + modified_spends=None, + penalty=True, + freeze=False, + ): + self.name = name + self.dates = dates + self.conversion_rate = conversion_rate + self.actual_spends = spends.copy() + + if modified_spends is None: + self.modified_spends = self.actual_spends.copy() + else: + self.modified_spends = modified_spends + + self.response_curve_type = response_curve_type + self.response_curve_params = response_curve_params + self.bounds = bounds + self.penalty = penalty + self.freeze = freeze + + self.upper_limit = self.actual_spends.max() + self.actual_spends.std() + self.power = np.ceil(np.log(self.actual_spends.max()) / np.log(10)) - 3 + # self.actual_sales = None + # self.actual_sales = self.response_curve(self.actual_spends) + self.actual_total_spends = self.actual_spends.sum() + self.actual_total_sales = self.actual_sales.sum() + self.modified_sales = self.calculate_sales() + self.modified_total_spends = self.modified_spends.sum() + self.modified_total_sales = self.modified_sales.sum() + self.delta_spends = self.modified_total_spends - self.actual_total_spends + self.delta_sales = self.modified_total_sales - self.actual_total_sales + + @property + def actual_sales(self): + return self.response_curve(self.actual_spends) + + def update_penalty(self, penalty): + self.penalty = penalty + + def _modify_spends(self, spends_array, total_spends): + return spends_array * total_spends / spends_array.sum() + + def modify_spends(self, total_spends): + self.modified_spends = ( + self.modified_spends * total_spends / self.modified_spends.sum() + ) + + def calculate_sales(self): + return self.response_curve(self.modified_spends) + + def response_curve(self, x): + if self.penalty: + x = np.where( + x < self.upper_limit, + x, + self.upper_limit + (x - self.upper_limit) * self.upper_limit / x, + ) + if self.response_curve_type == "s-curve": + if self.power >= 0: + x = x / 10**self.power + x = x.astype("float64") + K = self.response_curve_params["K"] + b = self.response_curve_params["b"] + a = self.response_curve_params["a"] + x0 = self.response_curve_params["x0"] + sales = K / (1 + b * np.exp(-a * (x - x0))) + if self.response_curve_type == "linear": + beta = self.response_curve_params["beta"] + sales = beta * x + + return sales + + def get_marginal_roi(self, flag): + K = self.response_curve_params["K"] + a = self.response_curve_params["a"] + # x = self.modified_total_spends + # if self.power >= 0 : + # x = x / 10**self.power + # x = x.astype('float64') + # return K*b*a*np.exp(-a*(x-x0)) / (1 + b * np.exp(-a*(x - x0)))**2 + if flag == "actual": + y = self.response_curve(self.actual_spends) + # spends_array = self.actual_spends + # total_spends = self.actual_total_spends + # total_sales = self.actual_total_sales + + else: + y = self.response_curve(self.modified_spends) + # spends_array = self.modified_spends + # total_spends = self.modified_total_spends + # total_sales = self.modified_total_sales + + # spends_inc_1 = self._modify_spends(spends_array, total_spends+1) + mroi = a * (y) * (1 - y / K) + return mroi.sum() / len(self.modified_spends) + # spends_inc_1 = self.spends_array + 1 + # new_total_sales = self.response_curve(spends_inc_1).sum() + # return (new_total_sales - total_sales) / len(self.modified_spends) + + def update(self, total_spends): + self.modify_spends(total_spends) + self.modified_sales = self.calculate_sales() + self.modified_total_spends = self.modified_spends.sum() + self.modified_total_sales = self.modified_sales.sum() + self.delta_spends = self.modified_total_spends - self.actual_total_spends + self.delta_sales = self.modified_total_sales - self.actual_total_sales + + def intialize(self): + self.new_spends = self.old_spends + + def __str__(self): + return f"{self.name},{self.actual_total_sales}, {self.modified_total_spends}" + + @classmethod + def from_dict(cls, attr_dict): + return Channel( + name=attr_dict["name"], + dates=attr_dict["dates"], + spends=attr_dict["spends"], + bounds=attr_dict["bounds"], + modified_spends=attr_dict["modified_spends"], + response_curve_type=attr_dict["response_curve_type"], + response_curve_params=attr_dict["response_curve_params"], + penalty=attr_dict["penalty"], + ) + + def update_response_curves(self, response_curve_params): + self.response_curve_params = response_curve_params + + +class Scenario: + def __init__(self, name, channels, constant, correction, bound_type=False): + self.name = name + self.channels = channels + self.constant = constant + self.correction = correction + self.bound_type = bound_type + + self.actual_total_spends = self.calculate_modified_total_spends() + self.actual_total_sales = self.calculate_actual_total_sales() + self.modified_total_sales = self.calculate_modified_total_sales() + self.modified_total_spends = self.calculate_modified_total_spends() + self.delta_spends = self.modified_total_spends - self.actual_total_spends + self.delta_sales = self.modified_total_sales - self.actual_total_sales + + def update_penalty(self, value): + for channel in self.channels.values(): + channel.update_penalty(value) + + def calculate_modified_total_spends(self): + total_actual_spends = 0.0 + for channel in self.channels.values(): + total_actual_spends += channel.actual_total_spends * channel.conversion_rate + return total_actual_spends + + def calculate_modified_total_spends(self): + total_modified_spends = 0.0 + for channel in self.channels.values(): + # import streamlit as st + # st.write(channel.modified_total_spends ) + total_modified_spends += ( + channel.modified_total_spends * channel.conversion_rate + ) + return total_modified_spends + + def calculate_actual_total_sales(self): + total_actual_sales = self.constant.sum() + self.correction.sum() + for channel in self.channels.values(): + total_actual_sales += channel.actual_total_sales + return total_actual_sales + + def calculate_modified_total_sales(self): + total_modified_sales = self.constant.sum() + self.correction.sum() + for channel in self.channels.values(): + total_modified_sales += channel.modified_total_sales + return total_modified_sales + + def update(self, channel_name, modified_spends): + self.channels[channel_name].update(modified_spends) + self.modified_total_sales = self.calculate_modified_total_sales() + self.modified_total_spends = self.calculate_modified_total_spends() + self.delta_spends = self.modified_total_spends - self.actual_total_spends + self.delta_sales = self.modified_total_sales - self.actual_total_sales + + # def optimize_spends(self, sales_percent, channels_list, algo="COBYLA"): + # desired_sales = self.actual_total_sales * (1 + sales_percent / 100.0) + + # def constraint(x): + # for ch, spends in zip(channels_list, x): + # self.update(ch, spends) + # return self.modified_total_sales - desired_sales + + # bounds = [] + # for ch in channels_list: + # bounds.append( + # (1 + np.array([-50.0, 100.0]) / 100.0) + # * self.channels[ch].actual_total_spends + # ) + + # initial_point = [] + # for bound in bounds: + # initial_point.append(bound[0]) + + # power = np.ceil(np.log(sum(initial_point)) / np.log(10)) + + # constraints = [NonlinearConstraint(constraint, -1.0, 1.0)] + + # res = minimize( + # lambda x: sum(x) / 10 ** (power), + # bounds=bounds, + # x0=initial_point, + # constraints=constraints, + # method=algo, + # options={"maxiter": int(2e7), "catol": 1}, + # ) + + # for channel_name, modified_spends in zip(channels_list, res.x): + # self.update(channel_name, modified_spends) + + # return zip(channels_list, res.x) + + def optimize_spends(self, sales_percent, channels_list, algo="trust-constr"): + desired_sales = self.actual_total_sales * (1 + sales_percent / 100.0) + + def constraint(x): + for ch, spends in zip(channels_list, x): + self.update(ch, spends) + return self.modified_total_sales - desired_sales + + bounds = [] + for ch in channels_list: + bounds.append( + (1 + np.array([-50.0, 100.0]) / 100.0) + * self.channels[ch].actual_total_spends + ) + + initial_point = [] + for bound in bounds: + initial_point.append(bound[0]) + + power = np.ceil(np.log(sum(initial_point)) / np.log(10)) + + constraints = [NonlinearConstraint(constraint, -1.0, 1.0)] + + res = minimize( + lambda x: sum(x) / 10 ** (power), + bounds=bounds, + x0=initial_point, + constraints=constraints, + method=algo, + options={"maxiter": int(2e7), "xtol": 100}, + ) + + for channel_name, modified_spends in zip(channels_list, res.x): + self.update(channel_name, modified_spends) + + return zip(channels_list, res.x) + + def optimize(self, spends_percent, channels_list): + # channels_list = self.channels.keys() + num_channels = len(channels_list) + spends_constant = [] + spends_constraint = 0.0 + for channel_name in channels_list: + # spends_constraint += self.channels[channel_name].modified_total_spends + spends_constant.append(self.channels[channel_name].conversion_rate) + spends_constraint += ( + self.channels[channel_name].actual_total_spends + * self.channels[channel_name].conversion_rate + ) + spends_constraint = spends_constraint * (1 + spends_percent / 100) + # constraint= LinearConstraint(np.ones((num_channels,)), lb = spends_constraint, ub = spends_constraint) + constraint = LinearConstraint( + np.array(spends_constant), + lb=spends_constraint, + ub=spends_constraint, + ) + bounds = [] + old_spends = [] + for channel_name in channels_list: + _channel_class = self.channels[channel_name] + channel_bounds = _channel_class.bounds + channel_actual_total_spends = _channel_class.actual_total_spends * ( + (1 + spends_percent / 100) + ) + old_spends.append(channel_actual_total_spends) + bounds.append((1 + channel_bounds / 100) * channel_actual_total_spends) + + def objective_function(x): + for channel_name, modified_spends in zip(channels_list, x): + self.update(channel_name, modified_spends) + return -1 * self.modified_total_sales + + power = np.ceil(np.log(self.modified_total_sales) / np.log(10)) + print("@@@@@@@@@@@@@@@@@@2: ", power) + print(old_spends) + res = minimize( + lambda x: objective_function(x) / 10 ** (power - 1), + method="trust-constr", + x0=old_spends, + constraints=constraint, + bounds=bounds, + options={"maxiter": int(1e7), "xtol": 0.1}, + ) + # res = dual_annealing( + # objective_function, + # x0=old_spends, + # mi + # constraints=constraint, + # bounds=bounds, + # tol=1e-16 + # ) + print(res) + for channel_name, modified_spends in zip(channels_list, res.x): + self.update(channel_name, modified_spends) + + return zip(channels_list, res.x) + + def save(self): + details = {} + actual_list = [] + modified_list = [] + data = {} + channel_data = [] + + summary_rows = [] + actual_list.append( + { + "name": "Total", + "Spends": self.actual_total_spends, + "Sales": self.actual_total_sales, + } + ) + modified_list.append( + { + "name": "Total", + "Spends": self.modified_total_spends, + "Sales": self.modified_total_sales, + } + ) + for channel in self.channels.values(): + name_mod = channel.name.replace("_", " ") + if name_mod.lower().endswith(" imp"): + name_mod = name_mod.replace("Imp", " Impressions") + summary_rows.append( + [ + name_mod, + channel.actual_total_spends, + channel.modified_total_spends, + channel.actual_total_sales, + channel.modified_total_sales, + round( + channel.actual_total_sales / channel.actual_total_spends, + 2, + ), + round( + channel.modified_total_sales / channel.modified_total_spends, + 2, + ), + channel.get_marginal_roi("actual"), + channel.get_marginal_roi("modified"), + ] + ) + data[channel.name] = channel.modified_spends + data["Date"] = channel.dates + data["Sales"] = ( + data.get("Sales", np.zeros((len(channel.dates),))) + + channel.modified_sales + ) + actual_list.append( + { + "name": channel.name, + "Spends": channel.actual_total_spends, + "Sales": channel.actual_total_sales, + "ROI": round( + channel.actual_total_sales / channel.actual_total_spends, + 2, + ), + } + ) + modified_list.append( + { + "name": channel.name, + "Spends": channel.modified_total_spends, + "Sales": channel.modified_total_sales, + "ROI": round( + channel.modified_total_sales / channel.modified_total_spends, + 2, + ), + "Marginal ROI": channel.get_marginal_roi("modified"), + } + ) + + channel_data.append( + { + "channel": channel.name, + "spends_act": channel.actual_total_spends, + "spends_mod": channel.modified_total_spends, + "sales_act": channel.actual_total_sales, + "sales_mod": channel.modified_total_sales, + } + ) + summary_rows.append( + [ + "Total", + self.actual_total_spends, + self.modified_total_spends, + self.actual_total_sales, + self.modified_total_sales, + round(self.actual_total_sales / self.actual_total_spends, 2), + round(self.modified_total_sales / self.modified_total_spends, 2), + 0.0, + 0.0, + ] + ) + details["Actual"] = actual_list + details["Modified"] = modified_list + columns_index = pd.MultiIndex.from_product( + [[""], ["Channel"]], names=["first", "second"] + ) + columns_index = columns_index.append( + pd.MultiIndex.from_product( + [["Spends", "NRPU", "ROI", "MROI"], ["Actual", "Simulated"]], + names=["first", "second"], + ) + ) + details["Summary"] = pd.DataFrame(summary_rows, columns=columns_index) + data_df = pd.DataFrame(data) + channel_list = list(self.channels.keys()) + data_df = data_df[["Date", *channel_list, "Sales"]] + + details["download"] = { + "data_df": data_df, + "channels_df": pd.DataFrame(channel_data), + "total_spends_act": self.actual_total_spends, + "total_sales_act": self.actual_total_sales, + "total_spends_mod": self.modified_total_spends, + "total_sales_mod": self.modified_total_sales, + } + + return details + + @classmethod + def from_dict(cls, attr_dict): + channels_list = attr_dict["channels"] + channels = { + channel["name"]: class_from_dict(channel) for channel in channels_list + } + return Scenario( + name=attr_dict["name"], + channels=channels, + constant=attr_dict["constant"], + correction=attr_dict["correction"], + ) diff --git a/config.yaml b/config.yaml new file mode 100644 index 0000000000000000000000000000000000000000..6263e2b059bbbfc829d23dbd71b54eefde2c1232 --- /dev/null +++ b/config.yaml @@ -0,0 +1,44 @@ +credentials: + usernames: + geetha: + email: geethu4444@gmail.com + name: Geetha Krishna + password: '$2b$12$r.KJDzrp6kFErWwh/n7vh.eSvXNU60HBDjrQrNQqkqOH8KSlVacMu' + manoj: + email: manojp1732@gmail.com + name: Manoj P + password: '$2b$12$r.KJDzrp6kFErWwh/n7vh.eSvXNU60HBDjrQrNQqkqOH8KSlVacMu' + samkeet: + email: samkeet.sangai@blend360.com + name: 'Samkeet Sangai' + password: '$2b$12$r.KJDzrp6kFErWwh/n7vh.eSvXNU60HBDjrQrNQqkqOH8KSlVacMu' + srishti: + email: srishti.verma@blend360.com + name: 'Srishti Verma' + password: '$2b$12$r.KJDzrp6kFErWwh/n7vh.eSvXNU60HBDjrQrNQqkqOH8KSlVacMu' + Ismail: + email: mohammed.ismail@blend360.com + name: 'Ismail mohammed' + password: '$2b$12$r.KJDzrp6kFErWwh/n7vh.eSvXNU60HBDjrQrNQqkqOH8KSlVacMu' + Ioannis: + email: ioannis.papadopoulos@mastercard.com + name: Ioannis Papadopoulos + password: '$2b$12$r.KJDzrp6kFErWwh/n7vh.eSvXNU60HBDjrQrNQqkqOH8KSlVacMu' + Sharon: + email: sharon.sheng@mastercard.com + name: Sharon Sheng + passowrd: '$2b$12$r.KJDzrp6kFErWwh/n7vh.eSvXNU60HBDjrQrNQqkqOH8KSlVacMu' + Herman: + email: herman.kwong@mastercard.com + name: Herman Kwong + password: '$2b$12$r.KJDzrp6kFErWwh/n7vh.eSvXNU60HBDjrQrNQqkqOH8KSlVacMu' + +cookie: + expiry_days: 1 + key: some_signature_key + name: some_cookie_name +preauthorized: + emails: + - geethu4444@gmail.com + - manojp1732@gmail.com + - samkeet@gmail.com \ No newline at end of file diff --git a/lime_img.png b/lime_img.png new file mode 100644 index 0000000000000000000000000000000000000000..a4191d20673fac2a5848c76184b6f577d0655976 Binary files /dev/null and b/lime_img.png differ diff --git a/mastercard_logo.png b/mastercard_logo.png new file mode 100644 index 0000000000000000000000000000000000000000..3dc4590de0d8e1d4c560c07ead40b8af7014972f Binary files /dev/null and b/mastercard_logo.png differ diff --git a/metrics_level_data/Overview_data_test_panel@#app_installs.xlsx b/metrics_level_data/Overview_data_test_panel@#app_installs.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..a7e02c538a81cd8d158a57a096c2519038b83058 Binary files /dev/null and b/metrics_level_data/Overview_data_test_panel@#app_installs.xlsx differ diff --git a/metrics_level_data/Overview_data_test_panel@#revenue.xlsx b/metrics_level_data/Overview_data_test_panel@#revenue.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..a7e02c538a81cd8d158a57a096c2519038b83058 Binary files /dev/null and b/metrics_level_data/Overview_data_test_panel@#revenue.xlsx differ diff --git a/nedbankdata.xlsx b/nedbankdata.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..559a7ce3ecb9d65906571d6ed9a9b275f6a3ff0e Binary files /dev/null and b/nedbankdata.xlsx differ diff --git a/pages/10_Saved_Scenarios.py b/pages/10_Saved_Scenarios.py new file mode 100644 index 0000000000000000000000000000000000000000..19c25dbfe3f565f19381839c588805d0917f56ef --- /dev/null +++ b/pages/10_Saved_Scenarios.py @@ -0,0 +1,289 @@ +# Importing necessary libraries +import streamlit as st + +st.set_page_config( + page_title="Saved Scenarios", + page_icon="⚖️", + layout="wide", + initial_sidebar_state="collapsed", +) + +import io +import os +import json +import pickle +import sqlite3 +import zipfile +import numpy as np +import pandas as pd +from classes import numerize +from openpyxl import Workbook +from collections import OrderedDict +from utilities import ( + project_selection, + initialize_data, + set_header, + load_local_css, + name_formating, +) + +# Styling +load_local_css("styles.css") +set_header() + +# Create project_dct +if "project_dct" not in st.session_state: + + project_selection() + st.stop() + + database_file = r"DB\User.db" + + conn = sqlite3.connect( + database_file, check_same_thread=False + ) # connection with sql db + c = conn.cursor() + +# Display project info +col_project_data = st.columns([2, 1]) +with col_project_data[0]: + st.markdown(f"**Welcome {st.session_state['username']}**") +with col_project_data[1]: + st.markdown(f"**Current Project: {st.session_state['project_name']}**") + +# Page Title +st.title("Saved Scenarios") +scenarios_name_placeholder = st.empty() + + +# Function to get saved scenarios dictionary +def get_saved_scenarios_dict(): + # Path to the saved scenarios file + saved_scenarios_dict_path = os.path.join( + st.session_state["project_path"], "saved_scenarios.pkl" + ) + + # Load existing scenarios if the file exists + if os.path.exists(saved_scenarios_dict_path): + with open(saved_scenarios_dict_path, "rb") as f: + saved_scenarios_dict = pickle.load(f) + else: + saved_scenarios_dict = OrderedDict() + + return saved_scenarios_dict + + +# Function to format values based on their size +def format_value(value): + return round(value, 4) if value < 1 else round(value, 1) + + +# Function to recursively convert non-serializable types to serializable ones +def convert_to_serializable(obj): + if isinstance(obj, np.ndarray): + return obj.tolist() + elif isinstance(obj, dict): + return {key: convert_to_serializable(value) for key, value in obj.items()} + elif isinstance(obj, list): + return [convert_to_serializable(element) for element in obj] + elif isinstance(obj, (int, float, str, bool, type(None))): + return obj + else: + # Fallback: convert the object to a string + return str(obj) + + +# Function to generate zip file of current scenario +@st.cache_data(show_spinner=False) +def download_as_zip( + df, + scenario_data, + excel_name="optimization_results.xlsx", + json_name="scenario_params.json", +): + # Create an in-memory bytes buffer for the ZIP file + buffer = io.BytesIO() + + # Create a ZipFile object in memory + with zipfile.ZipFile(buffer, "w") as zip_file: + # Save the DataFrame to an Excel file in the zip using openpyxl + excel_buffer = io.BytesIO() + workbook = Workbook() + sheet = workbook.active + sheet.title = "Results" + + # Write DataFrame headers + for col_num, column_title in enumerate(df.columns, 1): + sheet.cell(row=1, column=col_num, value=column_title) + + # Write DataFrame data + for row_num, row_data in enumerate(df.values, 2): + for col_num, cell_value in enumerate(row_data, 1): + sheet.cell(row=row_num, column=col_num, value=cell_value) + + # Save the workbook to the in-memory buffer + workbook.save(excel_buffer) + excel_buffer.seek(0) # Rewind the buffer to the beginning + zip_file.writestr(excel_name, excel_buffer.getvalue()) + + # Save the dictionary to a JSON file in the zip + json_buffer = io.BytesIO() + json_buffer.write( + json.dumps(convert_to_serializable(scenario_data), indent=4).encode("utf-8") + ) + json_buffer.seek(0) # Rewind the buffer to the beginning + zip_file.writestr(json_name, json_buffer.getvalue()) + + buffer.seek(0) # Rewind the buffer to the beginning + + return buffer + + +# Function to delete the selected scenario from the saved scenarios dictionary +def delete_selected_scenarios(selected_scenario): + # Path to the saved scenarios file + saved_scenarios_dict_path = os.path.join( + st.session_state["project_path"], "saved_scenarios.pkl" + ) + + # Load existing scenarios if the file exists + if os.path.exists(saved_scenarios_dict_path): + with open(saved_scenarios_dict_path, "rb") as f: + saved_scenarios_dict = pickle.load(f) + else: + saved_scenarios_dict = OrderedDict() + + try: + # Attempt to delete the selected scenario + del saved_scenarios_dict[selected_scenario] + + # Save the updated dictionary back to the file + with open(saved_scenarios_dict_path, "wb") as f: + pickle.dump(saved_scenarios_dict, f) + + except KeyError: + # If the scenario is not found in the dictionary, ignore the error + pass + + +# Get saved scenarios dictionary and scenario name list +saved_scenarios_dict = get_saved_scenarios_dict() +scenarios_list = list(saved_scenarios_dict.keys()) + +# Check if the list of saved scenarios is empty +if len(scenarios_list) == 0: + # Display a warning message if no scenarios are saved + st.warning("No scenarios saved. Please save a scenario to load.", icon="⚠️") + st.stop() + +# Display a dropdown saved scenario list +selected_scenario = st.selectbox( + "Pick a Scenario", sorted(scenarios_list), key="selected_scenario" +) +selected_scenario_data = saved_scenarios_dict[selected_scenario] + +# Scenarios Name +metrics_name = selected_scenario_data["metrics_selected"] +panel_name = selected_scenario_data["panel_selected"] +optimization_name = selected_scenario_data["optimization"] + +# Display the scenario details with bold "Metric," "Panel," and "Optimization" +scenarios_name_placeholder.markdown( + f"**Metric**: {name_formating(metrics_name)}; **Panel**: {name_formating(panel_name)}; **Optimization**: {name_formating(optimization_name)}" +) + +# Create columns for download and delete buttons +download_col, delete_col = st.columns(2) + + +channels_list = list(selected_scenario_data["channels"].keys()) + +# List to hold data for all channels +channels_data = [] + +# Iterate through each channel and gather required data +for channel in channels_list: + channel_conversion_rate = selected_scenario_data["channels"][channel][ + "conversion_rate" + ] + channel_actual_spends = ( + selected_scenario_data["channels"][channel]["actual_total_spends"] + * channel_conversion_rate + ) + channel_optimized_spends = ( + selected_scenario_data["channels"][channel]["modified_total_spends"] + * channel_conversion_rate + ) + + channel_actual_metrics = selected_scenario_data["channels"][channel][ + "actual_total_sales" + ] + channel_optimized_metrics = selected_scenario_data["channels"][channel][ + "modified_total_sales" + ] + + channel_roi_mroi_data = selected_scenario_data["channel_roi_mroi"][channel] + + # Extract the ROI and MROI data + actual_roi = channel_roi_mroi_data["actual_roi"] + optimized_roi = channel_roi_mroi_data["optimized_roi"] + actual_mroi = channel_roi_mroi_data["actual_mroi"] + optimized_mroi = channel_roi_mroi_data["optimized_mroi"] + + # Calculate spends per metric + spends_per_metrics_actual = channel_actual_spends / channel_actual_metrics + spends_per_metrics_optimized = channel_optimized_spends / channel_optimized_metrics + + # Append the collected data as a dictionary to the list + channels_data.append( + { + "Channel Name": channel, + "Spends Actual": numerize(channel_actual_spends), + "Spends Optimized": numerize(channel_optimized_spends), + f"{name_formating(metrics_name)} Actual": numerize(channel_actual_metrics), + f"{name_formating(metrics_name)} Optimized": numerize( + channel_optimized_metrics + ), + "ROI Actual": format_value(actual_roi), + "ROI Optimized": format_value(optimized_roi), + "MROI Actual": format_value(actual_mroi), + "MROI Optimized": format_value(optimized_mroi), + f"Spends per {name_formating(metrics_name)} Actual": numerize( + spends_per_metrics_actual + ), + f"Spends per {name_formating(metrics_name)} Optimized": numerize( + spends_per_metrics_optimized + ), + } + ) + +# Create a DataFrame from the collected data +df = pd.DataFrame(channels_data) + +# Display the DataFrame +st.dataframe(df, hide_index=True) + +# Generate download able data for selected scenario +buffer = download_as_zip( + df, + selected_scenario_data, + excel_name="optimization_results.xlsx", + json_name="scenario_params.json", +) + +# Provide the buffer as a downloadable ZIP file in Streamlit +download_col.download_button( + label="Download", + data=buffer, + file_name=f"{selected_scenario}_scenario_data.zip", + mime="application/zip", + use_container_width=True, +) + +# Button to trigger the deletion of the selected scenario +delete_col.button( + "Delete", + use_container_width=True, + on_click=delete_selected_scenarios, + args=(selected_scenario,), +) diff --git a/pages/11_Model_Optimized_Recommendation.py b/pages/11_Model_Optimized_Recommendation.py new file mode 100644 index 0000000000000000000000000000000000000000..1c18748e1b72cba6ed6bffa14fbd8f50bdf5d96a --- /dev/null +++ b/pages/11_Model_Optimized_Recommendation.py @@ -0,0 +1,485 @@ +import streamlit as st +from classes import numerize +import pandas as pd +from utilities import ( + format_numbers, + load_local_css, + set_header, + name_formating, + project_selection +) +import pickle +import streamlit_authenticator as stauth +import yaml +from yaml import SafeLoader +from classes import class_from_dict +import plotly.express as px +import numpy as np +import plotly.graph_objects as go +import pandas as pd +from plotly.subplots import make_subplots +import sqlite3 +from utilities import update_db +from collections import OrderedDict +import os + + +st.set_page_config(layout="wide") +load_local_css("styles.css") +set_header() + +st.empty() +st.header("Model Result Analysis") + +def get_saved_scenarios_dict(): + # Path to the saved scenarios file + saved_scenarios_dict_path = os.path.join( + st.session_state["project_path"], "saved_scenarios.pkl" + ) + + # Load existing scenarios if the file exists + if os.path.exists(saved_scenarios_dict_path): + with open(saved_scenarios_dict_path, "rb") as f: + saved_scenarios_dict = pickle.load(f) + else: + saved_scenarios_dict = OrderedDict() + + return saved_scenarios_dict + + +# Function to format values based on their size +def format_value(value): + return round(value, 4) if value < 1 else round(value, 1) + + +# Function to recursively convert non-serializable types to serializable ones +def convert_to_serializable(obj): + if isinstance(obj, np.ndarray): + return obj.tolist() + elif isinstance(obj, dict): + return {key: convert_to_serializable(value) for key, value in obj.items()} + elif isinstance(obj, list): + return [convert_to_serializable(element) for element in obj] + elif isinstance(obj, (int, float, str, bool, type(None))): + return obj + else: + # Fallback: convert the object to a string + return str(obj) + + +if 'username' not in st.session_state: + st.session_state['username']=None + +if "project_name" not in st.session_state: + st.session_state["project_name"] = None + +if "project_dct" not in st.session_state: + project_selection() + +if "project_path" not in st.session_state: + st.stop() +if 'username' in st.session_state and st.session_state['username'] is not None: + + data_path = os.path.join(st.session_state["project_path"], "data_import.pkl") + + try: + with open(data_path, "rb") as f: + data = pickle.load(f) + except Exception as e: + st.error(f"Please import data from the Data Import Page") + st.stop() +# Get saved scenarios dictionary and scenario name list +saved_scenarios_dict = get_saved_scenarios_dict() +scenarios_list = list(saved_scenarios_dict.keys()) + +#st.write(saved_scenarios_dict) +# Check if the list of saved scenarios is empty +if len(scenarios_list) == 0: + # Display a warning message if no scenarios are saved + st.warning("No scenarios saved. Please save a scenario to load.", icon="⚠️") + st.stop() + +# Display a dropdown saved scenario list +selected_scenario = st.selectbox( + "Pick a Scenario", sorted(scenarios_list), key="selected_scenario" +) +selected_scenario_data = saved_scenarios_dict[selected_scenario] + +# Scenarios Name +metrics_name = selected_scenario_data["metrics_selected"] +panel_name = selected_scenario_data["panel_selected"] +optimization_name = selected_scenario_data["optimization"] + +# Display the scenario details with bold "Metric," "Panel," and "Optimization" + +# Create columns for download and delete buttons +download_col, delete_col = st.columns(2) + + +channels_list = list(selected_scenario_data["channels"].keys()) + +# List to hold data for all channels +channels_data = [] + +# Iterate through each channel and gather required data +for channel in channels_list: + channel_conversion_rate = selected_scenario_data["channels"][channel][ + "conversion_rate" + ] + channel_actual_spends = ( + selected_scenario_data["channels"][channel]["actual_total_spends"] + * channel_conversion_rate + ) + channel_optimized_spends = ( + selected_scenario_data["channels"][channel]["modified_total_spends"] + * channel_conversion_rate + ) + + channel_actual_metrics = selected_scenario_data["channels"][channel][ + "actual_total_sales" + ] + channel_optimized_metrics = selected_scenario_data["channels"][channel][ + "modified_total_sales" + ] + + channel_roi_mroi_data = selected_scenario_data["channel_roi_mroi"][channel] + + # Extract the ROI and MROI data + actual_roi = channel_roi_mroi_data["actual_roi"] + optimized_roi = channel_roi_mroi_data["optimized_roi"] + actual_mroi = channel_roi_mroi_data["actual_mroi"] + optimized_mroi = channel_roi_mroi_data["optimized_mroi"] + + # Calculate spends per metric + spends_per_metrics_actual = channel_actual_spends / channel_actual_metrics + spends_per_metrics_optimized = channel_optimized_spends / channel_optimized_metrics + + # Append the collected data as a dictionary to the list + channels_data.append( + { + "Channel Name": channel, + "Spends Actual": channel_actual_spends, + "Spends Optimized": channel_optimized_spends, + f"{metrics_name} Actual": channel_actual_metrics, + f"{name_formating(metrics_name)} Optimized": numerize( + channel_optimized_metrics + ), + "ROI Actual": format_value(actual_roi), + "ROI Optimized": format_value(optimized_roi), + "MROI Actual": format_value(actual_mroi), + "MROI Optimized": format_value(optimized_mroi), + f"Spends per {name_formating(metrics_name)} Actual": numerize( + spends_per_metrics_actual + ), + f"Spends per {name_formating(metrics_name)} Optimized": numerize( + spends_per_metrics_optimized + ), + } + ) + +# Create a DataFrame from the collected data +summary_df_sorted = pd.DataFrame(channels_data).sort_values(by=['Spends Optimized']) + + +summary_df_sorted['Delta']=summary_df_sorted['Spends Actual']-summary_df_sorted['Spends Optimized'] + + +summary_df_sorted['Delta_percent']= np.round((summary_df_sorted['Delta']) / summary_df_sorted['Spends Actual'] * 100,2) + +spends_data = pd.read_excel("Overview_data_test.xlsx") + + +st.header("Optimized Spends Overview") + +channel_colors = px.colors.qualitative.Plotly + +fig = make_subplots( + rows=1, + cols=3, + subplot_titles=("Actual Spend", "Spends Optimized", "Delta"), + horizontal_spacing=0.05, +) + +for i, channel in enumerate(summary_df_sorted["Channel Name"].unique()): + channel_df = summary_df_sorted[ + summary_df_sorted["Channel Name"] == channel + ] + channel_color = channel_colors[i % len(channel_colors)] + + fig.add_trace( + go.Bar( + x=channel_df["Spends Actual"], + y=channel_df["Channel Name"], + text=channel_df["Spends Actual"].apply(format_numbers), + marker_color=channel_color, + orientation="h", + ), + row=1, + col=1, + ) + + fig.add_trace( + go.Bar( + x=channel_df["Spends Optimized"], + y=channel_df["Channel Name"], + text=channel_df["Spends Optimized"].apply(format_numbers), + marker_color=channel_color, + orientation="h", + showlegend=False, + ), + row=1, + col=2, + ) + + fig.add_trace( + go.Bar( + x=channel_df["Delta_percent"], + y=channel_df["Channel Name"], + text=channel_df["Delta_percent"].apply(lambda x: f"{x:.0f}%"), + marker_color=channel_color, + orientation="h", + showlegend=False, + ), + row=1, + col=3, + ) +fig.update_layout(height=600, width=900, title="", showlegend=False) + +fig.update_yaxes(showticklabels=False, row=1, col=2) +fig.update_yaxes(showticklabels=False, row=1, col=3) + +fig.update_xaxes(showticklabels=False, row=1, col=1) +fig.update_xaxes(showticklabels=False, row=1, col=2) +fig.update_xaxes(showticklabels=False, row=1, col=3) + + +st.plotly_chart(fig, use_container_width=True) + + + +summary_df_sorted["Perc_alloted"] = np.round( + summary_df_sorted["Spends Optimized"] + / summary_df_sorted["Spends Optimized"].sum(), + 2, +) +st.header(" Budget Allocation") + +fig = make_subplots( + rows=1, + cols=2, + subplot_titles=("Spends Optimized", "% Split"), + horizontal_spacing=0.05, +) + +for i, channel in enumerate(summary_df_sorted["Channel Name"].unique()): + channel_df = summary_df_sorted[ + summary_df_sorted["Channel Name"] == channel + ] + channel_color = channel_colors[i % len(channel_colors)] + + fig.add_trace( + go.Bar( + x=channel_df["Spends Optimized"], + y=channel_df["Channel Name"], + text=channel_df["Spends Optimized"].apply(format_numbers), + marker_color=channel_color, + orientation="h", + ), + row=1, + col=1, + ) + + fig.add_trace( + go.Bar( + x=channel_df["Perc_alloted"], + y=channel_df["Channel Name"], + text=channel_df["Perc_alloted"].apply(lambda x: f"{100*x:.0f}%"), + marker_color=channel_color, + orientation="h", + showlegend=False, + ), + row=1, + col=2, + ) + +fig.update_layout(height=600, width=900, title="", showlegend=False) + +fig.update_yaxes(showticklabels=False, row=1, col=2) +fig.update_yaxes(showticklabels=False, row=1, col=3) + +fig.update_xaxes(showticklabels=False, row=1, col=1) +fig.update_xaxes(showticklabels=False, row=1, col=2) +fig.update_xaxes(showticklabels=False, row=1, col=3) + + +st.plotly_chart(fig, use_container_width=True) + + +st.session_state["cleaned_data"] = data["final_df"] +st.session_state["category_dict"] = data["bin_dict"] + +effectiveness_overall=pd.DataFrame() + +response_metrics=list( + *[ + st.session_state["category_dict"][key] + for key in st.session_state["category_dict"].keys() + if key == "Response Metrics" + ] + ) + +effectiveness_overall=st.session_state["cleaned_data"][response_metrics].sum().reset_index() + +effectiveness_overall.columns=['ResponseMetricName','ResponseMetricValue'] + + +effectiveness_overall["Efficiency"] = effectiveness_overall[ + "ResponseMetricValue" +].map(lambda x: x / summary_df_sorted["Spends Optimized"].sum()) + + +columns6 = st.columns(3) + +effectiveness_overall.sort_values( + by=["ResponseMetricValue"], ascending=False, inplace=True +) +effectiveness_overall = np.round(effectiveness_overall, 2) + +columns4 = st.columns([0.55, 0.45]) + +effectiveness_overall=effectiveness_overall.sort_values(by=['ResponseMetricValue']) + +with columns4[0]: + fig = px.funnel( + effectiveness_overall, + x="ResponseMetricValue", + y="ResponseMetricName", + color="ResponseMetricName", + title="Effectiveness", + ) + fig.update_layout( + showlegend=False, + yaxis=dict( + tickmode="array" + ), + ) + fig.update_traces( + textinfo="value", + textposition="inside", + texttemplate="%{x:.2s} ", + hoverinfo="y+x+percent initial", + ) + fig.update_traces( + marker=dict(line=dict(color="black", width=2)), + selector=dict(marker=dict(color="blue")), + ) + + st.plotly_chart(fig, use_container_width=True) + +with columns4[1]: + fig1 = px.bar( + effectiveness_overall.sort_values(by=['ResponseMetricValue'],ascending=False), + x="Efficiency", + y="ResponseMetricName", + color="ResponseMetricName", + text_auto=True, + title="Efficiency", + ) + + # Update layout and traces + fig1.update_traces( + customdata=effectiveness_overall["Efficiency"], textposition="auto" + ) + fig1.update_layout(showlegend=False) + fig1.update_yaxes(title="", showticklabels=False) + fig1.update_xaxes(title="", showticklabels=False) + fig1.update_xaxes(tickfont=dict(size=20)) + fig1.update_yaxes(tickfont=dict(size=20)) + st.plotly_chart(fig1, use_container_width=True) + + + + +st.header("Return Forecast by Media Channel") + +with st.expander("Return Forecast by Media Channel"): + + metric_data = [metrics_name] + + metric = st.selectbox("Select Metric", metric_data, index=0) + + metric=metric+ " " + "Actual" + + effectiveness = summary_df_sorted[metric] + + summary_df_sorted['Efficiency']= summary_df_sorted[metric]/summary_df_sorted['Spends Optimized'] + + + channel_colors = px.colors.qualitative.Plotly + + fig = make_subplots( + rows=1, + cols=3, + subplot_titles=("Optimized Spends", "Effectiveness", "Efficiency"), + horizontal_spacing=0.05, + ) + + for i, channel in enumerate(summary_df_sorted["Channel Name"].unique()): + channel_df = summary_df_sorted[ + summary_df_sorted["Channel Name"] == channel + ] + channel_color = channel_colors[i % len(channel_colors)] + + fig.add_trace( + go.Bar( + x=channel_df["Spends Optimized"], + y=channel_df["Channel Name"], + text=channel_df["Spends Optimized"].apply(format_numbers), + marker_color=channel_color, + orientation="h", + ), + row=1, + col=1, + ) + + fig.add_trace( + go.Bar( + x=channel_df[metric], + y=channel_df["Channel Name"], + text=channel_df[metric].apply(format_numbers), + marker_color=channel_color, + orientation="h", + showlegend=False, + ), + row=1, + col=2, + ) + + fig.add_trace( + go.Bar( + x=channel_df["Efficiency"], + y=channel_df["Channel Name"], + text=channel_df["Efficiency"].apply(lambda x: f"{x:.2f}"), + marker_color=channel_color, + orientation="h", + showlegend=False, + ), + row=1, + col=3, + ) + + fig.update_layout( + height=600, + width=900, + title="Media Channel Performance", + showlegend=False, + ) + + fig.update_yaxes(showticklabels=False, row=1, col=2) + fig.update_yaxes(showticklabels=False, row=1, col=3) + + fig.update_xaxes(showticklabels=False, row=1, col=1) + fig.update_xaxes(showticklabels=False, row=1, col=2) + fig.update_xaxes(showticklabels=False, row=1, col=3) + + st.plotly_chart(fig, use_container_width=True) diff --git a/pages/12_Help.py b/pages/12_Help.py new file mode 100644 index 0000000000000000000000000000000000000000..175616ab3c880681723020de1b554369f42a0ce0 --- /dev/null +++ b/pages/12_Help.py @@ -0,0 +1,200 @@ +# Importing necessary libraries +import streamlit as st + +from utilities import set_header, load_local_css +import base64 +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('MASTERCARD MMO TOOL') + +st.subheader('Overview') + +st.markdown('The tool was developed in accordance with the best practices for building Marketing mix models for different clients and businesses. The tool can be used for building various MMM models, optimize spends and execute various simulations. ') + +st.markdown('Last Updated: 6/26/24') +user=st.radio("Select User",['Data Scientist','Media Planner'],horizontal=True,index=1) + + + +if user=='Data Scientist': + + with st.expander('**Data Import**'): + + st.markdown(""" + + The Data Import page allows users to bring in any additional data apart from what’s being fetched using APIs and processed by Data Engineering pipelines and standardize both API and non-API data to the desired end granularity. It features options for feature engineering, variable grouping, and data imputation. Additionally, it provides a comprehensive summary of all actions performed on the page, ensuring a transparent and efficient data preparation process. + + **Features:** + - **Categorization:** Allows for the categorization of similar variables for streamlined analysis. + - **Feature Engineering:** Enables the creation and grouping of columns to build better models. + - **Data Imputation:** Provides methods to fill in missing or incomplete data values. + """) + + with st.expander('**Data Validation**'): + + st.markdown(""" + + This page is designed to enhance data quality and insights, focusing on selected targets and panels. It offers Response Metric Analysis, Univariate and Bivariate Report, alongside Media and Non-Media Variables Analysis. Correlation is explored to ensure a thorough validation process. + + **Features:** + - **Response Metric Analysis:** Evaluates the performance metrics and trends relevant to the selected target and panel. + - **Univariate and Bivariate Report:** Offers a detailed univariate and bivariate report. + - **Variables Analysis:** Evaluates the significance of media and non-media variables for the chosen target/panel and validates the variables to be considered for the next steps. + - **Correlation Analysis:** Utilizes correlation plots to reveal the relationships between variables. + """) + + with st.expander('**Transformation**'): + + + st.markdown(""" + + Transformation capabilities include Media and Exogenous Transformations such as lag, lead, moving average, power, saturation, and adstock adjustments. This page not only applies these transformations but also summarizes the process and the order of operations, providing clarity on the data's manipulation. + + **Features:** + - **Transformations:** Applies specific alterations (lag, lead, moving average, power, saturation, and adstock) to media and exogenous variables to enhance model performance. + - **Summarization of Transformation:** Provides a detailed overview of all transformations applied, including their sequence. + """) + + with st.expander('**Build Model**'): + + st.markdown(""" + + This feature integrates transformation creation with model building for both panel and non-panel levels. It streamlines the process, making it easier for users to construct and refine their models based on the transformed data. After building models, this page assists in selecting the best fit and provides a detailed summary. It includes comparisons of Actual vs. Predicted outcomes, Residual Analysis, and Variance Inflation Factor (VIF) for both test and train datasets. + + **Features:** + - **Diverse Models:** Constructs models for various metrics using OLS and mixed effect models. + - **Model Selection:** Chooses the most significant model utilizing metrics such as coefficients, P-value, R Square, Adjusted R Square, and MAPE. + """) + + with st.expander('**Model Tuning**'): + + st.markdown(""" + ### + Model Tuning offers advanced options like Event Flags, addition of Trends, Cyclical Pattern, sine and cosine waves. These features help in refining the model by accounting for specific events, trends, and seasonal patterns. + + **Features:** + - **Event Flags:** Incorporates the effect of specific events on the target. + - **Trends:** Incorporates long-term trends and seasonality. + - **Cyclical Pattern:** Utilizes sine and cosine waves to capture and adjust for seasonal variations. + - **Contributions Analysis: Calculates contributions from the tuned model for each media channel + """) + + with st.expander("**Save Model Results**"): + + st.markdown(""" + + This page saves the model's outcomes, including channel contributions, an EDA report, and a thorough Analysis of Model Results. It's designed to document and preserve the work done for future reference. + + **Features:** + - **Channel Contribution:** Details the impact of each media channel on outcomes. + - **EDA Report:** Provides an exploratory data analysis summary. + - **Analysis of Model Results:** Offers a comprehensive review of the model's performance. + """) + + with st.expander('**Model Results Overview**'): + + st.markdown(""" + + This section provides a comprehensive overview of historical spending, including channel-wise spends, revenue, ROI, and weekly contributions. It also details channel spends and revenue on a week-by-week basis, offering a granular look at financial performance. + + **Features:** + - **Spends Analysis:** Breaks down channel-wise spend and revenue. + - **ROI and Contributions:** Evaluates return on investment and weekly/aggregated channel performance. + """) + + with st.expander('**Build Response Curves**'): + + st.markdown(""" + + This page updates response curves and allows for testing and saving these fits. It's essential for understanding how different levels of spending affect outcomes and for refining marketing strategies. + + **Features:** + - **Response Curve Update:** Allows for the modification and refinement of response curves. + - **Curve Testing and Saving:** Facilitates the evaluation of curve fits and preserves/download curve parameters. + """) + + with st.expander('**Scenario Planner**'): + + st.markdown(""" + + The Scenario Planner page enables forward and reverse optimization, allowing users to either maximize targets given certain spends or minimize spends given a target revenue. It includes responsive S curves for multiple channels and optimizes them accordingly. + + **Features:** + - **Optimization:** Supports both forward and reverse financial planning, with adjustments based on percentage or actual spend values. + - **Channel Focused:** Enables optimization based on specific media channels for focused strategies. + - **Responsive S Curves:** Showcases real-time, responsive S curves that highlight regions indicating underinvestment, optimal spending, and areas of potential overinvestment. + - **Dynamic Visualization:** Provides ROI/MROI for in-depth analysis and immediate scenario feedback. + """) + with st.expander("**Saved Scenarios**"): + + st.markdown(""" + + Users can save, load, download, and delete scenarios involving spends, ROI, and MROI for both actual and simulated cases. This feature offers flexibility in scenario management and comparison. + + **Features:** + - **Optimized Results Visualization:** Displays the outcomes of optimization, highlighting effectiveness and efficiency in scenario planning. + - **Effectiveness and Efficiency Analysis:** Provides detailed visual insights into how optimization impacts campaign performance and resource utilization. + """) + + with st.expander("**Optimized Result Analysis**"): + + st.markdown(""" + + This analysis page gives an overview of optimized spends (actual, planned, and delta), budget allocation (% split and planned spends), and forecasts on response and return by media channel. It's designed to provide insights into the efficiency and effectiveness of optimized media spending strategies. + + **Features:** + - **Optimized Spends Overview:** Compares actual, planned, and delta spends. + - **Budget Allocation Analysis:** Breaks down the percentage split and planned expenditures. + """) + +if user=='Media Planner': + + with st.expander('**Scenario Planner**'): + + st.markdown(""" + + The Scenario Planner page enables forward and reverse optimization, allowing users to either maximize targets given certain spends or minimize spends given a target revenue. It includes responsive S curves for multiple channels and optimizes them accordingly. + + **Features:** + - **Optimization:** Supports both forward and reverse financial planning, with adjustments based on percentage or actual spend values. + - **Channel Focused:** Enables optimization based on specific media channels for focused strategies. + - **Responsive S Curves:** Showcases real-time, responsive S curves that highlight regions indicating underinvestment, optimal spending, and areas of potential overinvestment. + - **Dynamic Visualization:** Provides ROI/MROI for in-depth analysis and immediate scenario feedback. + """) + with st.expander("**Saved Scenario**"): + + st.markdown(""" + + Users can save, load, download, and delete scenarios involving spends, ROI, and MROI for both actual and simulated cases. This feature offers flexibility in scenario management and comparison. + + **Features:** + - **Optimized Results Visualization:** Displays the outcomes of optimization, highlighting effectiveness and efficiency in scenario planning. + - **Effectiveness and Efficiency Analysis:** Provides detailed visual insights into how optimization impacts campaign performance and resource utilization. + """) + + with st.expander("**Optimized Result Analysis**"): + + st.markdown(""" + + This analysis page gives an overview of optimized spends (actual, planned, and delta), budget allocation (% split and planned spends), and forecasts on response and return by media channel. It's designed to provide insights into the efficiency and effectiveness of optimized media spending strategies. + + **Features:** + - **Optimized Spends Overview:** Compares actual, planned, and delta spends. + - **Budget Allocation Analysis:** Breaks down the percentage split and planned expenditures. + """) + + +with open("MMM Tool Description.docx", "rb") as file: + word_content = file.read() + b64 = base64.b64encode(word_content).decode() + href = f'Download Document' + st.markdown(href, unsafe_allow_html=True) \ No newline at end of file diff --git a/pages/1_Data_Import.py b/pages/1_Data_Import.py new file mode 100644 index 0000000000000000000000000000000000000000..5cb611e5b03c723162d4873e07464c46708ad7ef --- /dev/null +++ b/pages/1_Data_Import.py @@ -0,0 +1,1696 @@ +# Importing necessary libraries +import streamlit as st + +st.set_page_config( + page_title="Data Import", + page_icon=":shark:", + layout="wide", + initial_sidebar_state="collapsed", +) + +import os +import re +import pickle +import sqlite3 +import pandas as pd +from utilities import set_header, load_local_css, update_db, project_selection + + +load_local_css("styles.css") +set_header() + + +if "project_name" not in st.session_state: + st.session_state["project_name"] = None + +if "project_dct" not in st.session_state: + project_selection() + st.stop() + + +if "username" in st.session_state and st.session_state["username"] is not None: + + cols1 = st.columns([2, 1]) + + with cols1[0]: + st.markdown(f"**Welcome {st.session_state['username']}**") + with cols1[1]: + st.markdown(f"**Current Project: {st.session_state['project_name']}**") + + # Function to validate date column in dataframe + def validate_date_column(df): + try: + # Attempt to convert the 'Date' column to datetime + df["date"] = pd.to_datetime(df["date"], format="%d-%m-%Y") + return True + except: + return False + + # Function to determine data interval + def determine_data_interval(common_freq): + if common_freq == 1: + return "daily" + elif common_freq == 7: + return "weekly" + elif 28 <= common_freq <= 31: + return "monthly" + else: + return "irregular" + + # Function to read each uploaded Excel file into a pandas DataFrame and stores them in a dictionary + st.cache_resource(show_spinner=False) + + def files_to_dataframes(uploaded_files): + df_dict = {} + for uploaded_file in uploaded_files: + # Extract file name without extension + file_name = uploaded_file.name.rsplit(".", 1)[0] + + # Check for duplicate file names + if file_name in df_dict: + st.warning( + f"Duplicate File: {file_name}. This file will be skipped.", + icon="⚠️", + ) + continue + + # Read the file into a DataFrame + df = pd.read_excel(uploaded_file) + + # Convert all column names to lowercase + df.columns = df.columns.str.lower().str.strip() + + # Separate numeric and non-numeric columns + numeric_cols = list(df.select_dtypes(include=["number"]).columns) + non_numeric_cols = [ + col + for col in df.select_dtypes(exclude=["number"]).columns + if col.lower() != "date" + ] + + # Check for 'Date' column + if not (validate_date_column(df) and len(numeric_cols) > 0): + st.warning( + f"File Name: {file_name} ➜ Please upload data with Date column in 'DD-MM-YYYY' format and at least one media/exogenous column. This file will be skipped.", + icon="⚠️", + ) + continue + + # Check for interval + common_freq = common_freq = ( + pd.Series(df["date"].unique()).diff().dt.days.dropna().mode()[0] + ) + # Calculate the data interval (daily, weekly, monthly or irregular) + interval = determine_data_interval(common_freq) + if interval == "irregular": + st.warning( + f"File Name: {file_name} ➜ Please upload data in daily, weekly or monthly interval. This file will be skipped.", + icon="⚠️", + ) + continue + + # Store both DataFrames in the dictionary under their respective keys + df_dict[file_name] = { + "numeric": numeric_cols, + "non_numeric": non_numeric_cols, + "interval": interval, + "df": df, + } + + return df_dict + + # Function to adjust dataframe granularity + def adjust_dataframe_granularity(df, current_granularity, target_granularity): + # Set index + df.set_index("date", inplace=True) + + # Define aggregation rules for resampling + aggregation_rules = { + col: "sum" if pd.api.types.is_numeric_dtype(df[col]) else "first" + for col in df.columns + } + + # Initialize resampled_df + resampled_df = df + if current_granularity == "daily" and target_granularity == "weekly": + resampled_df = df.resample("W-MON", closed="left", label="left").agg( + aggregation_rules + ) + + elif current_granularity == "daily" and target_granularity == "monthly": + resampled_df = df.resample("MS", closed="left", label="left").agg( + aggregation_rules + ) + + elif current_granularity == "daily" and target_granularity == "daily": + resampled_df = df.resample("D").agg(aggregation_rules) + + elif ( + current_granularity in ["weekly", "monthly"] + and target_granularity == "daily" + ): + # For higher to lower granularity, distribute numeric and replicate non-numeric values equally across the new period + expanded_data = [] + for _, row in df.iterrows(): + if current_granularity == "weekly": + period_range = pd.date_range(start=row.name, periods=7) + elif current_granularity == "monthly": + period_range = pd.date_range( + start=row.name, periods=row.name.days_in_month + ) + + for date in period_range: + new_row = {} + for col in df.columns: + if pd.api.types.is_numeric_dtype(df[col]): + if current_granularity == "weekly": + new_row[col] = row[col] / 7 + elif current_granularity == "monthly": + new_row[col] = row[col] / row.name.days_in_month + else: + new_row[col] = row[col] + expanded_data.append((date, new_row)) + + resampled_df = pd.DataFrame( + [data for _, data in expanded_data], + index=[date for date, _ in expanded_data], + ) + + # Reset index + resampled_df = resampled_df.reset_index().rename(columns={"index": "date"}) + + return resampled_df + + # Function to clean and extract unique values of Panel_1 and Panel_2 + st.cache_resource(show_spinner=False) + + def clean_and_extract_unique_values(files_dict, selections): + all_panel1_values = set() + all_panel2_values = set() + + for file_name, file_data in files_dict.items(): + df = file_data["df"] + + # 'Panel_1' and 'Panel_2' selections + selected_panel1 = selections[file_name].get("Panel_1") + selected_panel2 = selections[file_name].get("Panel_2") + + # Clean and standardize Panel_1 column if it exists and is selected + if ( + selected_panel1 + and selected_panel1 != "N/A" + and selected_panel1 in df.columns + ): + df[selected_panel1] = ( + df[selected_panel1].str.lower().str.strip().str.replace("_", " ") + ) + all_panel1_values.update(df[selected_panel1].dropna().unique()) + + # Clean and standardize Panel_2 column if it exists and is selected + if ( + selected_panel2 + and selected_panel2 != "N/A" + and selected_panel2 in df.columns + ): + df[selected_panel2] = ( + df[selected_panel2].str.lower().str.strip().str.replace("_", " ") + ) + all_panel2_values.update(df[selected_panel2].dropna().unique()) + + # Update the processed DataFrame back in the dictionary + files_dict[file_name]["df"] = df + + return all_panel1_values, all_panel2_values + + # Function to format values for display + st.cache_resource(show_spinner=False) + + def format_values_for_display(values_list): + # Capitalize the first letter of each word and replace underscores with spaces + formatted_list = [value.replace("_", " ").title() for value in values_list] + # Join values with commas and 'and' before the last value + if len(formatted_list) > 1: + return ", ".join(formatted_list[:-1]) + ", and " + formatted_list[-1] + elif formatted_list: + return formatted_list[0] + return "No values available" + + # Function to normalizes all data within files_dict to a daily granularity + st.cache(show_spinner=False, allow_output_mutation=True) + + def standardize_data_to_daily(files_dict, selections): + # Normalize all data to a daily granularity using a provided function + files_dict = apply_granularity_to_all(files_dict, "daily", selections) + + # Update the "interval" attribute for each dataset to indicate the new granularity + for files_name, files_data in files_dict.items(): + files_data["interval"] = "daily" + + return files_dict + + # Function to apply granularity transformation to all DataFrames in files_dict + st.cache_resource(show_spinner=False) + + def apply_granularity_to_all(files_dict, granularity_selection, selections): + for file_name, file_data in files_dict.items(): + df = file_data["df"].copy() + + # Handling when Panel_1 or Panel_2 might be 'N/A' + selected_panel1 = selections[file_name].get("Panel_1") + selected_panel2 = selections[file_name].get("Panel_2") + + # Correcting the segment selection logic & handling 'N/A' + if selected_panel1 != "N/A" and selected_panel2 != "N/A": + unique_combinations = df[ + [selected_panel1, selected_panel2] + ].drop_duplicates() + elif selected_panel1 != "N/A": + unique_combinations = df[[selected_panel1]].drop_duplicates() + selected_panel2 = None # Ensure Panel_2 is ignored if N/A + elif selected_panel2 != "N/A": + unique_combinations = df[[selected_panel2]].drop_duplicates() + selected_panel1 = None # Ensure Panel_1 is ignored if N/A + else: + # If both are 'N/A', process the entire dataframe as is + df = adjust_dataframe_granularity( + df, file_data["interval"], granularity_selection + ) + files_dict[file_name]["df"] = df + continue # Skip to the next file + + transformed_segments = [] + for _, combo in unique_combinations.iterrows(): + if selected_panel1 and selected_panel2: + segment = df[ + (df[selected_panel1] == combo[selected_panel1]) + & (df[selected_panel2] == combo[selected_panel2]) + ] + elif selected_panel1: + segment = df[df[selected_panel1] == combo[selected_panel1]] + elif selected_panel2: + segment = df[df[selected_panel2] == combo[selected_panel2]] + + # Adjust granularity of the segment + transformed_segment = adjust_dataframe_granularity( + segment, file_data["interval"], granularity_selection + ) + transformed_segments.append(transformed_segment) + + # Combine all transformed segments into a single DataFrame for this file + transformed_df = pd.concat(transformed_segments, ignore_index=True) + files_dict[file_name]["df"] = transformed_df + + return files_dict + + # Function to create main dataframe structure + st.cache_resource(show_spinner=False) + + def create_main_dataframe( + files_dict, all_panel1_values, all_panel2_values, granularity_selection + ): + # Determine the global start and end dates across all DataFrames + global_start = min(df["df"]["date"].min() for df in files_dict.values()) + global_end = max(df["df"]["date"].max() for df in files_dict.values()) + + # Adjust the date_range generation based on the granularity_selection + if granularity_selection == "weekly": + # Generate a weekly range, with weeks starting on Monday + date_range = pd.date_range(start=global_start, end=global_end, freq="W-MON") + elif granularity_selection == "monthly": + # Generate a monthly range, starting from the first day of each month + date_range = pd.date_range(start=global_start, end=global_end, freq="MS") + else: # Default to daily if not weekly or monthly + date_range = pd.date_range(start=global_start, end=global_end, freq="D") + + # Collect all unique Panel_1 and Panel_2 values, excluding 'N/A' + all_panel1s = all_panel1_values + all_panel2s = all_panel2_values + + # Dynamically build the list of dimensions (Panel_1, Panel_2) to include in the main DataFrame based on availability + dimensions, merge_keys = [], [] + if all_panel1s: + dimensions.append(all_panel1s) + merge_keys.append("Panel_1") + if all_panel2s: + dimensions.append(all_panel2s) + merge_keys.append("Panel_2") + + dimensions.append(date_range) # Date range is always included + merge_keys.append("date") # Date range is always included + + # Create a main DataFrame template with the dimensions + main_df = pd.MultiIndex.from_product( + dimensions, + names=[name for name, _ in zip(merge_keys, dimensions)], + ).to_frame(index=False) + + return main_df.reset_index(drop=True) + + # Function to prepare and merge dataFrames + st.cache_resource(show_spinner=False) + + def merge_into_main_df(main_df, files_dict, selections): + for file_name, file_data in files_dict.items(): + df = file_data["df"].copy() + + # Rename selected Panel_1 and Panel_2 columns if not 'N/A' + selected_panel1 = selections[file_name].get("Panel_1", "N/A") + selected_panel2 = selections[file_name].get("Panel_2", "N/A") + if selected_panel1 != "N/A": + df.rename(columns={selected_panel1: "Panel_1"}, inplace=True) + if selected_panel2 != "N/A": + df.rename(columns={selected_panel2: "Panel_2"}, inplace=True) + + # Merge current DataFrame into main_df based on 'date', and where applicable, 'Panel_1' and 'Panel_2' + merge_keys = ["date"] + if "Panel_1" in df.columns: + merge_keys.append("Panel_1") + if "Panel_2" in df.columns: + merge_keys.append("Panel_2") + main_df = pd.merge(main_df, df, on=merge_keys, how="left") + + # After all merges, sort by 'date' and reset index for cleanliness + sort_by = ["date"] + if "Panel_1" in main_df.columns: + sort_by.append("Panel_1") + if "Panel_2" in main_df.columns: + sort_by.append("Panel_2") + main_df.sort_values(by=sort_by, inplace=True) + main_df.reset_index(drop=True, inplace=True) + + return main_df + + # Function to categorize column + def categorize_column(column_name): + # Define keywords for each category + internal_keywords = [ + "Price", + "Discount", + "product_price", + "cost", + "margin", + "inventory", + "sales", + "revenue", + "turnover", + "expense", + ] + exogenous_keywords = [ + "GDP", + "Tax", + "Inflation", + "interest_rate", + "employment_rate", + "exchange_rate", + "consumer_spending", + "retail_sales", + "oil_prices", + "weather", + ] + + # Check if the column name matches any of the keywords for Internal or Exogenous categories + + if ( + column_name + in st.session_state["project_dct"]["data_import"]["cat_dct"].keys() + and st.session_state["project_dct"]["data_import"]["cat_dct"][column_name] + is not None + ): + + return st.session_state["project_dct"]["data_import"]["cat_dct"][ + column_name + ] + + else: + for keyword in ["Spend", "Cost"]: + if keyword.lower() in column_name.lower(): + return "Spends" + for keyword in internal_keywords: + if keyword.lower() in column_name.lower(): + return "Internal" + for keyword in exogenous_keywords: + if keyword.lower() in column_name.lower(): + return "Exogenous" + + # Default to Media if no match found + return "Media" + + # Function to calculate missing stats and prepare for editable DataFrame + st.cache_resource(show_spinner=False) + + def prepare_missing_stats_df(df): + missing_stats = [] + for column in df.columns: + if ( + column == "date" or column == "Panel_2" or column == "Panel_1" + ): # Skip Date, Panel_1 and Panel_2 column + continue + + missing = df[column].isnull().sum() + pct_missing = round((missing / len(df)) * 100, 2) + + # Dynamically assign category based on column name + category = categorize_column(column) + # category = "Media" # Keep default bin as Media + + missing_stats.append( + { + "Column": column, + "Missing Values": missing, + "Missing Percentage": pct_missing, + "Impute Method": "Fill with 0", # Default value + "Category": category, + } + ) + + stats_df = pd.DataFrame(missing_stats) + + return stats_df + + # Function to add API DataFrame details to the files dictionary + st.cache_resource(show_spinner=False) + + def add_api_dataframe_to_dict(main_df, files_dict): + files_dict["API"] = { + "numeric": list(main_df.select_dtypes(include=["number"]).columns), + "non_numeric": [ + col + for col in main_df.select_dtypes(exclude=["number"]).columns + if col.lower() != "date" + ], + "interval": determine_data_interval( + pd.Series(main_df["date"].unique()).diff().dt.days.dropna().mode()[0] + ), + "df": main_df, + } + + return files_dict + + # Function to reads an API into a DataFrame, parsing specified columns as datetime + # @st.cache_resource(show_spinner=False) + def read_API_data(): + return pd.read_excel( + r"nedbankdata.xlsx", + parse_dates=["Date"], + ) + + # return pd.read_excel( + # r"upf_data_converted.xlsx", + # parse_dates=["Date"], + # ) + + # Function to set the 'Panel_1_Panel_2_Selected' session state variable to False + def set_Panel_1_Panel_2_Selected_false(): + + st.session_state["Panel_1_Panel_2_Selected"] = False + + # restoring project_dct to default values when user modify any widjets + st.session_state["project_dct"]["data_import"]["edited_stats_df"] = None + st.session_state["project_dct"]["data_import"]["merged_df"] = None + st.session_state["project_dct"]["data_import"]["missing_stats_df"] = None + st.session_state["project_dct"]["data_import"]["cat_dct"] = {} + st.session_state["project_dct"]["data_import"]["numeric_columns"] = None + st.session_state["project_dct"]["data_import"]["default_df"] = None + st.session_state["project_dct"]["data_import"]["final_df"] = None + st.session_state["project_dct"]["data_import"]["edited_df"] = None + + # Function to serialize and save the objects into a pickle file + @st.cache_resource(show_spinner=False) + def save_to_pickle(file_path, final_df, bin_dict): + # Open the file in write-binary mode and dump the objects + with open(file_path, "wb") as f: + pickle.dump({"final_df": final_df, "bin_dict": bin_dict}, f) + # Data is now saved to file + + # Function to processes the merged_df DataFrame based on operations defined in edited_df + @st.cache_resource(show_spinner=False) + def process_dataframes(merged_df, edited_df, edited_stats_df): + # Ensure there are operations defined by the user + if edited_df.empty: + + return merged_df, edited_stats_df # No operations to apply + + # Perform operations as defined by the user + else: + + for index, row in edited_df.iterrows(): + result_column_name = ( + f"{row['Column 1']}{row['Operator']}{row['Column 2']}" + ) + col1 = row["Column 1"] + col2 = row["Column 2"] + op = row["Operator"] + + # Apply the specified operation + if op == "+": + merged_df[result_column_name] = merged_df[col1] + merged_df[col2] + elif op == "-": + merged_df[result_column_name] = merged_df[col1] - merged_df[col2] + elif op == "*": + merged_df[result_column_name] = merged_df[col1] * merged_df[col2] + elif op == "/": + merged_df[result_column_name] = merged_df[col1] / merged_df[ + col2 + ].replace(0, 1e-9) + + # Add summary of operation to edited_stats_df + new_row = { + "Column": result_column_name, + "Missing Values": None, + "Missing Percentage": None, + "Impute Method": None, + "Category": row["Category"], + } + new_row_df = pd.DataFrame([new_row]) + + # Use pd.concat to add the new_row_df to edited_stats_df + edited_stats_df = pd.concat( + [edited_stats_df, new_row_df], ignore_index=True, axis=0 + ) + + # Combine column names from edited_df for cleanup + combined_columns = set(edited_df["Column 1"]).union( + set(edited_df["Column 2"]) + ) + + # Filter out rows in edited_stats_df and drop columns from merged_df + edited_stats_df = edited_stats_df[ + ~edited_stats_df["Column"].isin(combined_columns) + ] + merged_df.drop( + columns=list(combined_columns), errors="ignore", inplace=True + ) + + return merged_df, edited_stats_df + + # Function to prepare a list of numeric column names and initialize an empty DataFrame with predefined structure + st.cache_resource(show_spinner=False) + + def prepare_numeric_columns_and_default_df(merged_df, edited_stats_df): + # Get columns categorized as 'Response Metrics' + columns_response_metrics = edited_stats_df[ + edited_stats_df["Category"] == "Response Metrics" + ]["Column"].tolist() + + # Filter numeric columns, excluding those categorized as 'Response Metrics' + numeric_columns = [ + col + for col in merged_df.select_dtypes(include=["number"]).columns + if col not in columns_response_metrics + ] + + # Define the structure of the empty DataFrame + data = { + "Column 1": pd.Series([], dtype="str"), + "Operator": pd.Series([], dtype="str"), + "Column 2": pd.Series([], dtype="str"), + "Category": pd.Series([], dtype="str"), + } + default_df = pd.DataFrame(data) + + return numeric_columns, default_df + + # function to reset to default values in project_dct: + + # Initialize 'final_df' in session state + if "final_df" not in st.session_state: + st.session_state["final_df"] = pd.DataFrame() + + # Initialize 'bin_dict' in session state + if "bin_dict" not in st.session_state: + st.session_state["bin_dict"] = {} + + # Initialize 'Panel_1_Panel_2_Selected' in session state + if "Panel_1_Panel_2_Selected" not in st.session_state: + st.session_state["Panel_1_Panel_2_Selected"] = False + + # Page Title + st.write("") # Top padding + st.title("Data Import") + + conn = sqlite3.connect( + r"DB\User.db", check_same_thread=False + ) # connection with sql db + c = conn.cursor() + + ######################################################################################################################################################### + # Create a dictionary to hold all DataFrames and collect user input to specify "Panel_2" and "Panel_1" columns for each file + ######################################################################################################################################################### + + # Read the Excel file, parsing 'Date' column as datetime + main_df = read_API_data() + + # Convert all column names to lowercase + main_df.columns = main_df.columns.str.lower().str.strip() + + # File uploader + uploaded_files = st.file_uploader( + "Upload additional data", + type=["xlsx"], + accept_multiple_files=True, + on_change=set_Panel_1_Panel_2_Selected_false, + ) + + # Custom HTML for upload instructions + recommendation_html = f""" +
+ Recommendation: For optimal processing, please ensure that all uploaded datasets including panel, media, internal, and exogenous data adhere to the following guidelines: Each dataset must include a Date column formatted as DD-MM-YYYY, be free of missing values. +
+ """ + st.markdown(recommendation_html, unsafe_allow_html=True) + + # RAW API DATA + st.markdown("#### API Data") + with st.expander("API Data", expanded=False): + st.dataframe(main_df, hide_index=True) + + # Choose Desired Granularity + st.markdown("#### Choose Desired Granularity") + + # Granularity Selection + granularity_selection = st.selectbox( + "Choose Date Granularity", + ["Daily", "Weekly", "Monthly"], + label_visibility="collapsed", + on_change=set_Panel_1_Panel_2_Selected_false, + index=st.session_state["project_dct"]["data_import"][ + "granularity_selection" + ], # resume + ) + + # st.write(st.session_state['project_dct']['data_import']['granularity_selection']) + + st.session_state["project_dct"]["data_import"]["granularity_selection"] = [ + "Daily", + "Weekly", + "Monthly", + ].index(granularity_selection) + # st.write(st.session_state['project_dct']['data_import']['granularity_selection']) + granularity_selection = str(granularity_selection).lower() + + # Convert files to dataframes + files_dict = files_to_dataframes(uploaded_files) + + # Add API Dataframe + if main_df is not None: + files_dict = add_api_dataframe_to_dict(main_df, files_dict) + + # Display a warning message if no files have been uploaded and halt further execution + if not files_dict: + st.warning( + "Please upload at least one file to proceed.", + icon="⚠️", + ) + st.stop() # Halts further execution until file is uploaded + + # Select Panel_1 and Panel_2 columns + st.markdown("#### Select Panel columns") + selections = {} + with st.expander("Select Panel columns", expanded=False): + count = 0 # Initialize counter to manage the visibility of labels and keys + unique_numeric_columns = ( + set() + ) # Initialize a set to keep track of unique numeric column names + + for file_name, file_data in files_dict.items(): + # Extract the numeric column names from the current file + numeric_columns = file_data["numeric"] + + # Regular expression pattern to match valid column names (letters, numbers, and underscores) + valid_column_pattern = re.compile(r"^[A-Za-z0-9_]+$") + + # Check for duplicates + for column in numeric_columns: + if column in unique_numeric_columns: + # If a duplicate is found, display a warning and halt execution + st.warning( + f"Duplicate column name '{column}' found in file '{file_name}'. Each column name must be unique across all files.", + icon="⚠️", + ) + st.stop() + # Add the column to the set if it's not already there + unique_numeric_columns.add(column) + + # Check if the column name is valid + if not valid_column_pattern.match(column): + st.warning( + f"Column name '{column}' in file '{file_name}' contains invalid characters. " + f"Column names should only contain letters (A-Z, a-z), numbers (0-9), and underscores (_).", + icon="⚠️", + ) + st.stop() + # Generatimg project dct keys dynamically + if ( + f"Panel_1_selectbox{file_name}" + not in st.session_state["project_dct"]["data_import"].keys() + ): + st.session_state["project_dct"]["data_import"][ + f"Panel_1_selectbox{file_name}" + ] = 0 + + if ( + f"Panel_2_selectbox{file_name}" + not in st.session_state["project_dct"]["data_import"].keys() + ): + + st.session_state["project_dct"]["data_import"][ + f"Panel_2_selectbox{file_name}" + ] = 0 + + # Determine visibility of the label based on the count + if count == 0: + label_visibility = "visible" + else: + label_visibility = "collapsed" + + # Extract non-numeric columns + non_numeric_cols = file_data["non_numeric"] + + # Prepare Panel_1 and Panel_2 values for dropdown, adding "N/A" as an option + panel1_values = non_numeric_cols + ["N/A"] + panel2_values = non_numeric_cols + ["N/A"] + + # Skip if only one option is available + if len(panel1_values) == 1 and len(panel2_values) == 1: + selected_panel1, selected_panel2 = "N/A", "N/A" + # Update the selections for Panel_1 and Panel_2 for the current file + selections[file_name] = { + "Panel_1": selected_panel1, + "Panel_2": selected_panel2, + } + continue + + # Create layout columns for File Name, Panel_2, and Panel_1 selections + file_name_col, Panel_1_col, Panel_2_col = st.columns([2, 4, 4]) + + with file_name_col: + # Display "File Name" label only for the first file + if count == 0: + st.write("File Name") + else: + st.write("") + st.write(file_name) # Display the file name + + with Panel_1_col: + # Display a selectbox for Panel_1 values + selected_panel1 = st.selectbox( + "Select Panel Level 1", + panel2_values, + on_change=set_Panel_1_Panel_2_Selected_false, + label_visibility=label_visibility, # Control visibility of the label + key=f"Panel_1_selectbox{count}", # Ensure unique key for each selectbox + index=st.session_state["project_dct"]["data_import"][ + f"Panel_1_selectbox{file_name}" + ], + ) + + st.session_state["project_dct"]["data_import"][ + f"Panel_1_selectbox{file_name}" + ] = panel2_values.index(selected_panel1) + + with Panel_2_col: + # Display a selectbox for Panel_2 values + selected_panel2 = st.selectbox( + "Select Panel Level 2", + panel1_values, + on_change=set_Panel_1_Panel_2_Selected_false, + label_visibility=label_visibility, # Control visibility of the label + key=f"Panel_2_selectbox{count}", # Ensure unique key for each selectbox + index=st.session_state["project_dct"]["data_import"][ + f"Panel_2_selectbox{file_name}" + ], + ) + + st.session_state["project_dct"]["data_import"][ + f"Panel_2_selectbox{file_name}" + ] = panel1_values.index(selected_panel2) + + # Check for potential data integrity issues + if selected_panel2 == selected_panel1 and not ( + selected_panel2 == "N/A" and selected_panel1 == "N/A" + ): + st.warning( + f"File: {file_name} → The same column cannot serve as both Panel_1 and Panel_2. Please adjust your selections.", + ) + selected_panel1, selected_panel2 = "N/A", "N/A" + st.stop() + + # Check for potential data integrity issues + if len(non_numeric_cols) > 2: + st.warning( + f"File: {file_name} → The input file contains more than two non-numeric/panel columns. Please verify the file's contents.", + ) + st.stop() + + # Total selected panel level + selected_panels_count = (1 if selected_panel1 != "N/A" else 0) + ( + 1 if selected_panel2 != "N/A" else 0 + ) + + # Check for potential data integrity issues + if len(non_numeric_cols) != selected_panels_count: + st.warning( + f"File: {file_name} → The number of non-numeric columns selected does not match the expected panel count. Please ensure all required columns are selected.", + ) + st.stop() + + # Update the selections for Panel_1 and Panel_2 for the current file + selections[file_name] = { + "Panel_1": selected_panel1, + "Panel_2": selected_panel2, + } + + count += 1 # Increment the counter after processing each file + st.write() + # Accept Panel_1 and Panel_2 selection + accept = st.button("Accept and Process", use_container_width=True) + + if ( + accept == False + and st.session_state["project_dct"]["data_import"]["edited_stats_df"] + is not None + ): + + # st.write(st.session_state['project_dct']) + st.markdown("#### Unique Panel values") + # Display Panel_1 and Panel_2 values + with st.expander("Unique Panel values"): + st.write("") + st.markdown( + f""" + +
+ Panel Level 1 Values: {st.session_state['project_dct']['data_import']['formatted_panel1_values']}
+ Panel Level 2 Values: {st.session_state['project_dct']['data_import']['formatted_panel2_values']} +
+ """, + unsafe_allow_html=True, + ) + + # Display total Panel_1 and Panel_2 + st.write("") + st.markdown( + f""" +
+ Number of Level 1 Panels detected: {len(st.session_state['project_dct']['data_import']['formatted_panel2_values'])}
+ Number of Level 2 Panels detected: {len(st.session_state['project_dct']['data_import']['formatted_panel2_values'])} +
+ """, + unsafe_allow_html=True, + ) + st.write("") + + # Create an editable DataFrame in Streamlit + st.markdown("#### Select Variables Category & Impute Missing Values") + + merged_df = st.session_state["project_dct"]["data_import"]["merged_df"].copy() + missing_stats_df = st.session_state["project_dct"]["data_import"][ + "missing_stats_df" + ] + editable_df = st.session_state["project_dct"]["data_import"]["edited_stats_df"] + sorted_editable_df = editable_df.sort_values( + by="Missing Values", ascending=False, na_position="first" + ) + + edited_stats_df = st.data_editor( + sorted_editable_df, + column_config={ + "Impute Method": st.column_config.SelectboxColumn( + options=[ + "Drop Column", + "Fill with Mean", + "Fill with Median", + "Fill with 0", + ], + required=True, + default="Fill with 0", + ), + "Category": st.column_config.SelectboxColumn( + options=[ + "Spends", + "Media", + "Exogenous", + "Internal", + "Response Metrics", + ], + required=True, + default="Media", + ), + }, + disabled=["Column", "Missing Values", "Missing Percentage"], + hide_index=True, + use_container_width=True, + key="data-editor-1", + ) + + st.session_state["project_dct"]["data_import"]["cat_dct"] = { + col: cat + for col, cat in zip(edited_stats_df["Column"], edited_stats_df["Category"]) + if col in merged_df.columns + } + + for i, row in edited_stats_df.iterrows(): + column = row["Column"] + if ( + column + not in st.session_state["project_dct"]["data_import"]["cat_dct"].keys() + ): + continue + if row["Impute Method"] == "Drop Column": + merged_df.drop(columns=[column], inplace=True) + + elif row["Impute Method"] == "Fill with Mean": + merged_df[column].fillna( + st.session_state["project_dct"]["data_import"]["merged_df"][ + column + ].mean(), + inplace=True, + ) + + elif row["Impute Method"] == "Fill with Median": + merged_df[column].fillna( + st.session_state["project_dct"]["data_import"]["merged_df"][ + column + ].median(), + inplace=True, + ) + + elif row["Impute Method"] == "Fill with 0": + merged_df[column].fillna(0, inplace=True) + + ######################################################################################################################################################### + # Group columns + ######################################################################################################################################################### + + # Display Group columns header + numeric_columns = st.session_state["project_dct"]["data_import"][ + "numeric_columns" + ] + default_df = st.session_state["project_dct"]["data_import"]["default_df"] + + st.markdown("#### Feature engineering") + + edited_df = st.data_editor( + st.session_state["project_dct"]["data_import"]["edited_df"], + column_config={ + "Column 1": st.column_config.SelectboxColumn( + options=numeric_columns, + required=True, + width=400, + ), + "Operator": st.column_config.SelectboxColumn( + options=["+", "-", "*", "/"], + required=True, + default="+", + width=100, + ), + "Column 2": st.column_config.SelectboxColumn( + options=numeric_columns, + required=True, + default=numeric_columns[0], + width=400, + ), + "Category": st.column_config.SelectboxColumn( + options=[ + "Media", + "Exogenous", + "Internal", + "Response Metrics", + ], + required=True, + default="Media", + width=200, + ), + }, + num_rows="dynamic", + key="data-editor-4", + ) + + final_df, edited_stats_df = process_dataframes( + merged_df, edited_df, edited_stats_df + ) + + st.markdown("#### Final DataFrame") + sort_col = [] + for col in final_df.columns: + if col in ["Panel_1", "Panel_2", "date"]: + sort_col.append(col) + + sorted_final_df = final_df.sort_values( + by=sort_col, ascending=True, na_position="first" + ) + + st.dataframe(sorted_final_df, hide_index=True) + + # Initialize an empty dictionary to hold categories and their variables + category_dict = { + "Spends": [], + "Media": [], + "Exogenous": [], + "Internal": [], + "Response Metrics": [], + } + + # Iterate over each row in the edited DataFrame to populate the dictionary + for i, row in edited_stats_df.iterrows(): + column = row["Column"] + category = row[ + "Category" + ] # The category chosen by the user for this variable + + if column not in list(final_df.columns): # Skip columns that are dropped + continue + + # Check if the category already exists in the dictionary + if category not in category_dict: + # If not, initialize it with the current column as its first element + category_dict[category] = [column] + else: + # If it exists, append the current column to the list of variables under this category + category_dict[category].append(column) + + # Add Date, Panel_1 and Panel_12 in category dictionary + category_dict.update({"Date": ["date"]}) + if "Panel_1" in final_df.columns: + category_dict["Panel Level 1"] = ["Panel_1"] + if "Panel_2" in final_df.columns: + category_dict["Panel Level 2"] = ["Panel_2"] + + ###################################### Group Media Channels ###################################### + + with st.expander("Group Media Channels"): + media_channels = category_dict["Media"] + spends_channels = category_dict["Spends"] + + allowed_channels_bin = media_channels + spends_channels + group_selection_placeholder = st.container() + total_groups = st.number_input("Total Groups", value=0) + try: + total_groups = int(total_groups) + except: + total_groups = 0 + group_dict = {} + channels_added = set() + + with group_selection_placeholder: + for i in range(total_groups): + + group_name_inp_col, group_col = st.columns([1, 4]) + group_name = group_name_inp_col.text_input( + "Group name", key=f"group_name_{i}" + ) + + # Filter the allowed channels by removing those already added, then sort the list + allowed_channels = sorted( + [ + channel + for channel in allowed_channels_bin + if channel not in channels_added + ], + key=lambda x: x.split("_")[ + 0 + ], # Split each string by '_' and sort by the first part + ) + + selected_channels = group_col.multiselect( + "Select channels to group", + options=allowed_channels, + key=f"selected_channels_key_{i}", + ) + + if ((group_name is not None) and (group_name != "")) and ( + len(selected_channels) > 0 + ): + group_dict[group_name] = selected_channels + channels_added.update(selected_channels) + ###################################### Group Media Channels ###################################### + + # Display the dictionary + st.markdown("#### Variable Category") + for category, variables in category_dict.items(): + # Check if there are multiple variables to handle "and" insertion correctly + if len(variables) > 1: + # Join all but the last variable with ", ", then add " and " before the last variable + variables_str = ", ".join(variables[:-1]) + " and " + variables[-1] + else: + # Skip empty category + if len(variables) == 0: + variables_str = "" + else: + # If there's only one variable, no need for "and" + variables_str = variables[0] + + # Display the category and its variables in the desired format + st.markdown( + f"
{category}: {variables_str}
", + unsafe_allow_html=True, + ) + + # Function to check if Response Metrics is selected + st.write("") + + # Define the required column categories to check. + required_categories = ["Response Metrics", "Spends", "Media"] + + # Iterate over the required categories to check for missing columns. + for category in required_categories: + category_columns = category_dict.get(category, []) + if len(category_columns) == 0: + st.warning( + f"Please select at least one column for the {category} category", + icon="⚠️", + ) + st.stop() + + # Filter channels that are in category_dict["Media"] / category_dict["Spends"] and in final_df.columns + filtered_channels = [ + channel + for channel in category_dict["Media"] + category_dict["Spends"] + if channel in final_df.columns + ] + + # Combine all channels into a single list using a list comprehension + all_added_channels = [] + for channels in group_dict: + all_added_channels += group_dict[channels] + + # Check for duplicated channels across groups + if len(all_added_channels) != len(set(all_added_channels)): + st.warning( + "A channel can only be grouped once, and duplicate groupings are not permitted", + icon="⚠️", + ) + st.stop() + + # Check if all filtered channels are present in group_dict + if not set(filtered_channels) == set(all_added_channels): + st.warning("Please group all media channels", icon="⚠️") + st.stop() + + # Store final dataframe and bin dictionary into session state + st.session_state["final_df"], st.session_state["bin_dict"] = ( + final_df, + category_dict, + ) + + # Save the DataFrame and dictionary from the session state to the pickle file + if st.button( + "Accept and Save", + use_container_width=True, + key="data-editor-button", + ): + update_db("1_Data_Import.py") + final_df = final_df.loc[:, ~final_df.columns.duplicated()] + + 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) + + data_path = os.path.join( + st.session_state["project_path"], "data_import.pkl" + ) + + st.session_state["data_path"] = data_path + + save_to_pickle( + data_path, + st.session_state["final_df"], + st.session_state["bin_dict"], + ) + + + st.session_state["project_dct"]["data_import"][ + "edited_stats_df" + ] = edited_stats_df + st.session_state["project_dct"]["data_import"]["merged_df"] = merged_df + st.session_state["project_dct"]["data_import"][ + "missing_stats_df" + ] = missing_stats_df + st.session_state["project_dct"]["data_import"]["cat_dct"] = { + col: cat + for col, cat in zip( + edited_stats_df["Column"], edited_stats_df["Category"] + ) + } + st.session_state["project_dct"]["data_import"][ + "numeric_columns" + ] = numeric_columns + st.session_state["project_dct"]["data_import"]["default_df"] = default_df + st.session_state["project_dct"]["data_import"]["final_df"] = final_df + st.session_state["project_dct"]["data_import"]["edited_df"] = edited_df + + st.toast("💾 Saved Successfully!") + + if accept: + # Normalize all data to a daily granularity. This initial standardization simplifies subsequent conversions to other levels of granularity + with st.spinner("Processing..."): + files_dict = standardize_data_to_daily(files_dict, selections) + + # Convert all data to daily level granularity + files_dict = apply_granularity_to_all( + files_dict, granularity_selection, selections + ) + + # Update the 'files_dict' in the session state + st.session_state["files_dict"] = files_dict + + # Set a flag in the session state to indicate that selection has been made + st.session_state["Panel_1_Panel_2_Selected"] = True + + ######################################################################################################################################################### + # Display unique Panel_1 and Panel_2 values + ######################################################################################################################################################### + + # Halts further execution until Panel_1 and Panel_2 columns are selected + if st.session_state["project_dct"]["data_import"]["edited_stats_df"] is None: + + if ( + "files_dict" in st.session_state + and st.session_state["Panel_1_Panel_2_Selected"] + ): + files_dict = st.session_state["files_dict"] + + st.session_state["project_dct"]["data_import"][ + "files_dict" + ] = files_dict # resume + else: + st.stop() + + # Set to store unique values of Panel_1 and Panel_2 + with st.spinner("Fetching Panel values..."): + all_panel1_values, all_panel2_values = clean_and_extract_unique_values( + files_dict, selections + ) + + # List of Panel_1 and Panel_2 columns unique values + list_of_all_panel1_values = list(all_panel1_values) + list_of_all_panel2_values = list(all_panel2_values) + + # Format Panel_1 and Panel_2 values for display + formatted_panel1_values = format_values_for_display( + list_of_all_panel1_values + ) + formatted_panel2_values = format_values_for_display( + list_of_all_panel2_values + ) + + st.session_state["project_dct"]["data_import"][ + "formatted_panel1_values" + ] = formatted_panel1_values + st.session_state["project_dct"]["data_import"][ + "formatted_panel2_values" + ] = formatted_panel2_values + + # Unique Panel_1 and Panel_2 values + st.markdown("#### Unique Panel values") + # Display Panel_1 and Panel_2 values + with st.expander("Unique Panel values"): + st.write("") + st.markdown( + f""" + +
+ Panel Level 1 Values: {formatted_panel1_values}
+ Panel Level 2 Values: {formatted_panel2_values} +
+ """, + unsafe_allow_html=True, + ) + + # Display total Panel_1 and Panel_2 + st.write("") + st.markdown( + f""" +
+ Number of Level 1 Panels detected: {len(list_of_all_panel1_values)}
+ Number of Level 2 Panels detected: {len(list_of_all_panel2_values)} +
+ """, + unsafe_allow_html=True, + ) + st.write("") + + ######################################################################################################################################################### + # Merge all DataFrames + ######################################################################################################################################################### + + # Merge all DataFrames selected + main_df = create_main_dataframe( + files_dict, + all_panel1_values, + all_panel2_values, + granularity_selection, + ) + + merged_df = merge_into_main_df(main_df, files_dict, selections) + + ######################################################################################################################################################### + # Categorize Variables and Impute Missing Values + ######################################################################################################################################################### + + # Create an editable DataFrame in Streamlit + st.markdown("#### Select Variables Category & Impute Missing Values") + + # Prepare missing stats DataFrame for editing + missing_stats_df = prepare_missing_stats_df(merged_df) + sorted_missing_stats_df = missing_stats_df.sort_values( + by="Missing Values", ascending=False, na_position="first" + ) + + edited_stats_df = st.data_editor( + sorted_missing_stats_df, + column_config={ + "Impute Method": st.column_config.SelectboxColumn( + options=[ + "Drop Column", + "Fill with Mean", + "Fill with Median", + "Fill with 0", + ], + required=True, + default="Fill with 0", + ), + "Category": st.column_config.SelectboxColumn( + options=[ + "Spends", + "Media", + "Exogenous", + "Internal", + "Response Metrics", + ], + required=True, + default="Media", + ), + }, + disabled=["Column", "Missing Values", "Missing Percentage"], + hide_index=True, + use_container_width=True, + key="data-editor-2", + ) + + # Apply changes based on edited DataFrame + for i, row in edited_stats_df.iterrows(): + column = row["Column"] + if row["Impute Method"] == "Drop Column": + merged_df.drop(columns=[column], inplace=True) + + elif row["Impute Method"] == "Fill with Mean": + merged_df[column].fillna(merged_df[column].mean(), inplace=True) + + elif row["Impute Method"] == "Fill with Median": + merged_df[column].fillna(merged_df[column].median(), inplace=True) + + elif row["Impute Method"] == "Fill with 0": + merged_df[column].fillna(0, inplace=True) + + ######################################################################################################################################################### + # Group columns + ######################################################################################################################################################### + + # Display Group columns header + st.markdown("#### Feature engineering") + + # Prepare the numeric columns and an empty DataFrame for user input + numeric_columns, default_df = prepare_numeric_columns_and_default_df( + merged_df, edited_stats_df + ) + + # Display editable Dataframe + edited_df = st.data_editor( + default_df, + column_config={ + "Column 1": st.column_config.SelectboxColumn( + options=numeric_columns, + required=True, + width=400, + ), + "Operator": st.column_config.SelectboxColumn( + options=["+", "-", "*", "/"], + required=True, + default="+", + width=100, + ), + "Column 2": st.column_config.SelectboxColumn( + options=numeric_columns, + required=True, + default=numeric_columns[0], + width=400, + ), + "Category": st.column_config.SelectboxColumn( + options=[ + "Media", + "Exogenous", + "Internal", + "Response Metrics", + ], + required=True, + default="Media", + width=200, + ), + }, + num_rows="dynamic", + key="data-editor-3", + ) + + # Process the DataFrame based on user inputs and operations specified in edited_df + final_df, edited_stats_df = process_dataframes( + merged_df, edited_df, edited_stats_df + ) + + ######################################################################################################################################################### + # Display the Final DataFrame and variables + ######################################################################################################################################################### + + # Display the Final DataFrame and variables + st.markdown("#### Final DataFrame") + + sort_col = [] + for col in final_df.columns: + if col in ["Panel_1", "Panel_2", "date"]: + sort_col.append(col) + + sorted_final_df = final_df.sort_values( + by=sort_col, ascending=True, na_position="first" + ) + st.dataframe(sorted_final_df, hide_index=True) + + # Initialize an empty dictionary to hold categories and their variables + category_dict = { + "Spends": [], + "Media": [], + "Exogenous": [], + "Internal": [], + "Response Metrics": [], + } + + # Iterate over each row in the edited DataFrame to populate the dictionary + for i, row in edited_stats_df.iterrows(): + column = row["Column"] + category = row[ + "Category" + ] # The category chosen by the user for this variable + + if column not in list(final_df.columns): # Skip columns that are dropped + continue + + # Check if the category already exists in the dictionary + if category not in category_dict: + # If not, initialize it with the current column as its first element + category_dict[category] = [column] + else: + # If it exists, append the current column to the list of variables under this category + category_dict[category].append(column) + + # Add Date, Panel_1 and Panel_12 in category dictionary + category_dict.update({"Date": ["date"]}) + if "Panel_1" in final_df.columns: + category_dict["Panel Level 1"] = ["Panel_1"] + if "Panel_2" in final_df.columns: + category_dict["Panel Level 2"] = ["Panel_2"] + + ###################################### Group Media Channels ###################################### + + with st.expander("Group Media Channels"): + media_channels = category_dict["Media"] + spends_channels = category_dict["Spends"] + + allowed_channels_bin = media_channels + spends_channels + group_selection_placeholder = st.container() + total_groups = st.number_input("Total Groups", value=0) + try: + total_groups = int(total_groups) + except: + total_groups = 0 + group_dict = {} + channels_added = set() + + with group_selection_placeholder: + for i in range(total_groups): + + group_name_inp_col, group_col = st.columns([1, 4]) + group_name = group_name_inp_col.text_input( + "Group name", key=f"group_name_{i}" + ) + + # Filter the allowed channels by removing those already added, then sort the list + allowed_channels = sorted( + [ + channel + for channel in allowed_channels_bin + if channel not in channels_added + ], + key=lambda x: x.split("_")[ + 0 + ], # Split each string by '_' and sort by the first part + ) + + selected_channels = group_col.multiselect( + "Select channels to group", + options=allowed_channels, + key=f"selected_channels_key_{i}", + ) + + if ((group_name is not None) and (group_name != "")) and ( + len(selected_channels) > 0 + ): + group_dict[group_name] = selected_channels + channels_added.update(selected_channels) + + + ###################################### Group Media Channels ###################################### + + # Display the dictionary + st.markdown("#### Variable Category") + for category, variables in category_dict.items(): + # Skip empty category + if len(variables) == 0: + variables_str = "" + # Check if there are multiple variables to handle "and" insertion correctly + if len(variables) > 1: + # Join all but the last variable with ", ", then add " and " before the last variable + variables_str = ", ".join(variables[:-1]) + " and " + variables[-1] + else: + # Skip empty category + if len(variables) == 0: + variables_str = "" + else: + # If there's only one variable, no need for "and" + variables_str = variables[0] + + # Display the category and its variables in the desired format + st.markdown( + f"
{category}: {variables_str}
", + unsafe_allow_html=True, + ) + + # Function to check if Response Metrics is selected + st.write("") + + # Define the required column categories to check. + required_categories = ["Response Metrics", "Spends", "Media"] + + # Iterate over the required categories to check for missing columns. + for category in required_categories: + category_columns = category_dict.get(category, []) + if len(category_columns) == 0: + st.warning( + f"Please select at least one column for the {category} category", + icon="⚠️", + ) + st.stop() + + # Filter channels that are in category_dict["Media"] / category_dict["Spends"] and in final_df.columns + filtered_channels = [ + channel + for channel in category_dict["Media"] + category_dict["Spends"] + if channel in final_df.columns + ] + + # Combine all channels into a single list using a list comprehension + all_added_channels = [] + for channels in group_dict: + all_added_channels += group_dict[channels] + + # Check for duplicated channels across groups + if len(all_added_channels) != len(set(all_added_channels)): + st.warning( + "A channel can only be grouped once, and duplicate groupings are not permitted", + icon="⚠️", + ) + st.stop() + + # Check if all filtered channels are present in group_dict + if not set(filtered_channels) == set(all_added_channels): + st.warning("Please group all media channels", icon="⚠️") + st.stop() + + # Store final dataframe and bin dictionary into session state + st.session_state["final_df"], st.session_state["bin_dict"] = ( + final_df, + category_dict, + ) + + # Save the DataFrame and dictionary from the session state to the pickle file + if st.button("Accept and Save", use_container_width=True): + + update_db("1_Data_Import.py") + + 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) + + data_path = os.path.join( + st.session_state["project_path"], "data_import.pkl" + ) + st.session_state["data_path"] = data_path + + save_to_pickle( + data_path, + st.session_state["final_df"], + st.session_state["bin_dict"], + ) + + ## ADD Exog vars to channels & save channels + if len(category_dict['Exogenous'])>0: + for exog_var in category_dict['Exogenous']: + group_dict[exog_var]=[exog_var] + with open(os.path.join(st.session_state["project_path"],"channel_groups.pkl"), "wb") as f: + pickle.dump(group_dict,f) + + st.session_state["project_dct"]["data_import"][ + "edited_stats_df" + ] = edited_stats_df + st.session_state["project_dct"]["data_import"]["merged_df"] = merged_df + st.session_state["project_dct"]["data_import"][ + "missing_stats_df" + ] = missing_stats_df + st.session_state["project_dct"]["data_import"]["cat_dct"] = { + col: cat + for col, cat in zip( + edited_stats_df["Column"], edited_stats_df["Category"] + ) + } + + st.session_state["project_dct"]["data_import"][ + "numeric_columns" + ] = numeric_columns + st.session_state["project_dct"]["data_import"]["default_df"] = default_df + st.session_state["project_dct"]["data_import"]["final_df"] = final_df + st.session_state["project_dct"]["data_import"]["edited_df"] = edited_df + + st.toast("💾 Saved Successfully!") + diff --git a/pages/2_Data_Validation_and_Insights.py b/pages/2_Data_Validation_and_Insights.py new file mode 100644 index 0000000000000000000000000000000000000000..7151ca2286b3db03a89a4612f43a063587982683 --- /dev/null +++ b/pages/2_Data_Validation_and_Insights.py @@ -0,0 +1,461 @@ +import streamlit as st +import pandas as pd +from Eda_functions import * +import numpy as np +import pickle +import streamlit as st +from utilities import set_header, load_local_css,update_db,project_selection +import os +import tempfile +import sqlite3 +from utilities import update_db +import re + + + + +st.set_page_config( + page_title="Data Validation", + page_icon=":shark:", + layout="wide", + initial_sidebar_state="collapsed", +) +load_local_css("styles.css") +set_header() + +if 'username' not in st.session_state: + st.session_state['username']=None + +if "project_name" not in st.session_state: + st.session_state["project_name"] = None + +if "project_dct" not in st.session_state: + project_selection() + +if "project_path" not in st.session_state: + st.stop() + +if 'username' in st.session_state and st.session_state['username'] is not None: + data_path = os.path.join(st.session_state["project_path"], "data_import.pkl") + + try: + with open(data_path, "rb") as f: + data = pickle.load(f) + except Exception as e: + st.error(f"Please import data from the Data Import Page") + st.stop() + + conn = sqlite3.connect(r"DB\User.db", check_same_thread=False) # connection with sql db + c = conn.cursor() + st.session_state["cleaned_data"] = data["final_df"] + st.session_state["category_dict"] = data["bin_dict"] + # st.write(st.session_state['category_dict']) + cols1 = st.columns([2, 1]) + + with cols1[0]: + st.markdown(f"**Welcome {st.session_state['username']}**") + with cols1[1]: + st.markdown( + f"**Current Project: {st.session_state['project_name']}**" + ) + + + + st.title("Data Validation and Insights") + + + target_variables = [ + st.session_state["category_dict"][key] + for key in st.session_state["category_dict"].keys() + if key == "Response Metrics" + ] + + + def format_display(inp): + return inp.title().replace("_", " ").strip() + + + target_variables = list(*target_variables) + target_column = st.selectbox( + "Select the Target Feature/Dependent Variable (will be used in all charts as reference)", + target_variables, + index=st.session_state["project_dct"]["data_validation"]["target_column"], + format_func=format_display, + ) + + st.session_state["project_dct"]["data_validation"]["target_column"] = ( + target_variables.index(target_column) + ) + + st.session_state["target_column"] = target_column + + + #panels = st.session_state["category_dict"]["Panel Level 1"][0] + + if 'Panel_1' not in st.session_state["cleaned_data"].columns: + st.session_state["cleaned_data"]['Panel_1']=['1']*len(st.session_state["cleaned_data"]) + + panels= st.session_state["cleaned_data"]['Panel_1'] + disable=True + + else: + + disable=False + + + selected_panels = st.multiselect( + "Please choose the panels you wish to analyze.If no panels are selected, insights will be derived from the overall data.", + st.session_state["cleaned_data"]["Panel_1"].unique(), + default=st.session_state["project_dct"]["data_validation"]["selected_panels"], + disabled=disable + + ) + + st.session_state["project_dct"]["data_validation"]["selected_panels"] = selected_panels + + aggregation_dict = { + item: "sum" if key == "Media" else "mean" + for key, value in st.session_state["category_dict"].items() + for item in value + if item not in ["date", "Panel_1"] + } + + aggregation_dict = {key: value for key, value in aggregation_dict.items() if key in st.session_state["cleaned_data"].columns} + + + with st.expander("**Reponse Metric Analysis**"): + + if len(selected_panels) > 0: + st.session_state["Cleaned_data_panel"] = st.session_state["cleaned_data"][ + st.session_state["cleaned_data"]["Panel_1"].isin(selected_panels) + ] + + st.session_state["Cleaned_data_panel"] = ( + st.session_state["Cleaned_data_panel"] + .groupby(by="date") + .agg(aggregation_dict) + ) + st.session_state["Cleaned_data_panel"] = st.session_state[ + "Cleaned_data_panel" + ].reset_index() + else: + # st.write(st.session_state['cleaned_data']) + st.session_state["Cleaned_data_panel"] = ( + st.session_state["cleaned_data"].groupby(by="date").agg(aggregation_dict) + ) + st.session_state["Cleaned_data_panel"] = st.session_state[ + "Cleaned_data_panel" + ].reset_index() + + fig = line_plot_target( + st.session_state["Cleaned_data_panel"], + target=target_column, + title=f"{target_column} Over Time", + ) + st.plotly_chart(fig, use_container_width=True) + + media_channel = list( + *[ + st.session_state["category_dict"][key] + for key in st.session_state["category_dict"].keys() + if key == "Media" + ] + ) + + + spends_features= list( + *[ + st.session_state["category_dict"][key] + for key in st.session_state["category_dict"].keys() + if key == "Spends" + ] + ) + # st.write(media_channel) + + exo_var = list( + *[ + st.session_state["category_dict"][key] + for key in st.session_state["category_dict"].keys() + if key == "Exogenous" + ] + ) + internal_var = list( + *[ + st.session_state["category_dict"][key] + for key in st.session_state["category_dict"].keys() + if key == "Internal" + ] + ) + + Non_media_variables = exo_var + internal_var + + st.markdown("### Annual Data Summary") + + summary_df = summary( + st.session_state["Cleaned_data_panel"], + media_channel + [target_column]+spends_features, + spends=None, + Target=True, + ) + + st.dataframe( + summary_df.sort_index(axis=1), + use_container_width=True, + ) + + if st.checkbox("Show raw data"): + st.cache_resource(show_spinner=False) + + def raw_df_gen(): + # Convert 'date' to datetime but do not convert to string yet for sorting + dates = pd.to_datetime(st.session_state["Cleaned_data_panel"]["date"]) + + # Concatenate the dates with other numeric columns formatted + raw_df = pd.concat( + [ + dates, + st.session_state["Cleaned_data_panel"] + .select_dtypes(np.number) + .applymap(format_numbers), + ], + axis=1, + ) + + # Now sort raw_df by the 'date' column, which is still in datetime format + sorted_raw_df = raw_df.sort_values(by="date", ascending=True) + + # After sorting, convert 'date' to string format for display + sorted_raw_df["date"] = sorted_raw_df["date"].dt.strftime("%m/%d/%Y") + + return sorted_raw_df + + # Display the sorted DataFrame in Streamlit + st.dataframe(raw_df_gen()) + + col1 = st.columns(1) + + if "selected_feature" not in st.session_state: + st.session_state["selected_feature"] = None + + # st.warning('Work in Progress') + with st.expander("Media Variables Analysis"): + # Get the selected feature + + st.session_state["selected_feature"] = st.selectbox( + "Select media", media_channel+spends_features, format_func=format_display + ) + + # st.session_state["project_dct"]["data_validation"]["selected_feature"] = ( + + # ) + + # Filter spends features based on the selected feature + spends_col= st.columns(2) + spends_feature = [ + col + for col in spends_features + if re.split(r"_cost|_spend", col.lower())[0] + in st.session_state["selected_feature"] + ] + + + if len(spends_feature) == 0: + + st.warning("No 'spends' variable available for the selected metric in the data. Please ensure the columns are properly named.or select them in the provided selecttion box") + + with spends_col[0]: + st.write(f'Selected "{spends_feature[0]}" as the corresponding spends variable automatically. If this is incorrect, please click the checkbox to change the variable.') + + with spends_col[1]: + if len(spends_feature)==0 or st.checkbox('Select "Spends" variable for CPM and CPC calculation'): + spends_feature=[st.selectbox('Spends variable',spends_features)] + + if "validation" not in st.session_state: + + st.session_state["validation"] = st.session_state["project_dct"][ + "data_validation" + ]["validated_variables"] + + val_variables = [col for col in media_channel if col != "date"] + + if not set( + st.session_state["project_dct"]["data_validation"]["validated_variables"] + ).issubset(set(val_variables)): + + st.session_state["validation"] = [] + + + else: + fig_row1 = line_plot( + st.session_state["Cleaned_data_panel"], + x_col="date", + y1_cols=[st.session_state["selected_feature"]], + y2_cols=[target_column], + title=f'Analysis of {st.session_state["selected_feature"]} and {[target_column][0]} Over Time', + ) + st.plotly_chart(fig_row1, use_container_width=True) + st.markdown("### Summary") + st.dataframe( + summary( + st.session_state["cleaned_data"], + [st.session_state["selected_feature"]], + spends=spends_feature[0], + ), + use_container_width=True, + ) + + cols2 = st.columns(2) + + if len(set(st.session_state["validation"]).intersection(val_variables)) == len( + val_variables + ): + disable = True + help = "All media variables are validated" + else: + disable = False + help = "" + + with cols2[0]: + if st.button("Validate", disabled=disable, help=help): + st.session_state["validation"].append( + st.session_state["selected_feature"] + ) + with cols2[1]: + + if st.checkbox("Validate all", disabled=disable, help=help): + st.session_state["validation"].extend(val_variables) + st.success("All media variables are validated ✅") + + if len(set(st.session_state["validation"]).intersection(val_variables)) != len( + val_variables + ): + validation_data = pd.DataFrame( + { + "Validate": [ + (True if col in st.session_state["validation"] else False) + for col in val_variables + ], + "Variables": val_variables, + } + ) + + sorted_validation_df = validation_data.sort_values( + by="Variables", ascending=True, na_position="first" + ) + cols3 = st.columns([1, 30]) + with cols3[1]: + validation_df = st.data_editor( + sorted_validation_df, + # column_config={ + # 'Validate':st.column_config.CheckboxColumn(wi) + # }, + column_config={ + "Validate": st.column_config.CheckboxColumn( + default=False, + width=100, + ), + "Variables": st.column_config.TextColumn(width=1000), + }, + hide_index=True, + ) + + selected_rows = validation_df[validation_df["Validate"] == True][ + "Variables" + ] + + # st.write(selected_rows) + + st.session_state["validation"].extend(selected_rows) + + st.session_state["project_dct"]["data_validation"][ + "validated_variables" + ] = st.session_state["validation"] + + not_validated_variables = [ + col + for col in val_variables + if col not in st.session_state["validation"] + ] + + if not_validated_variables: + not_validated_message = f'The following variables are not validated:\n{" , ".join(not_validated_variables)}' + st.warning(not_validated_message) + + + with st.expander("Non Media Variables Analysis"): + if len(Non_media_variables)==0: + st.warning('Non media variables not present') + + else: + selected_columns_row4 = st.selectbox( + "Select Channel", + Non_media_variables, + format_func=format_display, + index=st.session_state["project_dct"]["data_validation"]["Non_media_variables"], + ) + + st.session_state["project_dct"]["data_validation"]["Non_media_variables"] = ( + Non_media_variables.index(selected_columns_row4) + ) + + # # Create the dual-axis line plot + fig_row4 = line_plot( + st.session_state["Cleaned_data_panel"], + x_col="date", + y1_cols=[selected_columns_row4], + y2_cols=[target_column], + title=f"Analysis of {selected_columns_row4} and {target_column} Over Time", + ) + st.plotly_chart(fig_row4, use_container_width=True) + selected_non_media = selected_columns_row4 + sum_df = st.session_state["Cleaned_data_panel"][ + ["date", selected_non_media, target_column] + ] + sum_df["Year"] = pd.to_datetime( + st.session_state["Cleaned_data_panel"]["date"] + ).dt.year + # st.dataframe(df) + # st.dataframe(sum_df.head(2)) + print(sum_df) + sum_df = sum_df.drop("date", axis=1).groupby("Year").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": "-"}) + st.markdown("### Summary") + st.dataframe(sum_df, use_container_width=True) + + # with st.expander('Interactive Dashboard'): + + # pygg_app=StreamlitRenderer(st.session_state['cleaned_data']) + + # pygg_app.explorer() + + with st.expander("Correlation Analysis"): + options = list( + st.session_state["Cleaned_data_panel"].select_dtypes(np.number).columns + ) + + selected_options = st.multiselect( + "Select Variables For correlation plot", + [var for var in options if var != target_column], + default=options[3], + ) + + st.pyplot( + correlation_plot( + st.session_state["Cleaned_data_panel"], + selected_options, + target_column, + ) + ) + + if st.button("Save Changes", use_container_width=True): + + update_db("2_Data_Validation.py") + + 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.success("Changes saved") diff --git a/pages/3_Transformations.py b/pages/3_Transformations.py new file mode 100644 index 0000000000000000000000000000000000000000..4b12d15ff3b6b833092e5d9e6f8da8ec63d744be --- /dev/null +++ b/pages/3_Transformations.py @@ -0,0 +1,897 @@ +# Importing necessary libraries +import streamlit as st + +st.set_page_config( + page_title="Transformations", + page_icon=":shark:", + layout="wide", + initial_sidebar_state="collapsed", +) + +import os +import pickle +import sqlite3 +import numpy as np +import pandas as pd +from utilities import update_db +from utilities import set_header, load_local_css, update_db, project_selection + + +load_local_css("styles.css") +set_header() + +if "username" not in st.session_state: + st.session_state["username"] = None + +if "project_name" not in st.session_state: + st.session_state["project_name"] = None + +if "project_dct" not in st.session_state: + project_selection() + st.stop() + +if "username" in st.session_state and st.session_state["username"] is not None: + + conn = sqlite3.connect( + r"DB/User.db", check_same_thread=False + ) # connection with sql db + c = conn.cursor() + + if not os.path.exists( + os.path.join(st.session_state["project_path"], "data_import.pkl") + ): + st.error("Please move to Data Import page") + st.stop() + + # Deserialize and load the objects from the pickle file + with open( + os.path.join(st.session_state["project_path"], "data_import.pkl"), "rb" + ) as f: + data = pickle.load(f) + + # Accessing the loaded objects + + final_df_loaded = data["final_df"] + bin_dict_loaded = data["bin_dict"] + + # final_df_loaded.to_csv("Test/final_df_loaded.csv",index=False) + # Initialize session state==- + if "transformed_columns_dict" not in st.session_state: + st.session_state["transformed_columns_dict"] = {} # Default empty dictionary + + if "final_df" not in st.session_state: + st.session_state["final_df"] = final_df_loaded # Default as original dataframe + + if "summary_string" not in st.session_state: + st.session_state["summary_string"] = None # Default as None + + # Extract original columns for specified categories + original_columns = { + category: bin_dict_loaded[category] + for category in ["Media", "Internal", "Exogenous"] + if category in bin_dict_loaded + } + + # Retrive Panel columns + panel_1 = bin_dict_loaded.get("Panel Level 1") + panel_2 = bin_dict_loaded.get("Panel Level 2") + + # Apply transformations on panel level + if panel_1: + panel = panel_1 + panel_2 if panel_2 else panel_1 + else: + panel = [] + + # Function to build transformation widgets + def transformation_widgets(category, transform_params, date_granularity): + + if ( + st.session_state["project_dct"]["transformations"] is None + or st.session_state["project_dct"]["transformations"] == {} + ): + st.session_state["project_dct"]["transformations"] = {} + if category not in st.session_state["project_dct"]["transformations"].keys(): + st.session_state["project_dct"]["transformations"][category] = {} + + # Define a dict of pre-defined default values of every transformation + predefined_defualts = { + "Lag": (1, 2), + "Lead": (1, 2), + "Moving Average": (1, 2), + "Saturation": (10, 20), + "Power": (2, 4), + "Adstock": (0.5, 0.7), + } + + # Transformation Options + transformation_options = { + "Media": [ + "Lag", + "Moving Average", + "Saturation", + "Power", + "Adstock", + ], + "Internal": ["Lead", "Lag", "Moving Average"], + "Exogenous": ["Lead", "Lag", "Moving Average"], + } + + expanded = st.session_state["project_dct"]["transformations"][category].get( + "expanded", False + ) + + # Define a helper function to create widgets for each transformation + def create_transformation_widgets(column, transformations): + with column: + for transformation in transformations: + # Conditionally create widgets for selected transformations + if transformation == "Lead": + lead_default = st.session_state["project_dct"][ + "transformations" + ][category].get("Lead", predefined_defualts["Lead"]) + st.markdown(f"**Lead ({date_granularity})**") + lead = st.slider( + "Lead periods", + 1, + 10, + lead_default, + 1, + key=f"lead_{category}", + label_visibility="collapsed", + ) + st.session_state["project_dct"]["transformations"][category][ + "Lead" + ] = lead + start = lead[0] + end = lead[1] + step = 1 + transform_params[category]["Lead"] = np.arange( + start, end + step, step + ) + + if transformation == "Lag": + lag_default = st.session_state["project_dct"][ + "transformations" + ][category].get("Lag", predefined_defualts["Lag"]) + st.markdown(f"**Lag ({date_granularity})**") + lag = st.slider( + "Lag periods", + 1, + 10, + lag_default, + 1, + key=f"lag_{category}", + label_visibility="collapsed", + ) + st.session_state["project_dct"]["transformations"][category][ + "Lag" + ] = lag + start = lag[0] + end = lag[1] + step = 1 + transform_params[category]["Lag"] = np.arange( + start, end + step, step + ) + + if transformation == "Moving Average": + ma_default = st.session_state["project_dct"]["transformations"][ + category + ].get("MA", predefined_defualts["Moving Average"]) + st.markdown(f"**Moving Average ({date_granularity})**") + window = st.slider( + "Window size for Moving Average", + 1, + 10, + ma_default, + 1, + key=f"ma_{category}", + label_visibility="collapsed", + ) + st.session_state["project_dct"]["transformations"][category][ + "MA" + ] = window + start = window[0] + end = window[1] + step = 1 + transform_params[category]["Moving Average"] = np.arange( + start, end + step, step + ) + + if transformation == "Saturation": + st.markdown("**Saturation (%)**") + saturation_default = st.session_state["project_dct"][ + "transformations" + ][category].get("Saturation", predefined_defualts["Saturation"]) + saturation_point = st.slider( + f"Saturation Percentage", + 0, + 100, + saturation_default, + 10, + key=f"sat_{category}", + label_visibility="collapsed", + ) + st.session_state["project_dct"]["transformations"][category][ + "Saturation" + ] = saturation_point + start = saturation_point[0] + end = saturation_point[1] + step = 10 + transform_params[category]["Saturation"] = np.arange( + start, end + step, step + ) + + if transformation == "Power": + st.markdown("**Power**") + power_default = st.session_state["project_dct"][ + "transformations" + ][category].get("Power", predefined_defualts["Power"]) + power = st.slider( + f"Power", + 0, + 10, + power_default, + 1, + key=f"power_{category}", + label_visibility="collapsed", + ) + st.session_state["project_dct"]["transformations"][category][ + "Power" + ] = power + start = power[0] + end = power[1] + step = 1 + transform_params[category]["Power"] = np.arange( + start, end + step, step + ) + + if transformation == "Adstock": + ads_default = st.session_state["project_dct"][ + "transformations" + ][category].get("Adstock", predefined_defualts["Adstock"]) + st.markdown("**Adstock**") + rate = st.slider( + f"Factor ({category})", + 0.0, + 1.0, + ads_default, + 0.05, + key=f"adstock_{category}", + label_visibility="collapsed", + ) + st.session_state["project_dct"]["transformations"][category][ + "Adstock" + ] = rate + start = rate[0] + end = rate[1] + step = 0.05 + adstock_range = [ + round(a, 3) for a in np.arange(start, end + step, step) + ] + transform_params[category]["Adstock"] = np.array(adstock_range) + + with st.expander(f"{category} Transformations", expanded=expanded): + st.session_state["project_dct"]["transformations"][category][ + "expanded" + ] = True + + # Let users select which transformations to apply + sel_transformations = st.session_state["project_dct"]["transformations"][ + category + ].get(f"transformation_{category}", []) + + transformations_to_apply = st.multiselect( + "Select transformations to apply", + options=transformation_options[category], + default=sel_transformations, + key=f"transformation_{category}", + # on_change=selection_change(), + ) + st.session_state["project_dct"]["transformations"][category][ + "transformation_" + category + ] = transformations_to_apply + # Determine the number of transformations to put in each column + transformations_per_column = ( + len(transformations_to_apply) // 2 + len(transformations_to_apply) % 2 + ) + + # Create two columns + col1, col2 = st.columns(2) + + # Assign transformations to each column + transformations_col1 = transformations_to_apply[:transformations_per_column] + transformations_col2 = transformations_to_apply[transformations_per_column:] + + # Create widgets in each column + create_transformation_widgets(col1, transformations_col1) + create_transformation_widgets(col2, transformations_col2) + + # Define a helper function to create widgets for each specific transformation + def create_specific_transformation_widgets( + column, + transformations, + channel_name, + date_granularity, + specific_transform_params, + ): + + # Define a dict of pre-defined default values of every transformation + predefined_defualts = { + "Lag": (1, 2), + "Lead": (1, 2), + "Moving Average": (1, 2), + "Saturation": (10, 20), + "Power": (2, 4), + "Adstock": (0.5, 0.7), + } + + with column: + for transformation in transformations: + # Conditionally create widgets for selected transformations + if transformation == "Lead": + st.markdown(f"**Lead ({date_granularity})**") + lead = st.slider( + "Lead periods", + 1, + 10, + predefined_defualts["Lead"], + 1, + key=f"lead_{channel_name}_specific", + label_visibility="collapsed", + ) + start = lead[0] + end = lead[1] + step = 1 + specific_transform_params[channel_name]["Lead"] = np.arange( + start, end + step, step + ) + + if transformation == "Lag": + st.markdown(f"**Lag ({date_granularity})**") + lag = st.slider( + "Lag periods", + 1, + 10, + predefined_defualts["Lag"], + 1, + key=f"lag_{channel_name}_specific", + label_visibility="collapsed", + ) + start = lag[0] + end = lag[1] + step = 1 + specific_transform_params[channel_name]["Lag"] = np.arange( + start, end + step, step + ) + + if transformation == "Moving Average": + st.markdown(f"**Moving Average ({date_granularity})**") + window = st.slider( + "Window size for Moving Average", + 1, + 10, + predefined_defualts["Moving Average"], + 1, + key=f"ma_{channel_name}_specific", + label_visibility="collapsed", + ) + start = window[0] + end = window[1] + step = 1 + specific_transform_params[channel_name]["Moving Average"] = ( + np.arange(start, end + step, step) + ) + + if transformation == "Saturation": + st.markdown("**Saturation (%)**") + saturation_point = st.slider( + f"Saturation Percentage", + 0, + 100, + predefined_defualts["Saturation"], + 10, + key=f"sat_{channel_name}_specific", + label_visibility="collapsed", + ) + start = saturation_point[0] + end = saturation_point[1] + step = 10 + specific_transform_params[channel_name]["Saturation"] = np.arange( + start, end + step, step + ) + + if transformation == "Power": + st.markdown("**Power**") + power = st.slider( + f"Power", + 0, + 10, + predefined_defualts["Power"], + 1, + key=f"power_{channel_name}_specific", + label_visibility="collapsed", + ) + start = power[0] + end = power[1] + step = 1 + specific_transform_params[channel_name]["Power"] = np.arange( + start, end + step, step + ) + + if transformation == "Adstock": + st.markdown("**Adstock**") + rate = st.slider( + f"Factor", + 0.0, + 1.0, + predefined_defualts["Adstock"], + 0.05, + key=f"adstock_{channel_name}_specific", + label_visibility="collapsed", + ) + start = rate[0] + end = rate[1] + step = 0.05 + adstock_range = [ + round(a, 3) for a in np.arange(start, end + step, step) + ] + specific_transform_params[channel_name]["Adstock"] = np.array( + adstock_range + ) + + # Function to apply Lag transformation + def apply_lag(df, lag): + return df.shift(lag) + + # Function to apply Lead transformation + def apply_lead(df, lead): + return df.shift(-lead) + + # Function to apply Moving Average transformation + def apply_moving_average(df, window_size): + return df.rolling(window=window_size).mean() + + # Function to apply Saturation transformation + def apply_saturation(df, saturation_percent_100): + # Convert saturation percentage from 100-based to fraction + saturation_percent = saturation_percent_100 / 100.0 + + # Calculate saturation point and steepness + column_max = df.max() + column_min = df.min() + saturation_point = (column_min + column_max) / 2 + + numerator = np.log( + (1 / (saturation_percent if saturation_percent != 1 else 1 - 1e-9)) - 1 + ) + denominator = np.log(saturation_point / max(column_max, 1e-9)) + + steepness = numerator / max( + denominator, 1e-9 + ) # Avoid division by zero with a small constant + + # Apply the saturation transformation + transformed_series = df.apply( + lambda x: (1 / (1 + (saturation_point / x) ** steepness)) * x + ) + + return transformed_series + + # Function to apply Power transformation + def apply_power(df, power): + return df**power + + # Function to apply Adstock transformation + def apply_adstock(df, factor): + x = 0 + # Use the walrus operator to update x iteratively with the Adstock formula + adstock_var = [x := x * factor + v for v in df] + ans = pd.Series(adstock_var, index=df.index) + return ans + + # Function to generate transformed columns names + @st.cache_resource(show_spinner=False) + def generate_transformed_columns( + original_columns, transform_params, specific_transform_params + ): + transformed_columns, summary = {}, {} + + for category, columns in original_columns.items(): + for column in columns: + transformed_columns[column] = [] + summary_details = ( + [] + ) # List to hold transformation details for the current column + + if column in specific_transform_params.keys(): + for transformation, values in specific_transform_params[ + column + ].items(): + # Generate transformed column names for each value + for value in values: + transformed_name = f"{column}@{transformation}_{value}" + transformed_columns[column].append(transformed_name) + + # Format the values list as a string with commas and "and" before the last item + if len(values) > 1: + formatted_values = ( + ", ".join(map(str, values[:-1])) + + " and " + + str(values[-1]) + ) + else: + formatted_values = str(values[0]) + + # Add transformation details + summary_details.append(f"{transformation} ({formatted_values})") + + else: + if category in transform_params: + for transformation, values in transform_params[ + category + ].items(): + # Generate transformed column names for each value + for value in values: + transformed_name = f"{column}@{transformation}_{value}" + transformed_columns[column].append(transformed_name) + + # Format the values list as a string with commas and "and" before the last item + if len(values) > 1: + formatted_values = ( + ", ".join(map(str, values[:-1])) + + " and " + + str(values[-1]) + ) + else: + formatted_values = str(values[0]) + + # Add transformation details + summary_details.append( + f"{transformation} ({formatted_values})" + ) + + # Only add to summary if there are transformation details for the column + if summary_details: + formatted_summary = "⮕ ".join(summary_details) + # Use tags to make the column name bold + summary[column] = f"{column}: {formatted_summary}" + + # Generate a comprehensive summary string for all columns + summary_items = [ + f"{idx + 1}. {details}" for idx, details in enumerate(summary.values()) + ] + + summary_string = "\n".join(summary_items) + + return transformed_columns, summary_string + + # Function to transform Dataframe slice + def transform_slice( + transform_params, + transformation_functions, + panel, + df, + df_slice, + category, + category_df, + ): + # Iterate through each transformation and its parameters for the current category + for transformation, parameters in transform_params[category].items(): + transformation_function = transformation_functions[transformation] + + # Check if there is panel data to group by + if len(panel) > 0: + # Apply the transformation to each group + category_df = pd.concat( + [ + df_slice.groupby(panel) + .transform(transformation_function, p) + .add_suffix(f"@{transformation}_{p}") + for p in parameters + ], + axis=1, + ) + + # Replace all NaN or null values in category_df with 0 + category_df.fillna(0, inplace=True) + + # Update df_slice + df_slice = pd.concat( + [df[panel], category_df], + axis=1, + ) + + else: + for p in parameters: + # Apply the transformation function to each column + temp_df = df_slice.apply( + lambda x: transformation_function(x, p), axis=0 + ).rename( + lambda x: f"{x}@{transformation}_{p}", + axis="columns", + ) + # Concatenate the transformed DataFrame slice to the category DataFrame + category_df = pd.concat([category_df, temp_df], axis=1) + + # Replace all NaN or null values in category_df with 0 + category_df.fillna(0, inplace=True) + + # Update df_slice + df_slice = pd.concat( + [df[panel], category_df], + axis=1, + ) + + return category_df, df, df_slice + + # Function to apply transformations to DataFrame slices based on specified categories and parameters + @st.cache_resource(show_spinner=False) + def apply_category_transformations( + df_main, bin_dict, transform_params, panel, specific_transform_params + ): + # Dictionary for function mapping + transformation_functions = { + "Lead": apply_lead, + "Lag": apply_lag, + "Moving Average": apply_moving_average, + "Saturation": apply_saturation, + "Power": apply_power, + "Adstock": apply_adstock, + } + + # List to collect all transformed DataFrames + transformed_dfs = [] + + # Iterate through each category specified in transform_params + for category in ["Media", "Exogenous", "Internal"]: + if ( + category not in transform_params + or category not in bin_dict + or not transform_params[category] + ): + continue # Skip categories without transformations + + # Initialize category_df as an empty DataFrame + category_df = pd.DataFrame() + + # Slice the DataFrame based on the columns specified in bin_dict for the current category + df_slice = df_main[bin_dict[category] + panel].copy() + + # Drop the column from df_slice to skip specific transformations + df_slice = df_slice.drop( + columns=list(specific_transform_params.keys()), errors="ignore" + ).copy() + + category_df, df, df_slice_updated = transform_slice( + transform_params.copy(), + transformation_functions.copy(), + panel, + df_main.copy(), + df_slice.copy(), + category, + category_df.copy(), + ) + + # Append the transformed category DataFrame to the list if it's not empty + if not category_df.empty: + transformed_dfs.append(category_df) + + # Apply channel specific transforms + for channel_specific in specific_transform_params: + # Initialize category_df as an empty DataFrame + category_df = pd.DataFrame() + + df_slice_specific = df_main[[channel_specific] + panel].copy() + transform_params_specific = { + "Media": specific_transform_params[channel_specific] + } + + category_df, df, df_slice_specific_updated = transform_slice( + transform_params_specific.copy(), + transformation_functions.copy(), + panel, + df_main.copy(), + df_slice_specific.copy(), + "Media", + category_df.copy(), + ) + + # Append the transformed category DataFrame to the list if it's not empty + if not category_df.empty: + transformed_dfs.append(category_df) + + # If category_df has been modified, concatenate it with the panel and response metrics from the original DataFrame + if len(transformed_dfs) > 0: + final_df = pd.concat([df_main] + transformed_dfs, axis=1) + else: + # If no transformations were applied, use the original DataFrame + final_df = df_main + + return final_df + + # Function to infers the granularity of the date column in a DataFrame + @st.cache_resource(show_spinner=False) + def infer_date_granularity(df): + # Find the most common difference + common_freq = pd.Series(df["date"].unique()).diff().dt.days.dropna().mode()[0] + + # Map the most common difference to a granularity + if common_freq == 1: + return "daily" + elif common_freq == 7: + return "weekly" + elif 28 <= common_freq <= 31: + return "monthly" + else: + return "irregular" + + ######################################################################################################################################################### + # User input for transformations + ######################################################################################################################################################### + + # Infer date granularity + date_granularity = infer_date_granularity(final_df_loaded) + + # Initialize the main dictionary to store the transformation parameters for each category + transform_params = {"Media": {}, "Internal": {}, "Exogenous": {}} + + # User input for transformations + cols1 = st.columns([2, 1]) + + with cols1[0]: + st.markdown(f"**Welcome {st.session_state['username']}**") + with cols1[1]: + st.markdown(f"**Current Project: {st.session_state['project_name']}**") + + st.markdown("### Select Transformations to Apply") + + with st.expander("Specific Transformations"): + select_specific_channels = st.multiselect( + "Select channels", options=bin_dict_loaded["Media"] + ) + + specific_transform_params = {} + for select_specific_channel in select_specific_channels: + specific_transform_params[select_specific_channel] = {} + + st.divider() + channel_name = str(select_specific_channel).replace("_", " ").title() + st.markdown(f"###### {channel_name}") + transformations_to_apply = st.multiselect( + "Select transformations to apply", + options=[ + "Lag", + "Moving Average", + "Saturation", + "Power", + "Adstock", + ], + default="Adstock", + key=f"specific_transformation_{select_specific_channel}_Media", + ) + # Determine the number of transformations to put in each column + transformations_per_column = ( + len(transformations_to_apply) // 2 + len(transformations_to_apply) % 2 + ) + + # Create two columns + col1, col2 = st.columns(2) + + # Assign transformations to each column + transformations_col1 = transformations_to_apply[:transformations_per_column] + transformations_col2 = transformations_to_apply[transformations_per_column:] + + # Create widgets in each column + create_specific_transformation_widgets( + col1, + transformations_col1, + select_specific_channel, + date_granularity, + specific_transform_params, + ) + create_specific_transformation_widgets( + col2, + transformations_col2, + select_specific_channel, + date_granularity, + specific_transform_params, + ) + + for category in ["Media", "Internal", "Exogenous"]: + # Skip Internal + if category == "Internal": + continue + + transformation_widgets(category, transform_params, date_granularity) + + ######################################################################################################################################################### + # Apply transformations + ######################################################################################################################################################### + + # Apply category-based transformations to the DataFrame + if st.button("Accept and Proceed", use_container_width=True): + with st.spinner("Applying transformations..."): + final_df = apply_category_transformations( + final_df_loaded.copy(), + bin_dict_loaded.copy(), + transform_params.copy(), + panel.copy(), + specific_transform_params.copy(), + ) + + # Generate a dictionary mapping original column names to lists of transformed column names + transformed_columns_dict, summary_string = generate_transformed_columns( + original_columns, transform_params, specific_transform_params + ) + + # Store into transformed dataframe and summary session state + st.session_state["final_df"] = final_df + st.session_state["summary_string"] = summary_string + + ######################################################################################################################################################### + # Display the transformed DataFrame and summary + ######################################################################################################################################################### + + # Display the transformed DataFrame in the Streamlit app + st.markdown("### Transformed DataFrame") + final_df = st.session_state["final_df"].copy() + + sort_col = [] + for col in final_df.columns: + if col in ["Panel_1", "Panel_2", "date"]: + sort_col.append(col) + + sorted_final_df = final_df.sort_values( + by=sort_col, ascending=True, na_position="first" + ) + + # Dropping duplicate columns + sorted_final_df = sorted_final_df.loc[:, ~sorted_final_df.columns.duplicated()] + + # Check the number of columns and show only the first 500 if there are more + if sorted_final_df.shape[1] > 500: + # Display a warning if the DataFrame has more than 500 columns + st.warning( + "The transformed DataFrame has more than 500 columns. Displaying only the first 500 columns.", + icon="⚠️", + ) + st.dataframe(sorted_final_df.iloc[:, :500], hide_index=True) + else: + st.dataframe(sorted_final_df, hide_index=True) + + # Total rows and columns + total_rows, total_columns = st.session_state["final_df"].shape + st.markdown( + f"

The transformed DataFrame contains {total_rows} rows and {total_columns} columns.

", + unsafe_allow_html=True, + ) + + # Display the summary of transformations as markdown + if "summary_string" in st.session_state and st.session_state["summary_string"]: + with st.expander("Summary of Transformations"): + st.markdown("### Summary of Transformations") + st.markdown(st.session_state["summary_string"], unsafe_allow_html=True) + + @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) + # Data is now saved to file + + if st.button("Accept and Save", use_container_width=True): + + save_to_pickle( + os.path.join(st.session_state["project_path"], "final_df_transformed.pkl"), + st.session_state["final_df"], + ) + 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) + + update_db("3_Transformations.py") + + st.toast("💾 Saved Successfully!") diff --git a/pages/4_Model_Build.py b/pages/4_Model_Build.py new file mode 100644 index 0000000000000000000000000000000000000000..e876339e0b0885e70bd5eaf0bebc1b0092f5e9db --- /dev/null +++ b/pages/4_Model_Build.py @@ -0,0 +1,2465 @@ +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 utilities import set_header, load_local_css +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 +import statsmodels.api as sm +import statsmodels.formula.api as smf +from Data_prep_functions import * +import sqlite3 +from utilities import set_header, load_local_css, update_db, project_selection +from datetime import datetime, timedelta +import shutil + +st.set_option("deprecation.showPyplotGlobalUse", False) + +# Process the 'coefficients' column +@st.cache_resource(show_spinner=False) +def process_dict(d): + with open( + os.path.join(st.session_state["project_path"], "channel_groups.pkl"), "rb" + ) as f: + channels = pickle.load(f) + + raw_vars = [] + for vars in channels.values(): + raw_vars = raw_vars + vars + + new_dict = {} + for key, value in d.items(): + # Splitting and selecting the initial part + # new_key = key.split("_tf_")[0] + # # Removing '_cost', '_clicks' or '_impressions' from the end part + # new_key = ( + # new_key.replace("_cost", "") + # .replace("_clicks", "") + # .replace("_impressions", "") + # ) + # # Renaming 'Intercept' to 'Base Sales' + # if new_key == "Intercept": + # new_key = "Base Sales" + if key == "const": + new_key = "Base Sales" + else: + raw_var = [var for var in raw_vars if var in key][0] + new_key = [ + channel for channel, raw_vars in channels.items() if raw_var in raw_vars + ][0] + new_dict[new_key] = value + + return new_dict + + +@st.cache_resource(show_spinner=False) +def prepare_data_df(data): + + # 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) + + # Applying the function to each row in the DataFrame + data["coefficients"] = data["coefficients"].apply(process_dict) + + # Convert dictionary items into separate DataFrame columns + coefficients_df = data["coefficients"].apply(pd.Series) + + # Rename the columns to remove any trailing underscores and capitalize the words + coefficients_df.columns = [ + col.strip("_").replace("_", " ").title() for col in coefficients_df.columns + ] + + # Normalize each row so that the sum equals 100% + coefficients_df = coefficients_df.apply( + lambda x: round((x / x.sum()) * 100, 2), axis=1 + ) + + # Join the new columns back to the original DataFrame + data = data.join(coefficients_df) + + data_df = data[ + [ + "Model_iteration", + "MAPE", + "ADJR2", + "R2", + "Total Positive Contributions", + "Significance", + ] + + list(coefficients_df.columns) + ] + data_df.rename(columns={"Model_iteration": "Model Iteration"}, inplace=True) + data_df.insert(0, "Rank", range(1, len(data_df) + 1)) + + return coefficients_df, data_df + + +def format_display(inp): + return inp.title().replace("_", " ").strip() + + +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() + + +conn = sqlite3.connect(r"DB/User.db", check_same_thread=False) # connection with sql db +c = conn.cursor() + + +if "username" not in st.session_state: + st.session_state["username"] = None + +if "project_name" not in st.session_state: + st.session_state["project_name"] = None + +if "project_dct" not in st.session_state: + project_selection() + st.stop() +if "orig_media_data" not in st.session_state: + st.session_state["orig_media_data"] = pd.DataFrame() + +if not os.path.exists( + os.path.join(st.session_state["project_path"], "data_import.pkl") +): + st.error("Please move to Data Import page") + +# Deserialize and load the objects from the pickle file +try: + with open( + os.path.join(st.session_state["project_path"], "data_import.pkl"), "rb" + ) as f: + data = pickle.load(f) +except Exception as e: + st.stop() + +# Accessing the loaded objects + +st.session_state["orig_media_data"] = data["final_df"] + +if "username" in st.session_state and st.session_state["username"] is not None: + + cols1 = st.columns([2, 1]) + with cols1[0]: + st.markdown(f"**Welcome {st.session_state['username']}**") + with cols1[1]: + st.markdown(f"**Current Project: {st.session_state['project_name']}**") + + st.title("1. Build Your Model") + + if not os.path.exists( + os.path.join(st.session_state["project_path"], "data_import.pkl") + ): + st.error("Please move to Data Import Page and save.") + st.stop() + + with open( + os.path.join(st.session_state["project_path"], "data_import.pkl"), "rb" + ) as f: + data = pickle.load(f) + st.session_state["bin_dict"] = data["bin_dict"] + + if not os.path.exists( + os.path.join(st.session_state["project_path"], "final_df_transformed.pkl") + ): + st.error("Please move to Transformation Page and save transformations.") + st.stop() + + with open( + os.path.join(st.session_state["project_path"], "final_df_transformed.pkl"), "rb" + ) as f: + data = pickle.load(f) + media_data = data["final_df_transformed"] + + st.session_state["media_data"] = media_data + + st.session_state["available_response_metrics"] = st.session_state["bin_dict"][ + "Response Metrics" + ] + 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 + + if "used_response_metrics" not in st.session_state: + st.session_state["used_response_metrics"] = [] + + 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"] = {} + + date_col = st.session_state['bin_dict']['Date'][0] + media_data[date_col]=pd.to_datetime(media_data[date_col]) + date = media_data[date_col] + 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] + ) + + start_cols = st.columns(2) + min_date = min(date) + max_date = max(date) + + with start_cols[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 + ), + format_func=format_display, + ) + st.session_state["project_dct"]["model_build"][ + "sel_target_col" + ] = sel_target_col + + default_test_start = min_date + (3 * (max_date - min_date) / 4) + + with start_cols[1]: + test_start = st.date_input( + "Select test start date", + default_test_start, + min_value=min_date, + max_value=max_date, + ) + + train_idx = media_data[media_data[date_col] <= pd.to_datetime(test_start)].index[-1] + st.session_state["train_idx"] = train_idx + 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 + } + new_name_dct_inv = {v:k for k,v in new_name_dct.items()} + + 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] + + panel_col = [] # manoj + + 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) + + st.session_state["date"] = date + y = media_data[target_col] + y.reset_index(drop=True, inplace=True) + + if is_panel: + spends_data = media_data[ + st.session_state['bin_dict']['Spends'] + + [date_col, panel_col] + ] + else: + spends_data = media_data[st.session_state['bin_dict']['Spends']+ [date_col]] + + if "Model_results" not in st.session_state: + st.session_state["Model_results"] = { + # "Model_object": [], + "Model_iteration": [], + "Feature_set": [], + "MAPE": [], + "R2": [], + "ADJR2": [], + "pos_count": [], + "coefficients": [], + "Total Positive Contributions": [], + "Significance": [], + } + + def reset_model_result_dct(save_path=None): + st.session_state["Model_results"] = { + # "Model_object": [], + "Model_iteration": [], + "Feature_set": [], + "MAPE": [], + "R2": [], + "ADJR2": [], + "pos_count": [], + "coefficients": [], + "Total Positive Contributions": [], + "Significance": [], + } + if "filter_df_base" in st.session_state: + del st.session_state.filter_df_base + + if not st.session_state.run_model_build and save_path is not None: + delete_all_files_in_folder(save_path) + + 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 + + # Define the media channels bucket + with open(os.path.join(st.session_state["project_path"], "channel_groups.pkl"), "rb") as f: + channels = pickle.load(f) + bucket = list(channels.keys()) + + # Create combinations of variables + top_3_correlated_features = [] + original_cols = st.session_state["bin_dict"]["Media"] + st.session_state["bin_dict"]["Exogenous"] + 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 and '_spend' not in col] + + for col in original_cols: + 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(3).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 new_name_dct_inv[col].split('@')[0] in channels[var]] + for var in bucket + } + channels_all = [values for values in all_features_set.values()] + st.session_state["combinations"] = list(itertools.product(*channels_all)) + st.session_state["final_selection"] = st.session_state["combinations"] + + def ensure_model_folder_exists(save_path, sel_target_col): + model_folder = os.path.join(save_path, "Model") + if not os.path.exists(model_folder): + os.makedirs(model_folder) + + sel_target_col_folder = os.path.join(model_folder, sel_target_col) + if not os.path.exists(sel_target_col_folder): + os.makedirs(sel_target_col_folder) + + return sel_target_col_folder + + # model_folder_path, sel_target_col_folder_path = ensure_model_folder_exists( + # st.session_state["project_path"], sel_target_col + # ) + # save_path = os.path.join(st.session_state["project_path"], "Model") + # save_path = os.path.join(save_path, "sel_target_col") + + save_path = ensure_model_folder_exists( + st.session_state["project_path"], sel_target_col + ) + + if st.session_state["final_selection"]: + st.write( + f'Total combinations created {format_numbers(len(st.session_state["final_selection"]))}' + ) + + 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 + ) + end_date = test_start - timedelta(days=1) + disp_str = ( + "Data Split -- Training Period: " + + min_date.strftime("%B %d, %Y") + + " - " + + end_date.strftime("%B %d, %Y") + + ", Testing Period: " + + test_start.strftime("%B %d, %Y") + + " - " + + max_date.strftime("%B %d, %Y") + ) + st.markdown(disp_str) + + col1, col2 = st.columns(2) + + if st.checkbox("Build all iterations", value=checkbox_default): + iterations = len(st.session_state["final_selection"]) + st.session_state["project_dct"]["model_build"]["all_iters_check"] = True + else: + iterations = col1.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 + + def build_model( + iterations, + is_panel, + train_idx, + target_col, + panel_col, + save_path, + media_data, + current_iteration, + ): + st.session_state["project_dct"]["model_build"]["build_button"] = True + st.session_state["iterations"] = iterations + st.session_state["media_data"] = media_data + st.session_state["media_data"] = st.session_state["media_data"].ffill() + progress_bar = st.progress(0) + start_time = time.time() + progress_text = st.empty() + + if int(iterations) < current_iteration: + current_iteration = int(iterations) + + i = current_iteration + + time_start=time.time() + for selected_features in st.session_state["final_selection"][ + current_iteration : int(iterations) + ]: + if not st.session_state.run_model_build: + return + 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) + + if is_panel: + X[target_col] = y + X[panel_col] = df[panel_col] + X_train = X.iloc[:train_idx] + X_test = X.iloc[train_idx:] + y_train = y.iloc[:train_idx] + y_test = y.iloc[:train_idx:] + md_str = target_col + " ~ " + inp_vars_str + md = smf.mixedlm( + md_str, data=X_train[[target_col] + fet], groups=X_train[panel_col] + ) + mdf = md.fit() + coefficients = mdf.fe_params.to_dict() + predicted_values = mdf.fittedvalues + else: + X = sm.add_constant(X) + X_train = X.iloc[:train_idx] + X_test = X.iloc[train_idx:] + y_train = y.iloc[:train_idx] + y_test = y.iloc[:train_idx] + model = sm.OLS(y_train, X_train).fit() + coefficients = model.params.to_dict() + predicted_values = model.predict(X_train) + + model_positive = [ + col for col in coefficients.keys() if coefficients[col] > 0 + ] + pvalues = [ + var + for var in list(mdf.pvalues if is_panel else model.pvalues) + if var <= 0.06 + ] + + + if (len(model_positive) / (len(selected_features) + 1)) > 0 and ( + len(pvalues) / (len(selected_features) + 1) + ) >= 0: + 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 if is_panel else model, f) + # if is_panel: + # st.session_state["Model_results"]["Model_object"].append(filename) + # else: + # 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"][ + "Total Positive Contributions" + ].append(f"{len(model_positive)} / {len(selected_features) + 1}") + st.session_state["Model_results"]["Significance"].append( + f"{len(pvalues)} / {len(selected_features) + 1}" + ) + st.session_state["Model_results"]["ADJR2"].append(adjr2) + st.session_state["Model_results"]["coefficients"].append(coefficients) + + # pos_count=len(model_positive) + # pos_fraction = f"{len(model_positive)} / {len(selected_features) + 1}" + # significance = f"{len(pvalues)} / {len(selected_features) + 1}" + # with open(os.path.join(save_path, "model_dictionary.pkl"), 'ab') as f: + # pickle.dump([filename, i, fet, mape, r2, adjr2, coefficients, pos_count, pos_fraction, significance], f) + + # filename = os.path.join(save_path, "Model_results.pkl") + # with open(filename, "wb") as f: + # pickle.dump(st.session_state["Model_results"], f) + + filename = os.path.join(save_path, "resume.pkl") + with open(filename, "wb") as f: + pickle.dump( + { + "iterations": iterations, + "is_panel": is_panel, + "train_idx": train_idx, + "target_col": target_col, + "panel_col": panel_col, + "save_path": save_path, + "media_data": media_data, + "current_iteration": current_iteration, + }, + f, + ) + + current_time = time.time() + time_taken = current_time - start_time + time_elapsed_minutes = time_taken / 60 + completed_iterations_text = f"{i + 1}/{int(iterations)}" + current_progress = int((i + 1) / int(iterations) * 100) + progress_bar.progress(current_progress) + # progress_text.text( + # f"Completed iterations: {completed_iterations_text}, Time Elapsed (min): {time_elapsed_minutes:.2f}" + # ) + progress_text.text(f"Completed iterations: {completed_iterations_text}") + + current_iteration += 1 + i += 1 + + st.session_state.run_model_build = False + + # with open(os.path.join(save_path, "model_dictionary.pkl"), 'rb') as fr: + # try: + # while True: + # model_row = pickle.load(fr) + # st.session_state["Model_results"]["Model_object"].append(model_row[0]) + # st.session_state["Model_results"]["Model_iteration"].append(model_row[1]) + # st.session_state["Model_results"]["Feature_set"].append(model_row[2]) + # st.session_state["Model_results"]["MAPE"].append(model_row[3]) + # st.session_state["Model_results"]["R2"].append(model_row[4]) + # st.session_state["Model_results"]["ADJR2"].append(model_row[5]) + # st.session_state["Model_results"]["coefficients"].append(model_row[6]) + # st.session_state["Model_results"]["pos_count"].append(model_row[7]) + # st.session_state["Model_results"]["Total Positive Contributions"].append(model_row[8]) + # st.session_state["Model_results"]["Significance"].append(model_row[9]) + # except EOFError: + # pass + + # os.remove(os.path.join(save_path, "model_dictionary.pkl")) + st.write( + f'Out of {st.session_state["iterations"]} iterations : {len(st.session_state["Model_results"]["Model_iteration"])} valid models' + ) + st.write(time.time()-time_start) + + return st.session_state["Model_results"] + + + # Delete all files in the specified folder + def delete_all_files_in_folder(folder_path): + for filename in os.listdir(folder_path): + file_path = os.path.join(folder_path, filename) + try: + if os.path.isfile(file_path) or os.path.islink(file_path): + os.unlink(file_path) + elif os.path.isdir(file_path): + shutil.rmtree(file_path) + except Exception as e: + print(f"Failed to delete {file_path}. Reason: {e}") + + def stop_all_models(save_path): + delete_all_files_in_folder(save_path) + if "Model_results" in st.session_state: + del st.session_state["Model_results"] + st.session_state.run_model_build = False + + def load_model_results_file(save_path): + model_results_file_path = os.path.join(save_path, "Model_results.pkl") + if os.path.exists(model_results_file_path): + with open(model_results_file_path, "rb") as f: + model_results = pickle.load(f) + st.session_state.Model_results = model_results + + def load_model_results( + save_path, iterations, is_panel, train_idx, target_col, panel_col + ): + model_results_path = os.path.join(save_path, "resume.pkl") + if os.path.exists(model_results_path): + with open(model_results_path, "rb") as f: + resume = pickle.load(f) + + if resume["current_iteration"] == (int(resume["iterations"]) - 1): + media_data = st.session_state.media_data + current_iteration = 0 + st.session_state.run_model_build = False + load_model_results_file(save_path) + else: + st.session_state.run_model_build = True + ( + iterations, + is_panel, + train_idx, + target_col, + panel_col, + save_path, + media_data, + current_iteration, + ) = ( + resume["iterations"], + resume["is_panel"], + resume["train_idx"], + resume["target_col"], + resume["panel_col"], + resume["save_path"], + resume["media_data"], + resume["current_iteration"], + ) + + load_model_results_file(save_path) + else: + media_data = st.session_state.media_data + current_iteration = 0 + st.session_state.run_model_build = False + reset_model_result_dct() + + return ( + iterations, + is_panel, + train_idx, + target_col, + panel_col, + save_path, + media_data, + current_iteration, + ) + + ( + iterations, + is_panel, + train_idx, + target_col, + panel_col, + save_path, + media_data, + current_iteration, + ) = load_model_results( + save_path, iterations, is_panel, train_idx, target_col, panel_col + ) + + with col2: + st.markdown("##") + build_col, cancel_col = st.columns(2) + + if cancel_col.button( + "Cancel Model Building", + on_click=stop_all_models, + args=(save_path,), + use_container_width=True, + ): + st.rerun() + + if ( + build_col.button( + "Start Model Building", + on_click=reset_model_result_dct, + key="model_build_button", + use_container_width=True, + args=(save_path,), + ) + or st.session_state.run_model_build + ): + if iterations < 1: + st.error("Please select number of iterations") + st.stop() + + st.session_state.run_model_build = True + + build_model( + iterations, + is_panel, + train_idx, + target_col, + panel_col, + save_path, + media_data, + current_iteration, + ) + + def to_percentage(value): + return f"{value * 100:.1f}%" + + # Section 5 - Select Model + st.title("2. Select Models") + # st.write(st.session_state["Model_results"]) + + if len(st.session_state["Model_results"]["Model_iteration"]) == 0: + st.warning("Click Build Model", icon="⚠️") + + 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 len(st.session_state["Model_results"]["Model_iteration"]) > 0: + 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"]) + + st.write("### Filter Results") + st.write( + "Use the filters below to refine the displayed model results. This helps in isolating models that do not meet the required business criteria, ensuring only the most relevant models are considered for further analysis. If multiple models meet the criteria, select the first model, as it is considered the best-ranked based on evaluation criteria." + ) + coefficients_df, data_df = prepare_data_df(data) + + # if "base_value" not in st.session_state: + # st.session_state.base_value = True + + # if "filter_df_base" not in st.session_state: + # filter_df_data = { + # "Channel Name": pd.Series([], dtype="str"), + # "Filter Condition": pd.Series([], dtype="str"), + # "Value": pd.Series([], dtype="float64"), + # } + # st.session_state.filter_df_base = pd.DataFrame(filter_df_data) + # st.session_state.base_value = not st.session_state.base_value + + # if "filter_df_editable_change" not in st.session_state: + # st.session_state.filter_df_editable_change = False + + # def filter_df_editable_change(): + # st.session_state.filter_df_editable_change = True + + # filter_df_editable = st.data_editor( + # st.session_state.filter_df_base, + # column_config={ + # "Channel Name": st.column_config.SelectboxColumn( + # options=list(coefficients_df.columns) + ["MAPE", "R2", "ADJR2"], + # required=True, + # default="Base Sales", + # ), + # "Filter Condition": st.column_config.SelectboxColumn( + # options=[ + # "<", + # ">", + # "=", + # "<=", + # ">=", + # ], + # required=True, + # default=">", + # ), + # "Value": st.column_config.NumberColumn( + # required=True, + # default=0.00, + # step=0.001, + # format="%.2f", + # ), + # }, + # hide_index=True, + # use_container_width=True, + # num_rows="dynamic", + # on_change=filter_df_editable_change, + # key=f"filter_df_editable_{st.session_state.base_value}", + # ) + + # Input to select the number of filters + with st.expander("Filter Input"): + num_filters = st.number_input( + "Number of Filters", + min_value=0, + max_value=20, + value=0, + step=1, + ) + + filters = {} + # Display the filter inputs dynamically + for i in range(num_filters): + filters[i] = { + "Channel Name": "MAPE", + "Filter Condition": ">", + "Value": 0, + } + cols = st.columns(3) + with cols[0]: + filters[i]["Channel Name"] = st.selectbox( + f"Channel Name {i+1}", + options=list(coefficients_df.columns) + ["MAPE", "R2", "ADJR2"], + index=( + list(coefficients_df.columns) + ["MAPE", "R2", "ADJR2"] + ).index(filters[i]["Channel Name"]), + ) + with cols[1]: + filters[i]["Filter Condition"] = st.selectbox( + f"Filter Condition {i+1}", + options=["<", ">", "=", "<=", ">="], + index=["<", ">", "=", "<=", ">="].index( + filters[i]["Filter Condition"] + ), + ) + with cols[2]: + filters[i]["Value"] = st.number_input( + f"Value {i+1}", + value=float(filters[i]["Value"]), + step=0.001, + format="%.2f", + ) + + # Convert the filters dictionary to a DataFrame + filter_df_editable = pd.DataFrame.from_dict(filters, orient="index") + + # if st.session_state.filter_df_editable_change: + # st.session_state.filter_df_base = filter_df_editable + # st.session_state.filter_df_editable_change = False + # st.rerun() + + st.session_state["filtered_df"] = data_df.copy() + for index, row in filter_df_editable.iterrows(): + channel_name = row["Channel Name"] + condition = row["Filter Condition"] + value = row["Value"] + if channel_name in st.session_state["filtered_df"].columns: + query_string = f"`{channel_name}` {condition} {value}" + st.session_state["filtered_df"] = st.session_state["filtered_df"].query( + query_string + ) + + if st.session_state["filtered_df"].empty: + st.warning("No model meets the specified filter conditions", icon="⚠️") + st.stop() + + st.write("Select one model iteration to generate performance metrics for it:") + display_df = st.session_state.filtered_df.rename( + columns={"Rank": "Model Number"} + ) + st.dataframe(display_df, hide_index=True) + + min_rank = min(st.session_state["filtered_df"]["Rank"]) + max_rank = max(st.session_state["filtered_df"]["Rank"]) + available_ranks = st.session_state["filtered_df"]["Rank"].unique() + + rank_number = st.number_input( + "Select model by Model Number:", + min_value=min_rank, + max_value=max_rank, + value=min_rank, + step=1, + ) + + if rank_number not in available_ranks: + st.warning("No model is available with selected Rank", icon="⚠️") + st.stop() + + selected_rows = st.session_state["filtered_df"][ + st.session_state["filtered_df"]["Rank"] == rank_number + ] + selected_rows = [ + ( + selected_rows.to_dict(orient="records")[0] + if not selected_rows.empty + else {} + ) + ] + st.session_state["selected_rows"] = selected_rows + if "Model" not in st.session_state: + st.session_state["Model"] = {} + + 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: + # model = pickle.load(file) + + + + if is_panel: + + # print('panel') + + df = st.session_state["media_data"] + X = df[features_set.values[0]+[target_col]] + fet=features_set.values[0] + y = df[target_col] + ss = MinMaxScaler() + X = pd.DataFrame(ss.fit_transform(X), columns=X.columns) + X[target_col] = y + X[panel_col] = df[panel_col] + X[date_col] = date + X_train = X.iloc[:train_idx] + X_test = X.iloc[train_idx:].reset_index(drop=True) + y_train = y.iloc[:train_idx] + y_test = y.iloc[train_idx:].reset_index(drop=True) + test_spends = spends_data[train_idx:] + inp_vars_str = " + ".join() + md_str = target_col + " ~ " + inp_vars_str + md = smf.mixedlm( + md_str, data=X_train[[target_col] + fet], groups=X_train[panel_col] + ) + model = md.fit() + 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) + + 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[:train_idx] + X_test = X.iloc[train_idx:].reset_index(drop=True) + y_train = y.iloc[:train_idx] + y_test = y.iloc[train_idx:].reset_index(drop=True) + test_spends = spends_data[train_idx:] + model = sm.OLS( + y_train, X_train[features_set.values[0] + ["const"]] + ).fit() + train_pred = model.predict(X_train[features_set.values[0] + ["const"]]) + test_pred = model.predict(X_test[features_set.values[0] + ["const"]]) + + st.write(model.summary()) + st.header("2.2 Actual vs. Predicted Plot") + + st.session_state["X"] = X_train + st.session_state["features_set"] = 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, + ) + 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) + st.plotly_chart(fig) + + with columns[1]: + st.empty() + fig = qqplot(y_train, train_pred) + st.plotly_chart(fig) + + with columns[0]: + fig = residual_distribution(y_train, train_pred) + st.pyplot(fig) + + vif_data = pd.DataFrame() + X_train_orig = X_train.copy() + # del_col_list = list( + # set([target_col, panel_col , date_col]).intersection(set(X_train.columns)) + # ) + + del_col_list = list( + set([target_col, date_col]).intersection(set(X_train.columns)) + ) # manoj + + X_train.drop(columns=del_col_list, inplace=True) + 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)") + + color_mapping = { + "darkgreen": (vif_data["VIF"] < 3), + "orange": (vif_data["VIF"] >= 3) & (vif_data["VIF"] <= 10), + "darkred": (vif_data["VIF"] > 10), + } + + fig, ax = plt.subplots() + fig.set_figwidth(10) + vif_data = vif_data.sort_values(by="VIF", ascending=False) + + for color, condition in color_mapping.items(): + subset = vif_data[condition] + bars = ax.barh( + subset["Variable"], subset["VIF"], color=color, label=color + ) + 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", + ) + + ax.set_xlabel("VIF Values") + st.pyplot(fig) + + with st.expander("Results Summary Test data"): + 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, + ) + ) + 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, test_pred, X_test) + st.plotly_chart(fig) + + with columns[1]: + st.empty() + fig = qqplot(y_test, test_pred) + st.plotly_chart(fig) + + with columns[0]: + fig = residual_distribution(y_test, test_pred) + st.pyplot(fig) + + save_button_model = st.checkbox( + "Save this model to tune", key="build_rc_cb" + ) + + if save_button_model: + mod_name = st.text_input("Enter model name") + if len(mod_name) > 0: + mod_name = mod_name + "__" + target_col + 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["spends_data"] = spends_data + + st.session_state["saved_model_names"].append(mod_name) + if is_panel: + random_eff_df = get_random_effects(media_data, panel_col, model) + st.session_state["random_effects"] = random_eff_df + + with open( + os.path.join( + st.session_state["project_path"], "best_models.pkl" + ), + "wb", + ) as f: + pickle.dump(st.session_state["Model"], f) + st.success( + "Model " + + mod_name.split("__")[0] + + " for " + + mod_name.split("__")[1] + + " 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 = "" + + 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", + "spends_data" + ]: + 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) + + update_db("4_Model_Build.py") + st.toast("💾 Saved Successfully!") + + else: + st.session_state["project_dct"]["model_build"]["show_results_check"] = False + + # with cols1[0]: + # st.markdown(f"**Welcome {st.session_state['username']}**") + # with cols1[1]: + # st.markdown(f"**Current Project: {st.session_state['project_name']}**") + # st.title("1. Build Your Model") + + # if not os.path.exists( + # os.path.join(st.session_state["project_path"], "data_import.pkl") + # ): + # st.error("Please move to Data Import Page and save.") + # st.stop() + # with open(os.path.join(st.session_state["project_path"], "data_import.pkl"), "rb") as f: + # data = pickle.load(f) + # st.session_state["bin_dict"] = data["bin_dict"] + + # if not os.path.exists( + # os.path.join(st.session_state["project_path"], "final_df_transformed.pkl") + # ): + # st.error("Please move to Transformation Page and save transformations.") + # st.stop() + # with open( + # os.path.join(st.session_state["project_path"], "final_df_transformed.pkl"), + # "rb", + # ) as f: + # data = pickle.load(f) + # 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"] = {} + + # date_col = "date" + # date = media_data[date_col] + + # # 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] + # ) + + # start_cols = st.columns(2) + # min_date = min(date) + # max_date = max(date) + + # with start_cols[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), + # format_func=format_display, + # ) + # # , on_change=reset_save()) + # st.session_state["project_dct"]["model_build"]["sel_target_col"] = sel_target_col + + # default_test_start = min_date + (3 * (max_date - min_date) / 4) + + # with start_cols[1]: + # test_start = st.date_input( + # "Select test start date", + # default_test_start, + # min_value=min_date, + # max_value=max_date, + # ) + # train_idx = media_data[media_data[date_col] <= pd.to_datetime(test_start)].index[-1] + # # st.write(train_idx, media_data.index[-1]) + + # 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 + # # ] #manoj set the panel column + + # panel_col=[] + # 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) + + # 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", + # ] + + # bucket =[ + + # 'facebook', + # 'google_search', + # 'google_demand', + # 'youtube', + # 'google_pmax', + # 'bing' + # ] #manoj + + # # 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"] #manoj + 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('Created combinations') + + # # 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": [], + # "coefficients": [], + # "Total Positive Contributions": [], + # "Significance": [], + # } + + # def reset_model_result_dct(): + # st.session_state["Model_results"] = { + # "Model_object": [], + # "Model_iteration": [], + # "Feature_set": [], + # "MAPE": [], + # "R2": [], + # "ADJR2": [], + # "pos_count": [], + # "coefficients": [], + # "Total Positive Contributions": [], + # "Significance": [], + # } + + # if "filter_df_base" in st.session_state: + # del st.session_state.filter_df_base + + # 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/" + # 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 + # ) + # end_date = test_start - timedelta(days=1) + # disp_str = ( + # "Data Split -- Training Period: " + # + min_date.strftime("%B %d, %Y") + # + " - " + # + end_date.strftime("%B %d, %Y") + # + ", Testing Period: " + # + test_start.strftime("%B %d, %Y") + # + " - " + # + max_date.strftime("%B %d, %Y") + # ) + # st.markdown(disp_str) + # 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 + + # # 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 + # # model_button =st.button('Build Model', on_click=reset_model_result_dct, key='model_build_button') + # # if + # # if model_button: + # if st.button( + # "Build Model", + # on_click=reset_model_result_dct, + # key="model_build_button", + # ): + # if iterations < 1: + # st.error("Please select number of iterations") + # st.stop() + # 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() + # 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)]): + # # 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[:train_idx] + # X_test = X.iloc[train_idx:] + # y_train = y.iloc[:train_idx] + # y_test = y.iloc[train_idx:] + + # 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"][ + # "Total Positive Contributions" + # ].append( + # f"{len(model_positive)} / {len(selected_features) + 1}" + # ) # Base Sales / Intercept added with +1 + # st.session_state["Model_results"]["Significance"].append( + # f"{len(pvalues)} / {len(selected_features) + 1}" + # ) + + # st.session_state["Model_results"]["ADJR2"].append(adjr2) + # st.session_state["Model_results"]["coefficients"].append(coefficients) + + # 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"][ + # "Total Positive Contributions" + # ].append(f"{len(model_positive)} / {len(selected_features) + 1}") + + # st.session_state["Model_results"]["Significance"].append( + # f"{len(pvalues)} / {len(selected_features) + 1}" + # ) + + # st.session_state["Model_results"]["pos_count"].append( + # len(model_positive) + # ) + # st.session_state["Model_results"]["coefficients"].append(coefficients) + + # 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") + + # if len(st.session_state["Model_results"]["Model_object"]) == 0: + # st.warning("Click Build Model", icon="⚠️") + + # 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)", + # # ): + + # if len(st.session_state["Model_results"]["Model_object"]) > 0: + # 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) + + # # Display the purpose of the filter section + # st.write( + # """ + # ### Filter Results + + # Use the filters below to refine the displayed model results. This helps in isolating models that do not meet the required business criteria, ensuring only the most relevant models are considered for further analysis. If multiple models meet the criteria, select the first model, as it is considered the best-ranked based on evaluation criteria. + # """ + # ) + # # st.write(st.session_state["Model_results"]) + # data = pd.DataFrame(data) + # coefficients_df, data_df = prepare_data_df(data) + + # if "base_value" not in st.session_state: + # st.session_state.base_value = True + + # if "filter_df_base" not in st.session_state: + # # Define the structure of the empty DataFrame + # filter_df_data = { + # "Channel Name": pd.Series([], dtype="str"), + # "Filter Condition": pd.Series([], dtype="str"), + # "Value": pd.Series([], dtype="str"), + # } + # st.session_state.filter_df_base = pd.DataFrame(filter_df_data) + # st.session_state.base_value = not st.session_state.base_value + + # if "filter_df_editable_change" not in st.session_state: + # st.session_state.filter_df_editable_change = False + + # def filter_df_editable_change(): + # st.session_state.filter_df_editable_change = True + + # filter_df_editable = st.data_editor( + # st.session_state.filter_df_base, + # column_config={ + # "Channel Name": st.column_config.SelectboxColumn( + # options=list(coefficients_df.columns), + # required=True, + # default="Base Sales", + # ), + # "Filter Condition": st.column_config.SelectboxColumn( + # options=[ + # "<", + # ">", + # "=", + # "<=", + # ">=", + # ], + # required=True, + # default=">", + # ), + # "Value": st.column_config.NumberColumn( + # required=True, default=0 + # ), + # }, + # hide_index=True, + # use_container_width=True, + # num_rows="dynamic", + # on_change=filter_df_editable_change, + # key=f"filter_df_editable_{st.session_state.base_value}", + # ) + + # if st.session_state.filter_df_editable_change: + # st.session_state.filter_df_base = filter_df_editable + # st.session_state.filter_df_editable_change = False + # st.rerun() + + # # Apply filters from filter_df_editable to data_df + # if "filtered_df" not in st.session_state: + # st.session_state["filtered_df"] = data_df.copy() + + # # if st.button("Filter", args=(data_df)): + + # st.session_state["filtered_df"] = data_df.copy() + # for index, row in filter_df_editable.iterrows(): + # channel_name = row["Channel Name"] + # condition = row["Filter Condition"] + # value = row["Value"] + + # if channel_name in st.session_state["filtered_df"].columns: + # # Construct the query string based on the condition + # query_string = f"`{channel_name}` {condition} {value}" + # st.session_state["filtered_df"] = st.session_state["filtered_df"].query( + # query_string + # ) + + # # After filtering, check if the DataFrame is empty + # if st.session_state["filtered_df"].empty: + # # Display a warning message if no rows meet the filter criteria + # st.warning("No model meets the specified filter conditions", icon="⚠️") + # st.stop() # Optionally stop further execution + + # # Output the filtered data + # st.write("Select one model iteration to generate performance metrics for it:") + + # # Dataframe + # display_df = st.session_state.filtered_df.rename(columns={"Rank": "Model Number"}) + # st.dataframe(display_df, hide_index=True) + + # min_rank = min(st.session_state["filtered_df"]["Rank"]) + # max_rank = max(st.session_state["filtered_df"]["Rank"]) + # available_ranks = st.session_state["filtered_df"]["Rank"].unique() + + # # Get row number input from the user + # rank_number = st.number_input( + # "Select model by Model Number:", + # min_value=min_rank, + # max_value=max_rank, + # value=min_rank, + # step=1, + # ) + + # # Get row + # if rank_number not in available_ranks: + # st.warning("No model is available with selected Rank", icon="⚠️") + # st.stop() + + # # Find the row that matches the selected rank + # selected_rows = st.session_state["filtered_df"][ + # st.session_state["filtered_df"]["Rank"] == rank_number + # ] + + # selected_rows = [ + # (selected_rows.to_dict(orient="records")[0] if not selected_rows.empty else {}) + # ] + + # # if st.session_state["selected_rows"] != selected_rows: + # # st.session_state["build_rc_cb"] = False + # st.session_state["selected_rows"] = selected_rows + # if "Model" not in st.session_state: + # st.session_state["Model"] = {} + + # # # Section 6 - Display Results + + # 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 + + # # st.write( + # # """ + # # ### Filter Results + + # # Use the filters below to refine the displayed model results. This helps in isolating models that do not meet the required business criteria, ensuring only the most relevant models are considered for further analysis. If multiple models meet the criteria, select the first model, as it is considered the best-ranked based on evaluation criteria. + # # """ + # # ) + + # # data = pd.DataFrame(st.session_state["Model_results"]) + # # coefficients_df, data_df = prepare_data_df(data) + + # # # Define the structure of the empty DataFrame + # # filter_df_data = { + # # "Channel Name": pd.Series([], dtype="str"), + # # "Filter Condition": pd.Series([], dtype="str"), + # # "Value": pd.Series([], dtype="str"), + # # } + # # filter_df = pd.DataFrame(filter_df_data) + + # # filter_df_editable = st.data_editor( + # # filter_df, + # # column_config={ + # # "Channel Name": st.column_config.SelectboxColumn( + # # options=list(coefficients_df.columns), + # # required=True, + # # default="Base Sales", + # # ), + # # "Filter Condition": st.column_config.SelectboxColumn( + # # options=[ + # # "<", + # # ">", + # # "=", + # # "<=", + # # ">=", + # # ], + # # required=True, + # # default=">", + # # ), + # # "Value": st.column_config.NumberColumn( + # # required=True, default=0 + # # ), + # # }, + # # hide_index=True, + # # use_container_width=True, + # # num_rows="dynamic", + # # ) + + # # # Apply filters from filter_df_editable to data_df + # # if "filtered_df" not in st.session_state: + # # st.session_state["filtered_df"] = data_df.copy() + + # # if st.button("Filter", args=(data_df)): + # # st.session_state["filtered_df"] = data_df.copy() + # # for index, row in filter_df_editable.iterrows(): + # # channel_name = row["Channel Name"] + # # condition = row["Filter Condition"] + # # value = row["Value"] + + # # if channel_name in st.session_state["filtered_df"].columns: + # # # Construct the query string based on the condition + # # query_string = f"`{channel_name}` {condition} {value}" + # # st.session_state["filtered_df"] = st.session_state["filtered_df"].query( + # # query_string + # # ) + + # # # After filtering, check if the DataFrame is empty + # # if st.session_state["filtered_df"].empty: + # # # Display a warning message if no rows meet the filter criteria + # # st.warning("No model meets the specified filter conditions", icon="⚠️") + # # st.stop() # Optionally stop further execution + + # # # Output the filtered data + # # st.write("Select one model iteration to generate performance metrics for it:") + # # st.dataframe(st.session_state["filtered_df"], hide_index=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"] + # # + list(coefficients_df.columns) + # # ] + # # 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 + + # # gd = GridOptionsBuilder.from_dataframe(st.session_state["filtered_df"]) + # # 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( + # # st.session_state["filtered_df"], + # # gridOptions=gridoptions, + # # update_mode=GridUpdateMode.SELECTION_CHANGED, + # # ) + + # # selected_rows_table = table.selected_rows + + # # Dataframe + # # display_df = st.session_state.filtered_df.rename(columns={"Rank": "Model Number"}) + # # st.dataframe(display_df, hide_index=True) + + # # min_rank = min(st.session_state["filtered_df"]["Rank"]) + # # max_rank = max(st.session_state["filtered_df"]["Rank"]) + # # available_ranks = st.session_state["filtered_df"]["Rank"].unique() + + # # # Get row number input from the user + # # rank_number = st.number_input( + # # "Select model by Model Number:", + # # min_value=min_rank, + # # max_value=max_rank, + # # value=min_rank, + # # step=1, + # # ) + + # # # Get row + # # if rank_number not in available_ranks: + # # st.warning("No model is available with selected Rank", icon="⚠️") + # # st.stop() + + # # Find the row that matches the selected rank + # # selected_rows = st.session_state["filtered_df"][ + # # st.session_state["filtered_df"]["Rank"] == rank_number + # # ] + + # # selected_rows = [ + # # (selected_rows.to_dict(orient="records")[0] if not selected_rows.empty else {}) + # # ] + + # # if st.session_state["selected_rows"] != selected_rows: + # # st.session_state["build_rc_cb"] = False + # st.session_state["selected_rows"] = selected_rows + # if "Model" not in st.session_state: + # st.session_state["Model"] = {} + + # # Section 6 - Display Results + + # # Section 6 - Display Results + # # st.write(selected_rows[0]) + + # 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[:train_idx] + # X_test = X.iloc[train_idx:].reset_index(drop=True) + # y_train = y.iloc[:train_idx] + # y_test = y.iloc[train_idx:].reset_index(drop=True) + + # test_spends = spends_data[ + # train_idx: + # ] # 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( + # os.path.join(st.session_state["project_path"], "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) + + # update_db("4_Model_Build.py") + + # st.toast("💾 Saved Successfully!") + # else: + # st.session_state["project_dct"]["model_build"]["show_results_check"] = False diff --git a/pages/5_Model_Tuning.py b/pages/5_Model_Tuning.py new file mode 100644 index 0000000000000000000000000000000000000000..475eb932c770222be4d172de1719b8679d5744c7 --- /dev/null +++ b/pages/5_Model_Tuning.py @@ -0,0 +1,890 @@ +""" +MMO Build Sprint 3 +date : +changes : capability to tune MixedLM as well as simple LR in the same page +""" + +import os + +import streamlit as st +import pandas as pd +from Eda_functions import format_numbers +import pickle +from utilities import set_header, load_local_css +import statsmodels.api as sm +import re +from sklearn.preprocessing import MinMaxScaler +import matplotlib.pyplot as plt +from statsmodels.stats.outliers_influence import variance_inflation_factor + +# import yaml +# from yaml import SafeLoader +# import streamlit_authenticator as stauth + +st.set_option("deprecation.showPyplotGlobalUse", False) +import statsmodels.formula.api as smf +from Data_prep_functions import * +import sqlite3 +from utilities import set_header, load_local_css, update_db, project_selection + +# for i in ["model_tuned", "X_train_tuned", "X_test_tuned", "tuned_model_features", "tuned_model", "tuned_model_dict"] : + +st.set_page_config( + page_title="Model Tuning", + page_icon=":shark:", + layout="wide", + initial_sidebar_state="collapsed", +) +load_local_css("styles.css") +set_header() + +if "username" not in st.session_state: + st.session_state["username"] = None + +if "project_name" not in st.session_state: + st.session_state["project_name"] = None + +if "project_dct" not in st.session_state: + project_selection() + st.stop() + +if "username" in st.session_state and st.session_state["username"] is not None: + + if not os.path.exists( + os.path.join(st.session_state["project_path"], "best_models.pkl") + ): + st.error("Please save a model before tuning") + st.stop() + + conn = sqlite3.connect( + r"DB/User.db", check_same_thread=False + ) # connection with sql db + c = conn.cursor() + + # if not is_state_initiaized: + # if "session_name" not in st.session_state: + # st.session_state["session_name"] = None + + if "session_state_saved" in st.session_state["project_dct"]["model_build"].keys(): + for key in [ + "Model", + "date", + "saved_model_names", + "media_data", + "X_test_spends", + "spends_data" + ]: + if key not in st.session_state: + st.session_state[key] = st.session_state["project_dct"]["model_build"][ + "session_state_saved" + ][key] + st.session_state["bin_dict"] = st.session_state["project_dct"][ + "model_build" + ]["session_state_saved"]["bin_dict"] + if ( + "used_response_metrics" not in st.session_state + or st.session_state["used_response_metrics"] == [] + ): + st.session_state["used_response_metrics"] = st.session_state[ + "project_dct" + ]["model_build"]["session_state_saved"]["used_response_metrics"] + else: + st.error("Please load a session with a built model") + st.stop() + + # if 'sel_model' not in st.session_state["project_dct"]["model_tuning"].keys(): + # st.session_state["project_dct"]["model_tuning"]['sel_model']= {} + + for key in ["select_all_flags_check", "selected_flags", "sel_model"]: + if key not in st.session_state["project_dct"]["model_tuning"].keys(): + st.session_state["project_dct"]["model_tuning"][key] = {} + # Sprint3 + # is_panel = st.session_state['is_panel'] + # panel_col = 'markets' # set the panel column + date_col = "date" + + # panel_col = [ + # col.lower() + # .replace(".", "_") + # .replace("@", "_") + # .replace(" ", "_") + # .replace("-", "") + # .replace(":", "") + # .replace("__", "_") + # for col in st.session_state["bin_dict"]["Panel Level 1"] + # ][ + # 0 + # ] + + panel_col = [] # manoj + + # set the panel column + is_panel = True if len(panel_col) > 0 else False + + # flag indicating there is not tuned model till now + + # Sprint4 - model tuned dict + if "Model_Tuned" not in st.session_state: + st.session_state["Model_Tuned"] = {} + cols1 = st.columns([2, 1]) + with cols1[0]: + st.markdown(f"**Welcome {st.session_state['username']}**") + with cols1[1]: + st.markdown(f"**Current Project: {st.session_state['project_name']}**") + + st.title("1. Model Tuning") + + if "is_tuned_model" not in st.session_state: + st.session_state["is_tuned_model"] = {} + # Sprint4 - if used_response_metrics is not blank, then select one of the used_response_metrics, else target is revenue by default + if ( + "used_response_metrics" in st.session_state + and st.session_state["used_response_metrics"] != [] + ): + default_target_idx = ( + st.session_state["project_dct"]["model_tuning"].get("sel_target_col", None) + if st.session_state["project_dct"]["model_tuning"].get( + "sel_target_col", None + ) + is not None + else st.session_state["used_response_metrics"][0] + ) + + def format_display(inp): + return inp.title().replace("_", " ").strip() + + sel_target_col = st.selectbox( + "Select the response metric", + st.session_state["used_response_metrics"], + index=st.session_state["used_response_metrics"].index(default_target_idx), + format_func=format_display, + ) + target_col = ( + sel_target_col.lower() + .replace(" ", "_") + .replace("-", "") + .replace(":", "") + .replace("__", "_") + ) + st.session_state["project_dct"]["model_tuning"][ + "sel_target_col" + ] = sel_target_col + + else: + sel_target_col = "Total Approved Accounts - Revenue" + target_col = "total_approved_accounts_revenue" + + # Sprint4 - Look through all saved models, only show saved models of the sel resp metric (target_col) + # saved_models = st.session_state['saved_model_names'] + with open( + os.path.join(st.session_state["project_path"], "best_models.pkl"), "rb" + ) as file: + model_dict = pickle.load(file) + + saved_models = model_dict.keys() + required_saved_models = [ + m.split("__")[0] for m in saved_models if m.split("__")[1] == target_col + ] + + if len(required_saved_models) > 0: + default_model_idx = st.session_state["project_dct"]["model_tuning"][ + "sel_model" + ].get(sel_target_col, required_saved_models[0]) + sel_model = st.selectbox( + "Select the model to tune", + required_saved_models, + index=required_saved_models.index(default_model_idx), + ) + else: + default_model_idx = st.session_state["project_dct"]["model_tuning"][ + "sel_model" + ].get(sel_target_col, 0) + sel_model = st.selectbox("Select the model to tune", required_saved_models) + + st.session_state["project_dct"]["model_tuning"]["sel_model"][ + sel_target_col + ] = default_model_idx + + sel_model_dict = model_dict[ + sel_model + "__" + target_col + ] # Sprint4 - get the model obj of the selected model + + X_train = sel_model_dict["X_train"] + X_test = sel_model_dict["X_test"] + y_train = sel_model_dict["y_train"] + y_test = sel_model_dict["y_test"] + df = st.session_state["media_data"] + + if "selected_model" not in st.session_state: + st.session_state["selected_model"] = 0 + + st.markdown("### 1.1 Event Flags") + st.markdown("Helps in quantifying the impact of specific occurrences of events") + + with st.expander("Apply Event Flags"): + st.session_state["project_dct"]["model_tuning"]["flag_expander"] = True + + model = sel_model_dict["Model_object"] + date = st.session_state["date"] + date = pd.to_datetime(date) + X_train = sel_model_dict["X_train"] + + # features_set= model_dict[st.session_state["selected_model"]]['feature_set'] + features_set = sel_model_dict["feature_set"] + + col = st.columns(3) + min_date = min(date) + max_date = max(date) + + start_date_default = ( + st.session_state["project_dct"]["model_tuning"].get("start_date_default") + if st.session_state["project_dct"]["model_tuning"].get("start_date_default") + is not None + else min_date + ) + end_date_default = ( + st.session_state["project_dct"]["model_tuning"].get("end_date_default") + if st.session_state["project_dct"]["model_tuning"].get("end_date_default") + is not None + else max_date + ) + with col[0]: + start_date = st.date_input( + "Select Start Date", + start_date_default, + min_value=min_date, + max_value=max_date, + ) + with col[1]: + end_date_default = ( + end_date_default + if pd.Timestamp(end_date_default) >= pd.Timestamp(start_date) + else start_date + ) + end_date = st.date_input( + "Select End Date", + end_date_default, + min_value=max(pd.to_datetime(min_date), pd.to_datetime(start_date)), + max_value=pd.to_datetime(max_date), + ) + with col[2]: + repeat_default = ( + st.session_state["project_dct"]["model_tuning"].get("repeat_default") + if st.session_state["project_dct"]["model_tuning"].get("repeat_default") + is not None + else "No" + ) + repeat_default_idx = 0 if repeat_default.lower() == "yes" else 1 + repeat = st.selectbox( + "Repeat Annually", ["Yes", "No"], index=repeat_default_idx + ) + st.session_state["project_dct"]["model_tuning"][ + "start_date_default" + ] = start_date + st.session_state["project_dct"]["model_tuning"]["end_date_default"] = end_date + st.session_state["project_dct"]["model_tuning"]["repeat_default"] = repeat + + if repeat == "Yes": + repeat = True + else: + repeat = False + + if "Flags" not in st.session_state: + st.session_state["Flags"] = {} + if "flags" in st.session_state["project_dct"]["model_tuning"].keys(): + st.session_state["Flags"] = st.session_state["project_dct"]["model_tuning"][ + "flags" + ] + # print("**"*50) + # print(y_train) + # print("**"*50) + # print(model.fittedvalues) + if is_panel: # Sprint3 + met, line_values, fig_flag = plot_actual_vs_predicted( + X_train[date_col], + y_train, + model.fittedvalues, + model, + target_column=sel_target_col, + flag=(start_date, end_date), + repeat_all_years=repeat, + is_panel=True, + ) + st.plotly_chart(fig_flag, use_container_width=True) + + # create flag on test + met, test_line_values, fig_flag = plot_actual_vs_predicted( + X_test[date_col], + y_test, + sel_model_dict["pred_test"], + model, + target_column=sel_target_col, + flag=(start_date, end_date), + repeat_all_years=repeat, + is_panel=True, + ) + + else: + pred_train = model.predict(X_train[features_set]) + met, line_values, fig_flag = plot_actual_vs_predicted( + X_train[date_col], + y_train, + pred_train, + model, + flag=(start_date, end_date), + repeat_all_years=repeat, + is_panel=False, + ) + st.plotly_chart(fig_flag, use_container_width=True) + + pred_test = model.predict(X_test[features_set]) + met, test_line_values, fig_flag = plot_actual_vs_predicted( + X_test[date_col], + y_test, + pred_test, + model, + flag=(start_date, end_date), + repeat_all_years=repeat, + is_panel=False, + ) + flag_name = "f1_flag" + flag_name = st.text_input("Enter Flag Name") + # Sprint4 - add selected target col to flag name + if st.button("Update flag"): + st.session_state["Flags"][flag_name + "_flag__" + target_col] = {} + st.session_state["Flags"][flag_name + "_flag__" + target_col][ + "train" + ] = line_values + st.session_state["Flags"][flag_name + "_flag__" + target_col][ + "test" + ] = test_line_values + st.success(f'{flag_name + "_flag__" + target_col} stored') + + st.session_state["project_dct"]["model_tuning"]["flags"] = st.session_state[ + "Flags" + ] + # Sprint4 - only show flag created for the particular target col + if st.session_state["Flags"] is None: + st.session_state["Flags"] = {} + target_model_flags = [ + f.split("__")[0] + for f in st.session_state["Flags"].keys() + if f.split("__")[1] == target_col + ] + options = list(target_model_flags) + selected_options = [] + num_columns = 4 + num_rows = -(-len(options) // num_columns) + + tick = False + if st.checkbox( + "Select all", + value=st.session_state["project_dct"]["model_tuning"][ + "select_all_flags_check" + ].get(sel_target_col, False), + ): + tick = True + st.session_state["project_dct"]["model_tuning"]["select_all_flags_check"][ + sel_target_col + ] = True + else: + st.session_state["project_dct"]["model_tuning"]["select_all_flags_check"][ + sel_target_col + ] = False + selection_defualts = st.session_state["project_dct"]["model_tuning"][ + "selected_flags" + ].get(sel_target_col, []) + selected_options = selection_defualts + for row in range(num_rows): + cols = st.columns(num_columns) + for col in cols: + if options: + option = options.pop(0) + option_default = True if option in selection_defualts else False + selected = col.checkbox(option, value=(tick or option_default)) + if selected: + selected_options.append(option) + else: + if option in selected_options: + selected_options.remove(option) + selected_options = list(set(selected_options)) + st.session_state["project_dct"]["model_tuning"]["selected_flags"][ + sel_target_col + ] = selected_options + + st.markdown("### 1.2 Select Parameters to Apply") + parameters = st.columns(3) + with parameters[0]: + Trend = st.checkbox( + "**Trend**", + value=st.session_state["project_dct"]["model_tuning"].get( + "trend_check", False + ), + ) + st.markdown( + "Helps account for long-term trends or seasonality that could influence advertising effectiveness" + ) + with parameters[1]: + week_number = st.checkbox( + "**Week_number**", + value=st.session_state["project_dct"]["model_tuning"].get( + "week_num_check", False + ), + ) + st.markdown( + "Assists in detecting and incorporating weekly patterns or seasonality" + ) + with parameters[2]: + sine_cosine = st.checkbox( + "**Sine and Cosine Waves**", + value=st.session_state["project_dct"]["model_tuning"].get( + "sine_cosine_check", False + ), + ) + st.markdown("Helps in capturing cyclical patterns or seasonality in the data") + # + # def get_tuned_model(): + # st.session_state['build_tuned_model']=True + + if st.button( + "Build model with Selected Parameters and Flags", + key="build_tuned_model", + use_container_width=True, + ): + new_features = features_set + st.header("2.1 Results Summary") + # date=list(df.index) + # df = df.reset_index(drop=True) + # X_train=df[features_set] + ss = MinMaxScaler() + if is_panel == True: + X_train_tuned = X_train[features_set] + # X_train_tuned = pd.DataFrame(ss.fit_transform(X), columns=X.columns) + X_train_tuned[target_col] = X_train[target_col] + X_train_tuned[date_col] = X_train[date_col] + X_train_tuned[panel_col] = X_train[panel_col] + + X_test_tuned = X_test[features_set] + # X_test_tuned = pd.DataFrame(ss.transform(X), columns=X.columns) + X_test_tuned[target_col] = X_test[target_col] + X_test_tuned[date_col] = X_test[date_col] + X_test_tuned[panel_col] = X_test[panel_col] + + else: + X_train_tuned = X_train[features_set] + # X_train_tuned = pd.DataFrame(ss.fit_transform(X_train_tuned), columns=X_train_tuned.columns) + + X_test_tuned = X_test[features_set] + # X_test_tuned = pd.DataFrame(ss.transform(X_test_tuned), columns=X_test_tuned.columns) + + for flag in selected_options: + # Spirnt4 - added target_col in flag name + X_train_tuned[flag] = st.session_state["Flags"][flag + "__" + target_col][ + "train" + ] + X_test_tuned[flag] = st.session_state["Flags"][flag + "__" + target_col][ + "test" + ] + + # test + # X_train_tuned.to_csv("Test/X_train_tuned_flag.csv",index=False) + # X_test_tuned.to_csv("Test/X_test_tuned_flag.csv",index=False) + + # print("()()"*20,flag, len(st.session_state['Flags'][flag])) + if Trend: + st.session_state["project_dct"]["model_tuning"]["trend_check"] = True + # Sprint3 - group by panel, calculate trend of each panel spearately. Add trend to new feature set + if is_panel: + newdata = pd.DataFrame() + panel_wise_end_point_train = {} + for panel, groupdf in X_train_tuned.groupby(panel_col): + groupdf.sort_values(date_col, inplace=True) + groupdf["Trend"] = np.arange(1, len(groupdf) + 1, 1) + newdata = pd.concat([newdata, groupdf]) + panel_wise_end_point_train[panel] = len(groupdf) + X_train_tuned = newdata.copy() + + test_newdata = pd.DataFrame() + for panel, test_groupdf in X_test_tuned.groupby(panel_col): + test_groupdf.sort_values(date_col, inplace=True) + start = panel_wise_end_point_train[panel] + 1 + end = start + len(test_groupdf) # should be + 1? - Sprint4 + # print("??"*20, panel, len(test_groupdf), len(np.arange(start, end, 1)), start) + test_groupdf["Trend"] = np.arange(start, end, 1) + test_newdata = pd.concat([test_newdata, test_groupdf]) + X_test_tuned = test_newdata.copy() + + new_features = new_features + ["Trend"] + + else: + X_train_tuned["Trend"] = np.arange(1, len(X_train_tuned) + 1, 1) + X_test_tuned["Trend"] = np.arange( + len(X_train_tuned) + 1, + len(X_train_tuned) + len(X_test_tuned) + 1, + 1, + ) + new_features = new_features + ["Trend"] + else: + st.session_state["project_dct"]["model_tuning"]["trend_check"] = False + + if week_number: + st.session_state["project_dct"]["model_tuning"]["week_num_check"] = True + # Sprint3 - create weeknumber from date column in xtrain tuned. add week num to new feature set + if is_panel: + X_train_tuned[date_col] = pd.to_datetime(X_train_tuned[date_col]) + X_train_tuned["Week_number"] = X_train_tuned[date_col].dt.day_of_week + if X_train_tuned["Week_number"].nunique() == 1: + st.write( + "All dates in the data are of the same week day. Hence Week number can't be used." + ) + else: + X_test_tuned[date_col] = pd.to_datetime(X_test_tuned[date_col]) + X_test_tuned["Week_number"] = X_test_tuned[date_col].dt.day_of_week + new_features = new_features + ["Week_number"] + + else: + date = pd.to_datetime(date.values) + X_train_tuned["Week_number"] = pd.to_datetime( + X_train[date_col] + ).dt.day_of_week + X_test_tuned["Week_number"] = pd.to_datetime( + X_test[date_col] + ).dt.day_of_week + new_features = new_features + ["Week_number"] + else: + st.session_state["project_dct"]["model_tuning"]["week_num_check"] = False + + if sine_cosine: + st.session_state["project_dct"]["model_tuning"]["sine_cosine_check"] = True + # Sprint3 - create panel wise sine cosine waves in xtrain tuned. add to new feature set + if is_panel: + new_features = new_features + ["sine_wave", "cosine_wave"] + newdata = pd.DataFrame() + newdata_test = pd.DataFrame() + groups = X_train_tuned.groupby(panel_col) + frequency = 2 * np.pi / 365 # Adjust the frequency as needed + + train_panel_wise_end_point = {} + for panel, groupdf in groups: + num_samples = len(groupdf) + train_panel_wise_end_point[panel] = num_samples + days_since_start = np.arange(num_samples) + sine_wave = np.sin(frequency * days_since_start) + cosine_wave = np.cos(frequency * days_since_start) + sine_cosine_df = pd.DataFrame( + {"sine_wave": sine_wave, "cosine_wave": cosine_wave} + ) + assert len(sine_cosine_df) == len(groupdf) + # groupdf = pd.concat([groupdf, sine_cosine_df], axis=1) + groupdf["sine_wave"] = sine_wave + groupdf["cosine_wave"] = cosine_wave + newdata = pd.concat([newdata, groupdf]) + + X_train_tuned = newdata.copy() + + test_groups = X_test_tuned.groupby(panel_col) + for panel, test_groupdf in test_groups: + num_samples = len(test_groupdf) + start = train_panel_wise_end_point[panel] + days_since_start = np.arange(start, start + num_samples, 1) + # print("##", panel, num_samples, start, len(np.arange(start, start+num_samples, 1))) + sine_wave = np.sin(frequency * days_since_start) + cosine_wave = np.cos(frequency * days_since_start) + sine_cosine_df = pd.DataFrame( + {"sine_wave": sine_wave, "cosine_wave": cosine_wave} + ) + assert len(sine_cosine_df) == len(test_groupdf) + # groupdf = pd.concat([groupdf, sine_cosine_df], axis=1) + test_groupdf["sine_wave"] = sine_wave + test_groupdf["cosine_wave"] = cosine_wave + newdata_test = pd.concat([newdata_test, test_groupdf]) + + X_test_tuned = newdata_test.copy() + + else: + new_features = new_features + ["sine_wave", "cosine_wave"] + + num_samples = len(X_train_tuned) + frequency = 2 * np.pi / 365 # Adjust the frequency as needed + days_since_start = np.arange(num_samples) + sine_wave = np.sin(frequency * days_since_start) + cosine_wave = np.cos(frequency * days_since_start) + sine_cosine_df = pd.DataFrame( + {"sine_wave": sine_wave, "cosine_wave": cosine_wave} + ) + # Concatenate the sine and cosine waves with the scaled X DataFrame + X_train_tuned = pd.concat([X_train_tuned, sine_cosine_df], axis=1) + + test_num_samples = len(X_test_tuned) + start = num_samples + days_since_start = np.arange(start, start + test_num_samples, 1) + sine_wave = np.sin(frequency * days_since_start) + cosine_wave = np.cos(frequency * days_since_start) + sine_cosine_df = pd.DataFrame( + {"sine_wave": sine_wave, "cosine_wave": cosine_wave} + ) + # Concatenate the sine and cosine waves with the scaled X DataFrame + X_test_tuned = pd.concat([X_test_tuned, sine_cosine_df], axis=1) + else: + st.session_state["project_dct"]["model_tuning"]["sine_cosine_check"] = False + + # model + if selected_options: + new_features = new_features + selected_options + if is_panel: + inp_vars_str = " + ".join(new_features) + new_features = list(set(new_features)) + + md_str = target_col + " ~ " + inp_vars_str + md_tuned = smf.mixedlm( + md_str, + data=X_train_tuned[[target_col] + new_features], + groups=X_train_tuned[panel_col], + ) + model_tuned = md_tuned.fit() + + # plot act v pred for original model and tuned model + metrics_table, line, actual_vs_predicted_plot = plot_actual_vs_predicted( + X_train[date_col], + y_train, + model.fittedvalues, + model, + target_column=sel_target_col, + is_panel=True, + ) + metrics_table_tuned, line, actual_vs_predicted_plot_tuned = ( + plot_actual_vs_predicted( + X_train_tuned[date_col], + X_train_tuned[target_col], + model_tuned.fittedvalues, + model_tuned, + target_column=sel_target_col, + is_panel=True, + ) + ) + + else: + new_features = list(set(new_features)) + model_tuned = sm.OLS(y_train, X_train_tuned[new_features]).fit() + metrics_table, line, actual_vs_predicted_plot = plot_actual_vs_predicted( + X_train[date_col], + y_train, + model.predict(X_train[features_set]), + model, + target_column=sel_target_col, + ) + # st.write(X_train.columns) + # st.write(X_train_tuned.columns) + + metrics_table_tuned, line, actual_vs_predicted_plot_tuned = ( + plot_actual_vs_predicted( + X_train[date_col], + y_train, + model_tuned.predict(X_train_tuned[new_features]), + model_tuned, + target_column=sel_target_col, + ) + ) + + mape = np.round(metrics_table.iloc[0, 1], 2) + r2 = np.round(metrics_table.iloc[1, 1], 2) + adjr2 = np.round(metrics_table.iloc[2, 1], 2) + + mape_tuned = np.round(metrics_table_tuned.iloc[0, 1], 2) + r2_tuned = np.round(metrics_table_tuned.iloc[1, 1], 2) + adjr2_tuned = np.round(metrics_table_tuned.iloc[2, 1], 2) + + parameters_ = st.columns(3) + with parameters_[0]: + st.metric("R2", r2_tuned, np.round(r2_tuned - r2, 2)) + with parameters_[1]: + st.metric("Adjusted R2", adjr2_tuned, np.round(adjr2_tuned - adjr2, 2)) + with parameters_[2]: + st.metric("MAPE", mape_tuned, np.round(mape_tuned - mape, 2), "inverse") + st.write(model_tuned.summary()) + + X_train_tuned[date_col] = X_train[date_col] + X_test_tuned[date_col] = X_test[date_col] + X_train_tuned[target_col] = y_train + X_test_tuned[target_col] = y_test + + st.header("2.2 Actual vs. Predicted Plot") + if is_panel: + metrics_table, line, actual_vs_predicted_plot = plot_actual_vs_predicted( + X_train_tuned[date_col], + X_train_tuned[target_col], + model_tuned.fittedvalues, + model_tuned, + target_column=sel_target_col, + is_panel=True, + ) + else: + + metrics_table, line, actual_vs_predicted_plot = plot_actual_vs_predicted( + X_train_tuned[date_col], + X_train_tuned[target_col], + model_tuned.predict(X_train_tuned[new_features]), + model_tuned, + target_column=sel_target_col, + is_panel=False, + ) + # st.write(metrics_table) + # plot_actual_vs_predicted(X_train[date_col], y_train, + # model.fittedvalues, model, + # target_column='Revenue', + # is_panel=is_panel) + + st.plotly_chart(actual_vs_predicted_plot, use_container_width=True) + + st.markdown("## 2.3 Residual Analysis") + if is_panel: + columns = st.columns(2) + with columns[0]: + fig = plot_residual_predicted( + y_train, model_tuned.fittedvalues, X_train_tuned + ) + st.plotly_chart(fig) + + with columns[1]: + st.empty() + fig = qqplot(y_train, model_tuned.fittedvalues) + st.plotly_chart(fig) + + with columns[0]: + fig = residual_distribution(y_train, model_tuned.fittedvalues) + st.pyplot(fig) + else: + columns = st.columns(2) + with columns[0]: + fig = plot_residual_predicted( + y_train, + model_tuned.predict(X_train_tuned[new_features]), + X_train, + ) + st.plotly_chart(fig) + + with columns[1]: + st.empty() + fig = qqplot(y_train, model_tuned.predict(X_train_tuned[new_features])) + st.plotly_chart(fig) + + with columns[0]: + fig = residual_distribution( + y_train, model_tuned.predict(X_train_tuned[new_features]) + ) + st.pyplot(fig) + + # st.session_state['is_tuned_model'][target_col] = True + # Sprint4 - saved tuned model in a dict + st.session_state["Model_Tuned"][sel_model + "__" + target_col] = { + "Model_object": model_tuned, + "feature_set": new_features, + "X_train_tuned": X_train_tuned, + "X_test_tuned": X_test_tuned, + } + + with st.expander("Results Summary Test data"): + test_pred=model_tuned.predict(X_test_tuned[new_features]) + st.header("2.2 Actual vs. Predicted Plot") + metrics_table, line, actual_vs_predicted_plot = ( + plot_actual_vs_predicted( + X_test_tuned[date_col], + y_test, + test_pred, + model, + target_column=sel_target_col, + is_panel=is_panel, + ) + ) + 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, test_pred, X_test_tuned) + st.plotly_chart(fig) + + with columns[1]: + st.empty() + fig = qqplot(y_test, test_pred) + st.plotly_chart(fig) + + with columns[0]: + fig = residual_distribution(y_test, test_pred) + st.pyplot(fig) + # if st.session_state['build_tuned_model']==True: + if st.session_state["Model_Tuned"] is not None: + if st.button("Use This model for Media Planning", use_container_width=True): + # save_model = st.button('Use this model to build response curves', key='saved_tuned_model') + # if save_model: + + # remove any other tuned model saved for this target col + # sprint8 + _remove = [ + m + for m in st.session_state["Model_Tuned"].keys() + if m.split("__")[1] == target_col and m.split("__")[0] != sel_model + ] + if len(_remove) > 0: + for m in _remove: + del st.session_state["Model_Tuned"][m] + + st.session_state["is_tuned_model"][target_col] = True + with open( + os.path.join(st.session_state["project_path"], "tuned_model.pkl"), + "wb", + ) as f: + # pickle.dump(st.session_state['tuned_model'], f) + pickle.dump(st.session_state["Model_Tuned"], f) # Sprint4 + + st.session_state["project_dct"]["model_tuning"]["session_state_saved"] = {} + for key in [ + "bin_dict", + "used_response_metrics", + "is_tuned_model", + "media_data", + "X_test_spends", + "spends_data" + ]: + st.session_state["project_dct"]["model_tuning"]["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) + + update_db("5_Model_Tuning.py") + + # import glob + + # # Create a search pattern to find all JSON files with "orig_rcs" in their names + # search_pattern = os.path.join( + # st.session_state["project_path"], "orig_rcs*.json" + # ) + + # # Use glob to find all matching files + # files_to_remove = glob.glob(search_pattern) + + # # Remove each file found + # for file_path in files_to_remove: + # os.remove(file_path) + # print(f"Removed: {file_path}") + + # Define the paths to the original files + original_json_file_path = os.path.join( + st.session_state["project_path"], "rcs_data_original.json" + ) + original_pickle_file_path = os.path.join( + st.session_state["project_path"], "scenario_data_original.pkl" + ) + + # Remove the original data file if it exists + if os.path.exists(original_json_file_path): + os.remove(original_json_file_path) + if os.path.exists(original_pickle_file_path): + os.remove(original_pickle_file_path) + + st.success(sel_model + " for " + target_col + " Tuned saved!") diff --git a/pages/6_AI_Model_Results.py b/pages/6_AI_Model_Results.py new file mode 100644 index 0000000000000000000000000000000000000000..879e1017d1f3da28690c57dd67bbf7aeff290292 --- /dev/null +++ b/pages/6_AI_Model_Results.py @@ -0,0 +1,943 @@ +import plotly.express as px +import numpy as np +import plotly.graph_objects as go +import streamlit as st +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, load_local_css +import seaborn as sns +import matplotlib.pyplot as plt +import tempfile +from sklearn.preprocessing import MinMaxScaler +# from st_aggrid import AgGrid +# from st_aggrid import GridOptionsBuilder, GridUpdateMode +# from st_aggrid import GridOptionsBuilder +import sys +import re +import pickle +from sklearn.metrics import r2_score, mean_absolute_percentage_error +from Data_prep_functions import plot_actual_vs_predicted +import sqlite3 +from utilities import set_header, load_local_css,update_db,project_selection +sys.setrecursionlimit(10**6) + +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() + +# TODO : + + +if 'username' not in st.session_state: + st.session_state['username']=None + +if "project_name" not in st.session_state: + st.session_state["project_name"] = None + +if "project_dct" not in st.session_state: + project_selection() + st.stop() + +try: + with open(os.path.join(st.session_state["project_path"], "data_import.pkl"), "rb") as f: + data = pickle.load(f) + st.session_state["bin_dict"] = data["bin_dict"] +except Exception as e: + st.warning('Save atleast one tuned model to proceed') + st.stop() + +st.session_state["bin_dict"]['Panel Level 1']=st.session_state["bin_dict"].get('Panel Level 1',[]) + +if 'gd_table' not in st.session_state: + st.session_state['gd_table']=pd.DataFrame() + +if 'username' in st.session_state and st.session_state['username'] is not None: + + conn = sqlite3.connect( + r"DB/User.db", check_same_thread=False + ) # connection with sql db + c = conn.cursor() + + if not os.path.exists( + os.path.join(st.session_state["project_path"], "tuned_model.pkl") + ): + st.error("Please save a tuned model") + st.stop() + + if ( + "session_state_saved" in st.session_state["project_dct"]["model_tuning"].keys() + and st.session_state["project_dct"]["model_tuning"]["session_state_saved"] != [] + ): + for key in ["used_response_metrics", "media_data", "bin_dict"]: + if key not in st.session_state: + st.session_state[key] = st.session_state["project_dct"]["model_tuning"][ + "session_state_saved" + ][key] + # st.session_state["bin_dict"] = st.session_state["project_dct"][ + # "model_build" + # ]["session_state_saved"]["bin_dict"] + + media_data = st.session_state["media_data"] + + #st.write(media_data.columns) + + # set the panel column + is_panel = True if len(st.session_state["bin_dict"]['Panel Level 1']) > 0 else False + #st.write(is_panel) + if is_panel: + + panel_col = [ + col.lower() + .replace(".", "_") + .replace("@", "_") + .replace(" ", "_") + .replace("-", "") + .replace(":", "") + .replace("__", "_") + for col in st.session_state["bin_dict"]["Panel Level 1"] + ][ + 0 + ] + + + date_col = "date" + + 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 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 = pd.merge( + X, + random_eff_df[[panel_col, "random_effect"]], + on=panel_col, + how="left", + ) + X["pred_fixed_effect"] = mdf.predict(X) + + X["pred"] = X["pred_fixed_effect"] + X["random_effect"] + X.drop(columns=["pred_fixed_effect", "random_effect"], inplace=True) + return X + + def metrics_df_panel(model_dict, is_panel): + metrics_df = pd.DataFrame( + columns=[ + "Model", + "R2", + "ADJR2", + "Train Mape", + "Test Mape", + "Summary", + "Model_object", + ] + ) + i = 0 + for key in model_dict.keys(): + target = key.split("__")[1] + metrics_df.at[i, "Model"] = target + y = model_dict[key]["X_train_tuned"][target] + + feature_set = model_dict[key]["feature_set"] + + if is_panel: + random_df = get_random_effects( + media_data, panel_col, model_dict[key]["Model_object"] + ) + pred = mdf_predict( + model_dict[key]["X_train_tuned"], + model_dict[key]["Model_object"], + random_df, + )["pred"] + else: + pred = model_dict[key]["Model_object"].predict(model_dict[key]["X_train_tuned"][feature_set]) + + ytest = model_dict[key]["X_test_tuned"][target] + if is_panel: + + predtest = mdf_predict( + model_dict[key]["X_test_tuned"], + model_dict[key]["Model_object"], + random_df, + )["pred"] + + else: + predtest = model_dict[key]["Model_object"].predict(model_dict[key]["X_test_tuned"][feature_set]) + + metrics_df.at[i, "R2"] = r2_score(y, pred) + metrics_df.at[i, "ADJR2"] = 1 - (1 - metrics_df.loc[i, "R2"]) * ( + len(y) - 1 + ) / (len(y) - len(model_dict[key]["feature_set"]) - 1) + metrics_df.at[i, "Train Mape"] = mean_absolute_percentage_error(y, pred) + metrics_df.at[i, "Test Mape"] = mean_absolute_percentage_error( + ytest, predtest + ) + metrics_df.at[i, "Summary"] = model_dict[key]["Model_object"].summary() + metrics_df.at[i, "Model_object"] = model_dict[key]["Model_object"] + i += 1 + metrics_df = np.round(metrics_df, 2) + + return metrics_df + + with open( + os.path.join(st.session_state["project_path"], "final_df_transformed.pkl"), + "rb", + ) as f: + data = pickle.load(f) + transformed_data = data["final_df_transformed"] + with open( + os.path.join(st.session_state["project_path"], "data_import.pkl"), "rb" + ) as f: + data = pickle.load(f) + st.session_state["bin_dict"] = data["bin_dict"] + with open( + os.path.join(st.session_state["project_path"], "tuned_model.pkl"), "rb" + ) as file: + tuned_model_dict = pickle.load(file) + feature_set_dct = { + key.split("__")[1]: key_dict["feature_set"] + for key, key_dict in tuned_model_dict.items() + } + + # """ the above part should be modified so that we are fetching features set from the saved model""" + + + + if "contribution_df" not in st.session_state: + st.session_state["contribution_df"] = None + + def map_channel(transformed_var, channel_dict): + for key, value_list in channel_dict.items(): + if any(raw_var in transformed_var for raw_var in value_list): + return key + return transformed_var # Return the original value if no match is found + + + def contributions_nonpanel(model_dict): + with open(os.path.join(st.session_state["project_path"], "channel_groups.pkl"), "rb") as f: + channels = pickle.load(f) + media_data = st.session_state["media_data"] + contribution_df = pd.DataFrame(columns=["Channel"]) + + for key in model_dict.keys(): + + best_feature_set = model_dict[key]["feature_set"] + model = model_dict[key]["Model_object"] + target = key.split("__")[1] + X_train = model_dict[key]["X_train_tuned"] + contri_df = pd.DataFrame() + y = [] + y_pred = [] + + coef_df = pd.DataFrame(model.params) + coef_df.reset_index(inplace=True) + coef_df.columns = ["feature", "coef"] + x_train_contribution = X_train.copy() + x_train_contribution['pred'] = model.predict(X_train[best_feature_set]) + + for i in range(len(coef_df)): + + coef = coef_df.loc[i, "coef"] + col = coef_df.loc[i, "feature"] + # st.write(col, coef) + if col != 'const': + x_train_contribution[str(col) + "_contr"] = (coef * x_train_contribution[col]) + else: + x_train_contribution["const"] = coef + + tuning_cols = [c for c in x_train_contribution.filter(regex="contr").columns if c in ["Week_number_contr", "Trend_contr", "sine_wave_contr", "cosine_wave_contr"]] + flag_cols =[c for c in x_train_contribution.filter(regex="contr").columns if "_flag" in c] + + # add exogenous contribution to base + all_exog_vars = st.session_state['bin_dict']['Exogenous'] + all_exog_vars = [var.lower().replace(".", "_").replace("@", "_").replace(" ", "_").replace("-", "").replace(":", "").replace("__", "_") for var in all_exog_vars] + exog_cols = [] + if len(all_exog_vars)>0: + for col in x_train_contribution.filter(regex="contr").columns: + if len([exog_var for exog_var in all_exog_vars if exog_var in col])>0: + exog_cols.append(col) + + base_cols = ["const"] + flag_cols + tuning_cols +exog_cols + # st.write(base_cols) + + x_train_contribution["base_contr"] = x_train_contribution[base_cols].sum(axis=1) + x_train_contribution.drop(columns=base_cols, inplace=True) + # x_train_contribution['sum_contributions'] = x_train_contribution.filter(regex="contr").sum(axis=1) + + x_train_contribution.to_csv("Test/smr_x_train_contribution.csv", index=False) + # x_train_contribution.drop(columns=['sum_contributions'],inplace=True) + contri_df = pd.DataFrame( + x_train_contribution.filter(regex="contr").sum(axis=0) + ) + + contri_df.reset_index(inplace=True) + contri_df.columns = ["Channel", target] + contri_df["Channel"] = contri_df["Channel"].apply(lambda x : map_channel(x, channels)) + contri_df[target] = 100 * contri_df[target] / contri_df[target].sum() + contri_df["Channel"].replace("base_contr", "base", inplace=True) + contribution_df = pd.merge(contribution_df, contri_df, on="Channel", how="outer") + + # st.session_state["contribution_df"] = contributions_panel(tuned_model_dict) + + return contribution_df + + def contributions_panel(model_dict): + media_data = st.session_state["media_data"] + contribution_df = pd.DataFrame(columns=["Channel"]) + for key in model_dict.keys(): + best_feature_set = model_dict[key]["feature_set"] + model = model_dict[key]["Model_object"] + target = key.split("__")[1] + X_train = model_dict[key]["X_train_tuned"] + contri_df = pd.DataFrame() + + y = [] + y_pred = [] + + random_eff_df = get_random_effects(media_data, panel_col, model) + random_eff_df["fixed_effect"] = model.fe_params["Intercept"] + random_eff_df["panel_effect"] = ( + random_eff_df["random_effect"] + random_eff_df["fixed_effect"] + ) + + coef_df = pd.DataFrame(model.fe_params) + coef_df.reset_index(inplace=True) + coef_df.columns = ["feature", "coef"] + + x_train_contribution = X_train.copy() + x_train_contribution = mdf_predict( + x_train_contribution, model, random_eff_df + ) + + x_train_contribution = pd.merge( + x_train_contribution, + random_eff_df[[panel_col, "panel_effect"]], + on=panel_col, + how="left", + ) + + for i in range(len(coef_df))[1:]: + coef = coef_df.loc[i, "coef"] + col = coef_df.loc[i, "feature"] + x_train_contribution[str(col) + "_contr"] = ( + coef * x_train_contribution[col] + ) + + # x_train_contribution['sum_contributions'] = x_train_contribution.filter(regex="contr").sum(axis=1) + # x_train_contribution['sum_contributions'] = x_train_contribution['sum_contributions'] + x_train_contribution[ + # 'panel_effect'] + + base_cols = ["panel_effect"] + [ + c + for c in x_train_contribution.filter(regex="contr").columns + if c + in [ + "Week_number_contr", + "Trend_contr", + "sine_wave_contr", + "cosine_wave_contr", + ] + ] + x_train_contribution["base_contr"] = x_train_contribution[base_cols].sum( + axis=1 + ) + x_train_contribution.drop(columns=base_cols, inplace=True) + # x_train_contribution.to_csv("Test/smr_x_train_contribution.csv", index=False) + + contri_df = pd.DataFrame( + x_train_contribution.filter(regex="contr").sum(axis=0) + ) + contri_df.reset_index(inplace=True) + contri_df.columns = ["Channel", target] + contri_df["Channel"] = ( + contri_df["Channel"] + .str.split("(_impres|_clicks)") + .apply(lambda c: c[0]) + ) + contri_df[target] = 100 * contri_df[target] / contri_df[target].sum() + contri_df["Channel"].replace("base_contr", "base", inplace=True) + contribution_df = pd.merge( + contribution_df, contri_df, on="Channel", how="outer" + ) + # st.session_state["contribution_df"] = contributions_panel(tuned_model_dict) + return contribution_df + + metrics_table = metrics_df_panel(tuned_model_dict,is_panel) + + cols1 = st.columns([2, 1]) + with cols1[0]: + st.markdown(f"**Welcome {st.session_state['username']}**") + with cols1[1]: + st.markdown( + f"**Current Project: {st.session_state['project_name']}**" + ) + + st.title("AI Model Results") + + st.header('Contribution Overview') + + options = st.session_state["used_response_metrics"] + + + options = [ + opt.lower() + .replace(" ", "_") + .replace("-", "") + .replace(":", "") + .replace("__", "_") + for opt in options + ] + + default_options = ( + st.session_state["project_dct"]["saved_model_results"].get("selected_options") + if st.session_state["project_dct"]["saved_model_results"].get( + "selected_options" + ) + is not None + else [options[-1]] + ) + for i in default_options: + if i not in options: + #st.write(i) + default_options.remove(i) + + def format_display(inp): + return inp.title().replace("_", " ").strip() + + contribution_selections = st.multiselect( + "Select the Response Metrics to compare contributions", + options, + default=default_options, + format_func=format_display, + ) + trace_data = [] + + if is_panel: + st.session_state["contribution_df"] = contributions_panel(tuned_model_dict) + + else: + st.session_state["contribution_df"] = contributions_nonpanel(tuned_model_dict) + + #st.write(st.session_state["contribution_df"].columns) + # for selection in contribution_selections: + + # trace = go.Bar( + # x=st.session_state["contribution_df"]["Channel"], + # y=st.session_state["contribution_df"][selection], + # name=selection, + # text=np.round(st.session_state["contribution_df"][selection], 0) + # .astype(int) + # .astype(str) + # + "%", + # textposition="outside", + # ) + # trace_data.append(trace) + + # layout = go.Layout( + # title="Metrics Contribution by Channel", + # xaxis=dict(title="Channel Name"), + # yaxis=dict(title="Metrics Contribution"), + # barmode="group", + # ) + # fig = go.Figure(data=trace_data, layout=layout) + # st.plotly_chart(fig, use_container_width=True) + + def create_grouped_bar_plot(contribution_df, contribution_selections): + # Extract the 'Channel' names + channel_names = contribution_df["Channel"].tolist() + + # Dictionary to store all contributions except 'const' and 'base' + all_contributions = { + name: [] for name in channel_names if name not in ["const", "base"] + } + + # Dictionary to store base sales for each selection + base_sales_dict = {} + + # Accumulate contributions for each channel from each selection + for selection in contribution_selections: + contributions = contribution_df[selection].values.astype(float) + base_sales = 0 # Initialize base sales for the current selection + + for channel_name, contribution in zip(channel_names, contributions): + if channel_name in all_contributions: + all_contributions[channel_name].append(contribution) + elif channel_name == "base": + base_sales = ( + contribution # Capture base sales for the current selection + ) + + # Store base sales for each selection + base_sales_dict[selection] = base_sales + + # Calculate the average of contributions and sort by this average + sorted_channels = sorted( + all_contributions.items(), key=lambda x: -np.mean(x[1]) + ) + sorted_channel_names = [name for name, _ in sorted_channels] + sorted_channel_names = [ + "Base Sales" + ] + sorted_channel_names # Adding 'Base Sales' at the start + + trace_data = [] + max_value = ( + 0 # Initialize max_value to find the highest bar for y-axis adjustment + ) + + # Create traces for the grouped bar chart + for i, selection in enumerate(contribution_selections): + display_name = sorted_channel_names + display_contribution = [base_sales_dict[selection]] + [ + all_contributions[name][i] for name in sorted_channel_names[1:] + ] # Start with base sales for the current selection + + # Generating text labels for each bar + text_values = [ + f"{val}%" for val in np.round(display_contribution, 0).astype(int) + ] + + # Find the max value for y-axis calculation + max_contribution = max(display_contribution) + if max_contribution > max_value: + max_value = max_contribution + + # Create a bar trace for each selection + trace = go.Bar( + x=display_name, + y=display_contribution, + name=selection, + text=text_values, + textposition="outside", + ) + trace_data.append(trace) + + # Define layout for the bar chart + layout = go.Layout( + title="Metrics Contribution by Channel", + xaxis=dict(title="Channel Name"), + yaxis=dict( + title="Metrics Contribution", range=[0, max_value * 1.2] + ), # Set y-axis 20% higher than the max bar + barmode="group", + plot_bgcolor="white", + ) + + # Create the figure with trace data and layout + fig = go.Figure(data=trace_data, layout=layout) + + return fig + + # Display the chart in Streamlit + st.plotly_chart( + create_grouped_bar_plot( + st.session_state["contribution_df"], contribution_selections + ), + use_container_width=True, + ) + + ############################################ Waterfall Chart ############################################ + + import plotly.graph_objects as go + + # # Initialize a Plotly figure + # fig = go.Figure() + + # for selection in contribution_selections: + # # Ensure contributions are numeric + # contributions = ( + # st.session_state["contribution_df"][selection].values.astype(float).tolist() + # ) + # channel_names = st.session_state["contribution_df"]["Channel"].tolist() + + # display_name, display_contribution, base_contribution = [], [], 0 + # for channel_name, contribution in zip(channel_names, contributions): + # if channel_name != "const" and channel_name != "base": + # display_name.append(channel_name) + # display_contribution.append(contribution) + # else: + # base_contribution = contribution + + # display_name = ["Base Sales"] + display_name + # display_contribution = [base_contribution] + display_contribution + + # # Generating text labels for each bar, ensuring operations are compatible with string formats + # text_values = [ + # f"{val}%" for val in np.round(display_contribution, 0).astype(int) + # ] + + # fig.add_trace( + # go.Waterfall( + # orientation="v", + # measure=["relative"] * len(display_contribution), + # x=display_name, + # text=text_values, + # textposition="outside", + # y=display_contribution, + # increasing={"marker": {"color": "green"}}, + # decreasing={"marker": {"color": "red"}}, + # totals={"marker": {"color": "blue"}}, + # name=selection, + # ) + # ) + + # fig.update_layout( + # title="Metrics Contribution by Channel", + # xaxis={"title": "Channel Name"}, + # yaxis={"title": "Metrics Contribution"}, + # height=600, + # ) + + # # Displaying the waterfall chart in Streamlit + # st.plotly_chart(fig, use_container_width=True) + + def preprocess_and_plot(contribution_df, contribution_selections): + # Extract the 'Channel' names + channel_names = contribution_df["Channel"].tolist() + + # Dictionary to store all contributions except 'const' and 'base' + all_contributions = { + name: [] for name in channel_names if name not in ["const", "base"] + } + + # Dictionary to store base sales for each selection + base_sales_dict = {} + + # Accumulate contributions for each channel from each selection + for selection in contribution_selections: + contributions = contribution_df[selection].values.astype(float) + base_sales = 0 # Initialize base sales for the current selection + + for channel_name, contribution in zip(channel_names, contributions): + if channel_name in all_contributions: + all_contributions[channel_name].append(contribution) + elif channel_name == "base": + base_sales = ( + contribution # Capture base sales for the current selection + ) + + # Store base sales for each selection + base_sales_dict[selection] = base_sales + + # Calculate the average of contributions and sort by this average + sorted_channels = sorted( + all_contributions.items(), key=lambda x: -np.mean(x[1]) + ) + sorted_channel_names = [name for name, _ in sorted_channels] + sorted_channel_names = [ + "Base Sales" + ] + sorted_channel_names # Adding 'Base Sales' at the start + + # Initialize a Plotly figure + fig = go.Figure() + + for i, selection in enumerate(contribution_selections): + display_name = ["Base Sales"] + sorted_channel_names[ + 1: + ] # Channel names for the plot + display_contribution = [ + base_sales_dict[selection] + ] # Start with base sales for the current selection + + # Append average contributions for other channels + for name in sorted_channel_names[1:]: + display_contribution.append(all_contributions[name][i]) + + # Generating text labels for each bar + text_values = [ + f"{val}%" for val in np.round(display_contribution, 0).astype(int) + ] + + # Add a waterfall trace for each selection + fig.add_trace( + go.Waterfall( + orientation="v", + measure=["relative"] * len(display_contribution), + x=display_name, + text=text_values, + textposition="outside", + y=display_contribution, + increasing={"marker": {"color": "green"}}, + decreasing={"marker": {"color": "red"}}, + totals={"marker": {"color": "blue"}}, + name=selection, + ) + ) + + # Update layout of the figure + fig.update_layout( + title="Metrics Contribution by Channel", + xaxis={"title": "Channel Name"}, + yaxis=dict(title="Metrics Contribution", range=[0, 100 * 1.2]), + ) + + return fig + + # Displaying the waterfall chart + st.plotly_chart( + preprocess_and_plot( + st.session_state["contribution_df"], contribution_selections + ), + use_container_width=True, + ) + + ############################################ Waterfall Chart ############################################ + st.header("Analysis of Models Result") + # st.markdown() + # previous_selection = st.session_state["project_dct"]["saved_model_results"].get( + # "model_grid_sel", [1] + # ) + gd_table = metrics_table.iloc[:, :-2] + gd_table['selected']=list([False]*(len(gd_table))) # sprint8 - by default always select 1st row + target_column = gd_table.at[0, "Model"] # sprint8 + if "selected_row_index_gd_table" not in st.session_state: + st.session_state["selected_row_index_gd_table"] = None + + # if 'gd_table' not in st.session_state: # sprint8 - commented out, wasn't updating otherwise + st.session_state['gd_table']=gd_table + + def selection_change(): + edited_rows: dict = st.session_state.project_selection["edited_rows"] + st.session_state["selected_row_index_gd_table"] = next(iter(edited_rows)) + st.session_state["gd_table"] =st.session_state['gd_table'].assign(selected=False) + + update_dict = {idx: values for idx, values in edited_rows.items()} + + st.session_state["gd_table"].update( + pd.DataFrame.from_dict(update_dict, orient="index") + ) + + + with st.container(): + table = st.data_editor( + st.session_state["gd_table"], + hide_index=True, + on_change=selection_change, + key="project_selection", + use_container_width=True, + ) + + + + # gd = GridOptionsBuilder.from_dataframe(gd_table) + # # gd.configure_pagination(enabled=True) + # gd.configure_selection( + # use_checkbox=True, + # selection_mode="single", + # pre_select_all_rows=False, + # pre_selected_rows=previous_selection, + # ) + + # gridoptions = gd.build() + # table = AgGrid( + # gd_table, + # gridOptions=gridoptions, + # fit_columns_on_grid_load=True, + # height=200, + # ) + # table=metrics_table.iloc[:,:-2] + # table.insert(0, "Select", False) + # selection_table=st.data_editor(table,column_config={"Select": st.column_config.CheckboxColumn(required=True)}) + # if len(table.selected_rows) > 0: + # st.session_state["project_dct"]["saved_model_results"]["model_grid_sel"] = ( + # table.selected_rows[0]["_selectedRowNodeInfo"]["nodeRowIndex"] + # ) + if st.session_state["selected_row_index_gd_table"] is not None: + # st.warning( + # "Click on the checkbox to view comprehensive results of the selected model." + # ) + # st.stop() + # else: + target_column= st.session_state["gd_table"].at[ + st.session_state["selected_row_index_gd_table"], "Model" + ] + #target_column = table.selected_rows[0]["Model"] + feature_set = feature_set_dct[target_column] + + + model = metrics_table[metrics_table["Model"] == target_column]["Model_object"].iloc[ + 0 + ] + target = metrics_table[metrics_table["Model"] == target_column]["Model"].iloc[0] + st.header("Model Summary") + st.write(model.summary()) + + sel_dict = tuned_model_dict[ + [k for k in tuned_model_dict.keys() if k.split("__")[1] == target][0] + ] + + feature_set=sel_dict['feature_set'] + X_train = sel_dict["X_train_tuned"] + y_train = X_train[target] + + if is_panel: + random_effects = get_random_effects(media_data, panel_col, model) + pred = mdf_predict(X_train, model, random_effects)["pred"] + else: + pred=model.predict(X_train[feature_set]) + + X_test = sel_dict["X_test_tuned"] + y_test = X_test[target] + if is_panel: + predtest = mdf_predict(X_test, model, random_effects)["pred"] + else: + predtest=model.predict(X_test[feature_set]) + + metrics_table_train, _, fig_train = plot_actual_vs_predicted( + X_train[date_col], + y_train, + pred, + model, + target_column=target_column, + flag=None, + repeat_all_years=False, + is_panel=is_panel, + ) + + metrics_table_test, _, fig_test = plot_actual_vs_predicted( + X_test[date_col], + y_test, + predtest, + model, + target_column=target_column, + flag=None, + repeat_all_years=False, + is_panel=is_panel, + ) + + 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, pred, Xtrain1) + st.plotly_chart(fig) + + with columns[1]: + st.empty() + fig = qqplot(y_train, pred) + st.plotly_chart(fig) + + with columns[0]: + fig = residual_distribution(y_train, pred) + st.pyplot(fig) + + update_db("6_AI_Model_Result.py") diff --git a/pages/7_Current_Media_Performance.py b/pages/7_Current_Media_Performance.py new file mode 100644 index 0000000000000000000000000000000000000000..858ffddff7b2a403290f46e32bf2e3acaeaa5bc7 --- /dev/null +++ b/pages/7_Current_Media_Performance.py @@ -0,0 +1,559 @@ +""" +MMO Build Sprint 3 +additions : contributions calculated using tuned Mixed LM model +pending : contributions calculations using - 1. not tuned Mixed LM model, 2. tuned OLS model, 3. not tuned OLS model + +MMO Build Sprint 4 +additions : response metrics selection +pending : contributions calculations using - 1. not tuned Mixed LM model, 2. tuned OLS model, 3. not tuned OLS model +""" + +import streamlit as st +import pandas as pd +from sklearn.preprocessing import MinMaxScaler +import pickle +import os +from utilities_with_panel import load_local_css, set_header +import yaml +from yaml import SafeLoader +import sqlite3 +from utilities import set_header, load_local_css, update_db, project_selection + +st.set_page_config(layout="wide") +load_local_css("styles.css") +set_header() + + +if "username" not in st.session_state: + st.session_state["username"] = None + +if "project_name" not in st.session_state: + st.session_state["project_name"] = None + +if "project_dct" not in st.session_state: + project_selection() + st.stop() + +if "bin_dict" not in st.session_state: + st.warning("Build and tune a model to proceed") + st.stop() + +if "username" in st.session_state and st.session_state["username"] is not None: + + st.session_state["bin_dict"]["Panel Level 1"] = st.session_state["bin_dict"].get( + "Panel Level 1", [] + ) + + conn = sqlite3.connect( + r"DB/User.db", check_same_thread=False + ) # connection with sql db + c = conn.cursor() + + if not os.path.exists( + os.path.join(st.session_state["project_path"], "tuned_model.pkl") + ): + st.error("Please save a tuned model") + st.stop() + + if ( + "session_state_saved" in st.session_state["project_dct"]["model_tuning"].keys() + and st.session_state["project_dct"]["model_tuning"]["session_state_saved"] != [] + ): + for key in [ + "used_response_metrics", + "is_tuned_model", + "media_data", + "X_test_spends", + "spends_data" + ]: + st.session_state[key] = st.session_state["project_dct"]["model_tuning"][ + "session_state_saved" + ][key] + elif ( + "session_state_saved" in st.session_state["project_dct"]["model_build"].keys() + and st.session_state["project_dct"]["model_build"]["session_state_saved"] != [] + ): + for key in [ + "used_response_metrics", + "date", + "saved_model_names", + "media_data", + "X_test_spends", + ]: + st.session_state[key] = st.session_state["project_dct"]["model_build"][ + "session_state_saved" + ][key] + else: + st.error("Please tune a model first") + st.session_state["bin_dict"] = st.session_state["project_dct"]["model_build"][ + "session_state_saved" + ]["bin_dict"] + st.session_state["media_data"].columns = [ + c.lower() for c in st.session_state["media_data"].columns + ] + + from utilities_with_panel import ( + overview_test_data_prep_panel, + overview_test_data_prep_nonpanel, + initialize_data, + create_channel_summary, + create_contribution_pie, + create_contribuion_stacked_plot, + create_channel_spends_sales_plot, + format_numbers, + channel_name_formating, + ) + + import plotly.graph_objects as go + import yaml + from yaml import SafeLoader + import time + + 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 process_train_and_test(train, test, features, panel_col, target_col): + X1 = train[features] + + ss = MinMaxScaler() + X1 = pd.DataFrame(ss.fit_transform(X1), columns=X1.columns) + + X1[panel_col] = train[panel_col] + X1[target_col] = train[target_col] + + if test is not None: + X2 = test[features] + X2 = pd.DataFrame(ss.transform(X2), columns=X2.columns) + X2[panel_col] = test[panel_col] + X2[target_col] = test[target_col] + return X1, X2 + return X1 + + def mdf_predict(X_df, mdf, random_eff_df): + X = X_df.copy() + X = pd.merge( + X, + random_eff_df[[panel_col, "random_effect"]], + on=panel_col, + how="left", + ) + X["pred_fixed_effect"] = mdf.predict(X) + + X["pred"] = X["pred_fixed_effect"] + X["random_effect"] + # X.to_csv("Test/merged_df_contri.csv", index=False) + X.drop(columns=["pred_fixed_effect", "random_effect"], inplace=True) + + return X + + with open( + os.path.join(st.session_state["project_path"], "data_import.pkl"), + "rb", + ) as f: + data = pickle.load(f) + + # Accessing the loaded objects + st.session_state["orig_media_data"] = data["final_df"] + # target='Revenue' + + # is_panel=False + # is_panel = st.session_state['is_panel'] + # set the panel column + + # is_panel = True if len(panel_col) > 0 else False + + # manoj + is_panel = False + + if is_panel: + panel_col = [ + col.lower() + .replace(".", "_") + .replace("@", "_") + .replace(" ", "_") + .replace("-", "") + .replace(":", "") + .replace("__", "_") + for col in st.session_state["bin_dict"]["Panel Level 1"] + ][0] + + date_col = "date" + + cols1 = st.columns([2, 1]) + with cols1[0]: + st.markdown(f"**Welcome {st.session_state['username']}**") + with cols1[1]: + st.markdown(f"**Current Project: {st.session_state['project_name']}**") + # Sprint4 - if used_response_metrics is not blank, then select one of the used_response_metrics, else target is revenue by default + st.title("Current Media Performance") + # 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"], + ) + sel_target_col_frmttd = sel_target_col.replace('_', ' ').replace('-', ' ') + sel_target_col_frmttd = sel_target_col_frmttd.title() + target_col = ( + sel_target_col.lower() + .replace(" ", "_") + .replace("-", "") + .replace(":", "") + .replace("__", "_") + ) + target = sel_target_col + + # Sprint4 - Look through all saved tuned models, only show saved models of the sel resp metric (target_col) + # saved_models = st.session_state['saved_model_names'] + # Sprint4 - get the model obj of the selected model + # st.write(sel_model_dict) + + # Sprint3 - Contribution + if is_panel: + # read tuned mixedLM model + # if st.session_state["tuned_model"] is not None : + if st.session_state["is_tuned_model"][target_col] == True: # Sprint4 + with open( + os.path.join(st.session_state["project_path"], "tuned_model.pkl"), + "rb", + ) as file: + model_dict = pickle.load(file) + saved_models = list(model_dict.keys()) + # st.write(saved_models) + required_saved_models = [ + m.split("__")[0] for m in saved_models if m.split("__")[1] == target_col + ] + sel_model = st.selectbox( + "Select the model to review", required_saved_models + ) + sel_model_dict = model_dict[sel_model + "__" + target_col] + + model = sel_model_dict["Model_object"] + X_train = sel_model_dict["X_train_tuned"] + X_test = sel_model_dict["X_test_tuned"] + best_feature_set = sel_model_dict["feature_set"] + + else: # if non tuned model to be used # Pending + with open( + os.path.join(st.session_state["project_path"], "best_models.pkl"), + "rb", + ) as file: + model_dict = pickle.load(file) + # st.write(model_dict) + saved_models = list(model_dict.keys()) + required_saved_models = [ + m.split("__")[0] for m in saved_models if m.split("__")[1] == target_col + ] + sel_model = st.selectbox( + "Select the model to review", required_saved_models + ) + sel_model_dict = model_dict[sel_model + "__" + target_col] + # st.write(sel_model, sel_model_dict) + model = sel_model_dict["Model_object"] + X_train = sel_model_dict["X_train"] + X_test = sel_model_dict["X_test"] + best_feature_set = sel_model_dict["feature_set"] + + # Calculate contributions + + st.session_state["orig_media_data"].columns = [ + col.lower() + .replace(".", "_") + .replace("@", "_") + .replace(" ", "_") + .replace("-", "") + .replace(":", "") + .replace("__", "_") + for col in st.session_state["orig_media_data"].columns + ] + + media_data = st.session_state["media_data"] + + # st.session_state['orig_media_data']=st.session_state["media_data"] + + # st.write(media_data) + + contri_df = pd.DataFrame() + + y = [] + y_pred = [] + + random_eff_df = get_random_effects(media_data, panel_col, model) + random_eff_df["fixed_effect"] = model.fe_params["Intercept"] + random_eff_df["panel_effect"] = ( + random_eff_df["random_effect"] + random_eff_df["fixed_effect"] + ) + # random_eff_df.to_csv("Test/random_eff_df_contri.csv", index=False) + + coef_df = pd.DataFrame(model.fe_params) + coef_df.reset_index(inplace=True) + coef_df.columns = ["feature", "coef"] + + # coef_df.reset_index().to_csv("Test/coef_df_contri1.csv",index=False) + # print(model.fe_params) + + x_train_contribution = X_train.copy() + x_test_contribution = X_test.copy() + + # preprocessing not needed since X_train is already preprocessed + # X1, X2 = process_train_and_test(x_train_contribution, x_test_contribution, best_feature_set, panel_col, target_col) + # x_train_contribution[best_feature_set] = X1[best_feature_set] + # x_test_contribution[best_feature_set] = X2[best_feature_set] + + x_train_contribution = mdf_predict(x_train_contribution, model, random_eff_df) + x_test_contribution = mdf_predict(x_test_contribution, model, random_eff_df) + + x_train_contribution = pd.merge( + x_train_contribution, + random_eff_df[[panel_col, "panel_effect"]], + on=panel_col, + how="left", + ) + x_test_contribution = pd.merge( + x_test_contribution, + random_eff_df[[panel_col, "panel_effect"]], + on=panel_col, + how="left", + ) + + for i in range(len(coef_df))[1:]: + coef = coef_df.loc[i, "coef"] + col = coef_df.loc[i, "feature"] + x_train_contribution[str(col) + "_contr"] = coef * x_train_contribution[col] + x_test_contribution[str(col) + "_contr"] = coef * x_train_contribution[col] + + x_train_contribution["sum_contributions"] = x_train_contribution.filter( + regex="contr" + ).sum(axis=1) + x_train_contribution["sum_contributions"] = ( + x_train_contribution["sum_contributions"] + + x_train_contribution["panel_effect"] + ) + + x_test_contribution["sum_contributions"] = x_test_contribution.filter( + regex="contr" + ).sum(axis=1) + x_test_contribution["sum_contributions"] = ( + x_test_contribution["sum_contributions"] + + x_test_contribution["panel_effect"] + ) + + # # # test + # x_train_contribution.to_csv( + # "Test/x_train_contribution.csv", index=False + # ) + # x_test_contribution.to_csv("Test/x_test_contribution.csv", index=False) + # # + # st.session_state['orig_media_data'].to_csv("Test/transformed_data.csv",index=False) + # st.session_state['X_test_spends'].to_csv("Test/test_spends.csv",index=False) + # # st.write(st.session_state['orig_media_data'].columns) + + # st.write(date_col,panel_col) + # st.write(x_test_contribution) + + overview_test_data_prep_panel( + x_test_contribution, + st.session_state["orig_media_data"], + st.session_state["spends_data"], + date_col, + panel_col, + target_col, + ) + + else: # NON PANEL + if st.session_state["is_tuned_model"][target_col] == True: # Sprint4 + with open( + os.path.join(st.session_state["project_path"], "tuned_model.pkl"), + "rb", + ) as file: + model_dict = pickle.load(file) + saved_models = list(model_dict.keys()) + required_saved_models = [ + m.split("__")[0] for m in saved_models if m.split("__")[1] == target_col + ] + sel_model = st.selectbox( + "Select the model to review", required_saved_models + ) + sel_model_dict = model_dict[sel_model + "__" + target_col] + + model = sel_model_dict["Model_object"] + X_train = sel_model_dict["X_train_tuned"] + X_test = sel_model_dict["X_test_tuned"] + best_feature_set = sel_model_dict["feature_set"] + + x_train_contribution = X_train.copy() + x_test_contribution = X_test.copy() + + x_train_contribution["pred"] = model.predict( + x_train_contribution[best_feature_set] + ) + x_test_contribution["pred"] = model.predict( + x_test_contribution[best_feature_set] + ) + + coef_df = pd.DataFrame(model.params) + coef_df.reset_index(inplace=True) + coef_df.columns = ["feature", "coef"] + + # st.write(coef_df) + for i in range(len(coef_df)): + coef = coef_df.loc[i, "coef"] + col = coef_df.loc[i, "feature"] + if col != "const": + x_train_contribution[str(col) + "_contr"] = ( + coef * x_train_contribution[col] + ) + x_test_contribution[str(col) + "_contr"] = ( + coef * x_test_contribution[col] + ) + else: + x_train_contribution["const"] = coef + x_test_contribution["const"] = coef + + tuning_cols = [c for c in x_train_contribution.filter(regex="contr").columns if + c in ["Week_number_contr", "Trend_contr", "sine_wave_contr", "cosine_wave_contr"]] + flag_cols = [c for c in x_train_contribution.filter(regex="contr").columns if "_flag" in c] + + # add exogenous contribution to base + all_exog_vars = st.session_state['bin_dict']['Exogenous'] + all_exog_vars = [ + var.lower().replace(".", "_").replace("@", "_").replace(" ", "_").replace("-", "").replace(":", "").replace( + "__", "_") for var in all_exog_vars] + exog_cols = [] + if len(all_exog_vars) > 0: + for col in x_train_contribution.filter(regex="contr").columns: + if len([exog_var for exog_var in all_exog_vars if exog_var in col]) > 0: + exog_cols.append(col) + + base_cols = ["const"] + flag_cols + tuning_cols + exog_cols + # st.write(base_cols) + x_train_contribution["base_contr"] = x_train_contribution[base_cols].sum(axis=1) + x_train_contribution.drop(columns=base_cols, inplace=True) + + x_test_contribution["base_contr"] = x_test_contribution[base_cols].sum(axis=1) + x_test_contribution.drop(columns=base_cols, inplace=True) + x_test_contribution.to_csv("Test/test_contr.csv", index=False) + + overall_contributions = pd.concat([x_train_contribution, x_test_contribution]).reset_index(drop=True) + overall_contributions.to_csv("Test/overall_contributions.csv", index=False) + + overview_test_data_prep_nonpanel( + overall_contributions, + st.session_state["orig_media_data"].copy(), + st.session_state["spends_data"].copy(), + date_col, + target_col, + ) + # for k, v in st.session_sta + # te.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['authentication_status'] + + # if auth_status: + # authenticator.logout('Logout', 'main') + + # is_state_initiaized = st.session_state.get('initialized',False) + # if not is_state_initiaized: + if "Panel Level 1" in st.session_state["bin_dict"].keys(): + panel_col_1=st.session_state["bin_dict"]["Panel Level 1"] + else: + panel_col_1=None + + initialize_data( + target_col, is_panel, panel_col_1 + ) + scenario = st.session_state["scenario"] + raw_df = st.session_state["raw_df"] + st.header("Overview of previous spends") + + # st.write(scenario.actual_total_spends) + # st.write(scenario.actual_total_sales) + columns = st.columns((1, 1, 3)) + + with columns[0]: + st.metric( + label="Spends", + value=format_numbers(float(scenario.actual_total_spends)), + ) + ###print(f"##################### {scenario.actual_total_sales} ##################") + with columns[1]: + st.metric( + label=sel_target_col_frmttd, + value=format_numbers( + float(scenario.actual_total_sales), include_indicator=False + ), + ) + + actual_summary_df = create_channel_summary(scenario) + actual_summary_df["Channel"] = actual_summary_df["Channel"].apply( + channel_name_formating + ) + + columns = st.columns((2, 1)) + with columns[0]: + with st.expander("Channel wise overview"): + st.markdown( + actual_summary_df.style.set_table_styles( + [ + { + "selector": "th", + "props": [("background-color", "#11B6BD")], + }, + { + "selector": "tr:nth-child(even)", + "props": [("background-color", "#11B6BD")], + }, + ] + ).to_html(), + unsafe_allow_html=True, + ) + + st.markdown("
", unsafe_allow_html=True) + ############################## + + st.plotly_chart(create_contribution_pie(scenario, sel_target_col_frmttd), use_container_width=True) + st.markdown("
", unsafe_allow_html=True) + + ################################3 + st.plotly_chart(create_contribuion_stacked_plot(scenario, sel_target_col_frmttd), use_container_width=True) + st.markdown("
", unsafe_allow_html=True) + ####################################### + + selected_channel_name = st.selectbox( + "Channel", + st.session_state["channels_list"] + ["non media"], + format_func=channel_name_formating, + ) + selected_channel = scenario.channels.get(selected_channel_name, None) + + st.plotly_chart( + create_channel_spends_sales_plot(selected_channel, sel_target_col_frmttd), + use_container_width=True, + ) + + st.markdown("
", unsafe_allow_html=True) + + if st.checkbox("Save this session", key="save"): + 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) + update_db("7_Current_Media_Performance.py") diff --git a/pages/8_Response_Curves.py b/pages/8_Response_Curves.py new file mode 100644 index 0000000000000000000000000000000000000000..3b40eaae33a8b681e751973ff9d3aa5e6e96a7a9 --- /dev/null +++ b/pages/8_Response_Curves.py @@ -0,0 +1,486 @@ +import streamlit as st + +st.set_page_config( + page_title="Response Curves", + page_icon="⚖️", + layout="wide", + initial_sidebar_state="collapsed", +) + +import os +import glob +import json +import sqlite3 +import numpy as np +import pandas as pd +import plotly.express as px +import plotly.graph_objects as go +from sklearn.metrics import r2_score +from utilities import project_selection, initialize_data, set_header, load_local_css +from utilities import ( + get_panels_names, + get_metrics_names, + name_formating, + load_json_files, + generate_rcs_data, +) + +# Styling +load_local_css("styles.css") +set_header() + +# Create project_dct +if "project_dct" not in st.session_state: + + project_selection() + st.stop() + + database_file = r"DB\User.db" + + conn = sqlite3.connect( + database_file, check_same_thread=False + ) # connection with sql db + c = conn.cursor() + +# Display project info +col_project_data = st.columns([2, 1]) +with col_project_data[0]: + st.markdown(f"**Welcome {st.session_state['username']}**") +with col_project_data[1]: + st.markdown(f"**Current Project: {st.session_state['project_name']}**") + +# Page Title +st.title("Response Curves") + + +# Function to build s curve +def s_curve(x, K, b, a, x0): + return K / (1 + b * np.exp(-a * (x - x0))) + + +# Function to update the RCS parameters in the modified JSON data +def modify_rcs_parameters(metrics_selected, panel_selected, channel_selected): + # Define unique keys for each parameter based on the selection + K_key = f"K_updated_key_{metrics_selected}_{panel_selected}_{channel_selected}" + b_key = f"b_updated_key_{metrics_selected}_{panel_selected}_{channel_selected}" + a_key = f"a_updated_key_{metrics_selected}_{panel_selected}_{channel_selected}" + x0_key = f"x0_updated_key_{metrics_selected}_{panel_selected}_{channel_selected}" + + # Retrieve the updated parameters from session state + K_updated, b_updated, a_updated, x0_updated = ( + st.session_state[K_key], + st.session_state[b_key], + st.session_state[a_key], + st.session_state[x0_key], + ) + + # Load the existing modified RCS data + modified_json_file_path = os.path.join( + st.session_state["project_path"], "rcs_data_modified.json" + ) + try: + with open(modified_json_file_path, "r") as json_file: + rcs_data_modified = json.load(json_file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + return + + # Update the RCS parameters for the selected metric and panel + rcs_data_modified[metrics_selected][panel_selected][channel_selected] = { + "K": K_updated, + "b": b_updated, + "a": a_updated, + "x0": x0_updated, + } + + # Save the updated data back to the JSON file + try: + with open(modified_json_file_path, "w") as json_file: + json.dump(rcs_data_modified, json_file, indent=4) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + return + + +# Function to reset the parameters to their default values +def reset_parameters(metrics_selected, panel_selected, channel_selected): + # Define the path to the JSON files + original_json_file_path = os.path.join( + st.session_state["project_path"], "rcs_data_original.json" + ) + try: + # Open and load original RCS data + with open(original_json_file_path, "rb") as original_json_file: + rcs_data_original = json.load(original_json_file) + original_channel_data = rcs_data_original[metrics_selected][panel_selected][ + channel_selected + ] + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + return + + # Define unique keys for each parameter based on the selection + K_key = f"K_updated_key_{metrics_selected}_{panel_selected}_{channel_selected}" + b_key = f"b_updated_key_{metrics_selected}_{panel_selected}_{channel_selected}" + a_key = f"a_updated_key_{metrics_selected}_{panel_selected}_{channel_selected}" + x0_key = f"x0_updated_key_{metrics_selected}_{panel_selected}_{channel_selected}" + + # Reset session state values to original data + del st.session_state[K_key] + del st.session_state[b_key] + del st.session_state[a_key] + del st.session_state[x0_key] + + # Reset the modified JSON file with original parameters + modified_json_file_path = os.path.join( + st.session_state["project_path"], "rcs_data_modified.json" + ) + try: + with open(modified_json_file_path, "r") as json_file: + rcs_data_modified = json.load(json_file) + except: + rcs_data_modified = {} + + # Update the parameters in the modified data to the original values + rcs_data_modified[metrics_selected][panel_selected][channel_selected] = { + "K": original_channel_data["K"], + "b": original_channel_data["b"], + "a": original_channel_data["a"], + "x0": original_channel_data["x0"], + } + + # Save the reset data back to the JSON file + try: + with open(modified_json_file_path, "w") as json_file: + json.dump(rcs_data_modified, json_file, indent=4) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + return + + +@st.cache_resource(show_spinner=False) +def updated_parm_gen(original_data, modified_data, metrics_selected, panel_selected): + # Retrieve the data for the selected metric and panel + original_data_selection = original_data[metrics_selected][panel_selected] + modified_data_selection = modified_data[metrics_selected][panel_selected] + + # Initialize an empty list to hold the data for the DataFrame + data = [] + + # Iterate through each channel in the selected metric and panel + for channel in original_data_selection: + # Extract original parameters + K_o, b_o, a_o, x0_o = ( + original_data_selection[channel]["K"], + original_data_selection[channel]["b"], + original_data_selection[channel]["a"], + original_data_selection[channel]["x0"], + ) + # Extract modified parameters + K_m, b_m, a_m, x0_m = ( + modified_data_selection[channel]["K"], + modified_data_selection[channel]["b"], + modified_data_selection[channel]["a"], + modified_data_selection[channel]["x0"], + ) + + # Check if any parameters differ + if (K_o != K_m) or (b_o != b_m) or (a_o != a_m) or (x0_o != x0_m): + # Append the data to the list only if there is a difference + data.append( + { + "Metric": name_formating(metrics_selected), + "Panel": name_formating(panel_selected), + "Channel": name_formating(channel), + "K (Original)": K_o, + "b (Original)": b_o, + "a (Original)": a_o, + "x0 (Original)": x0_o, + "K (Modified)": K_m, + "b (Modified)": b_m, + "a (Modified)": a_m, + "x0 (Modified)": x0_m, + } + ) + + # Create a DataFrame from the collected data + df = pd.DataFrame(data) + + return df + + +# Define the directory where the metrics data is located +directory = os.path.join(st.session_state["project_path"], "metrics_level_data") + +# Retrieve the list of all metric names from the specified directory +metrics_list = get_metrics_names(directory) + +# Check if there are any metrics available in the metrics list +if len(metrics_list) == 0: + # Display a warning message to the user if no metrics are found + st.warning( + "Please tune at least one model to generate response curves data.", + icon="⚠️", + ) + # Stop further execution as there is no data to process + st.stop() + +# Widget columns +metric_col, channel_col, panel_col = st.columns(3) + +# Metrics Selection +metrics_selected = metric_col.selectbox( + "Response Metrics", + sorted(metrics_list), + format_func=name_formating, + key="response_metrics_selectbox", + index=0, +) + + +# Retrieve the list of all panel names for specified Metrics +file_selected = f"metrics_level_data/data_test_overview_panel@#{metrics_selected}.xlsx" +file_selected_path = os.path.join(st.session_state["project_path"], file_selected) +panel_list = get_panels_names(file_selected_path) + +# Panel Selection +panel_selected = panel_col.selectbox( + "Panel", + sorted(panel_list), + key="panel_selected_selectbox", + index=0, +) + +# Define the path to the JSON files +original_json_file_path = os.path.join( + st.session_state["project_path"], "rcs_data_original.json" +) +modified_json_file_path = os.path.join( + st.session_state["project_path"], "rcs_data_modified.json" +) + +# Check if the RCS JSON file does not exist +if not os.path.exists(original_json_file_path) or not os.path.exists( + modified_json_file_path +): + print( + f"RCS JSON file does not exist at {original_json_file_path}. Generating new RCS data..." + ) + generate_rcs_data(original_json_file_path, modified_json_file_path) +else: + print( + f"RCS JSON file already exists at {original_json_file_path}. No need to generate new RCS data." + ) + +# Load JSON files if they exist +original_data, modified_data = load_json_files( + original_json_file_path, modified_json_file_path +) + +# Retrieve the list of all channels names for specified Metrics and Panel +chanel_list_final = list(original_data[metrics_selected][panel_selected].keys()) + +# Channel Selection +channel_selected = channel_col.selectbox( + "Channel", + sorted(chanel_list_final), + format_func=name_formating, + key="selected_channel_name_selectbox", +) + +# Extract original channel data for the selected metric, panel, and channel +original_channel_data = original_data[metrics_selected][panel_selected][ + channel_selected +] + +# Extract modified channel data for the same metric, panel, and channel +modified_channel_data = modified_data[metrics_selected][panel_selected][ + channel_selected +] + +# X and Y values for plotting +x = original_channel_data["x"] +y = original_channel_data["y"] + +# Scaling factor for X values and range for S-curve plotting +power = original_channel_data["power"] +x_plot = original_channel_data["x_plot"] + +# Original S-curve parameters +K_orig = original_channel_data["K"] +b_orig = original_channel_data["b"] +a_orig = original_channel_data["a"] +x0_orig = original_channel_data["x0"] + +# Modified S-curve parameters (user-adjusted) +K_mod = modified_channel_data["K"] +b_mod = modified_channel_data["b"] +a_mod = modified_channel_data["a"] +x0_mod = modified_channel_data["x0"] + +# Create a scatter plot for the original data points +fig = px.scatter( + x=x, + y=y, + title="Original and Modified S-Curve Plot", + labels={"x": "Spends", "y": name_formating(metrics_selected)}, +) + +# Add the modified S-curve trace +fig.add_trace( + go.Scatter( + x=x_plot, + y=s_curve( + np.array(x_plot) / 10**power, + K_mod, + b_mod, + a_mod, + x0_mod, + ), + line=dict(color="red"), + name="Modified", + ), +) + +# Add the original S-curve trace +fig.add_trace( + go.Scatter( + x=x_plot, + y=s_curve( + np.array(x_plot) / 10**power, + K_orig, + b_orig, + a_orig, + x0_orig, + ), + line=dict(color="rgba(0, 255, 0, 0.6)"), # Semi-transparent green + name="Original", + ), +) + +# Customize the layout of the plot +fig.update_layout( + title="Comparison of Original and Modified S-Curves", + xaxis_title="Input (Clicks, Impressions, etc..)", + yaxis_title=name_formating(metrics_selected), + legend_title="Curve Type", +) + +# Display s-curve +st.plotly_chart(fig, use_container_width=True) + + +# Calculate R² for the original curve +y_orig_pred = s_curve(np.array(x) / 10**power, K_orig, b_orig, a_orig, x0_orig) +r2_orig = r2_score(y, y_orig_pred) + +# Calculate R² for the modified curve +y_mod_pred = s_curve(np.array(x) / 10**power, K_mod, b_mod, a_mod, x0_mod) +r2_mod = r2_score(y, y_mod_pred) + +# Calculate the difference in R² +r2_diff = r2_mod - r2_orig + +# Display R² metrics +st.write("## R² Comparison") +r2_col = st.columns(3) + +r2_col[0].metric("R² (Original)", f"{r2_orig:.2f}") +r2_col[1].metric("R² (Modified)", f"{r2_mod:.2f}") +r2_col[2].metric("Difference in R²", f"{r2_diff:.2f}") + +# Define unique keys for each parameter based on the selection +K_key = f"K_updated_key_{metrics_selected}_{panel_selected}_{channel_selected}" +b_key = f"b_updated_key_{metrics_selected}_{panel_selected}_{channel_selected}" +a_key = f"a_updated_key_{metrics_selected}_{panel_selected}_{channel_selected}" +x0_key = f"x0_updated_key_{metrics_selected}_{panel_selected}_{channel_selected}" + +# Initialize session state keys if they do not exist +if K_key not in st.session_state: + st.session_state[K_key] = K_mod +if b_key not in st.session_state: + st.session_state[b_key] = b_mod +if a_key not in st.session_state: + st.session_state[a_key] = a_mod +if x0_key not in st.session_state: + st.session_state[x0_key] = x0_mod + +# RCS parameters input +rsc_ip_col = st.columns(4) +with rsc_ip_col[0]: + K_updated = st.number_input( + "K", + step=0.001, + min_value=0.0000, + format="%.4f", + on_change=modify_rcs_parameters, + args=(metrics_selected, panel_selected, channel_selected), + key=K_key, + ) +with rsc_ip_col[1]: + b_updated = st.number_input( + "b", + step=0.001, + min_value=0.0000, + format="%.4f", + on_change=modify_rcs_parameters, + args=(metrics_selected, panel_selected, channel_selected), + key=b_key, + ) +with rsc_ip_col[2]: + a_updated = st.number_input( + "a", + step=0.001, + min_value=0.0000, + format="%.4f", + on_change=modify_rcs_parameters, + args=(metrics_selected, panel_selected, channel_selected), + key=a_key, + ) +with rsc_ip_col[3]: + x0_updated = st.number_input( + "x0", + step=0.001, + min_value=0.0000, + format="%.4f", + on_change=modify_rcs_parameters, + args=(metrics_selected, panel_selected, channel_selected), + key=x0_key, + ) + + +# Create columns for Reset and Download buttons +reset_download_col = st.columns(2) +with reset_download_col[0]: + if st.button( + "Reset", + use_container_width=True, + ): + reset_parameters(metrics_selected, panel_selected, channel_selected) + st.rerun() + +with reset_download_col[1]: + # Provide a download button for the modified RCS data + try: + with open(modified_json_file_path, "r") as file: + st.download_button( + label="Download", + data=file, + file_name=f"{name_formating(metrics_selected)}_{name_formating(panel_selected)}_rcs_data.json", + mime="application/json", + use_container_width=True, + ) + except: + pass + +# Generate the DataFrame showing only non-matching parameters +updated_parm_df = updated_parm_gen( + original_data, modified_data, metrics_selected, panel_selected +) + +# Display the DataFrame or show an informational message if no updates +if not updated_parm_df.empty: + st.write("## Parameter Comparison for Selected Metric and Panel") + st.dataframe(updated_parm_df, hide_index=True) +else: + st.info("No parameters are updated for the selected Metric and Panel") diff --git a/pages/9_Scenario_Planner.py b/pages/9_Scenario_Planner.py new file mode 100644 index 0000000000000000000000000000000000000000..8f045167e04df0e3578d7674f7634d5387160aa2 --- /dev/null +++ b/pages/9_Scenario_Planner.py @@ -0,0 +1,2281 @@ +# Importing necessary libraries +import streamlit as st + +st.set_page_config( + page_title="Scenario Planner", + page_icon="⚖️", + layout="wide", + initial_sidebar_state="collapsed", +) + +import os +import math +import pickle +import sqlite3 +import numpy as np +from classes import numerize +import plotly.graph_objects as go +from collections import OrderedDict +from scipy.optimize import minimize +from utilities import project_selection, initialize_data, set_header, load_local_css +from utilities import ( + get_panels_names, + get_metrics_names, + name_formating, + load_json_files, + load_pickle_files, + generate_rcs_data, + generate_scenario_data, +) + +# Initialize ROI threshold +if "roi_threshold" not in st.session_state: + st.session_state.roi_threshold = 1 + +# Initialize message display holder +if "message_display" not in st.session_state: + st.session_state.message_display = {"type": "success", "message": None, "icon": ""} + + +# Function to reset modified_scenario_data +def reset_scenario(metrics_selected=None, panel_selected=None): + # Clear message_display + st.session_state.message_display = {"type": "success", "message": None, "icon": ""} + + # Use default values from session state if not provided + if metrics_selected is None: + metrics_selected = st.session_state["response_metrics_selectbox_sp"] + if panel_selected is None: + panel_selected = st.session_state["response_panel_selectbox_sp"] + + # Define the path to the pickle files + original_pickle_file_path = os.path.join( + st.session_state["project_path"], "scenario_data_original.pkl" + ) + modified_pickle_file_path = os.path.join( + st.session_state["project_path"], "scenario_data_modified.pkl" + ) + + # Reset the modified_scenario_data back to the original_scenario_data + try: + # Open and load original scenario data + with open(original_pickle_file_path, "rb") as original_pickle_file: + original_data = pickle.load(original_pickle_file) + original_scenario_data = original_data[metrics_selected][panel_selected] + + # Open and load modified scenario data + with open(modified_pickle_file_path, "rb+") as modified_pickle_file: + data = pickle.load(modified_pickle_file) + # Update the specific section with the original scenario data + data[metrics_selected][panel_selected] = original_scenario_data + # Go to the beginning of the file to overwrite it + modified_pickle_file.seek(0) + pickle.dump(data, modified_pickle_file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + return + + +# Function to build s curve +def s_curve(x, power, K, b, a, x0): + return K / (1 + b * np.exp(-a * ((x / 10**power) - x0))) + + +# Function to retrieve S-curve parameters for a given metric, panel, and channel +def get_s_curve_params( + metrics_selected, + panel_selected, + channel_selected, + original_json_data, + modified_json_data, + modified_pickle_file_path, +): + # Retrieve 'power' parameter from the original data for the specific metric, panel, and channel + power = original_json_data[metrics_selected][panel_selected][channel_selected][ + "power" + ] + + # Get the S-curve parameters from the modified data for the same metric, panel, and channel + s_curve_param = modified_json_data[metrics_selected][panel_selected][ + channel_selected + ] + + # Open the pickle file and load the data + try: + with open(modified_pickle_file_path, "rb") as file: + data = pickle.load(file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + # Update modified S-curve parameters + data[metrics_selected][panel_selected]["channels"][channel_selected][ + "response_curve_params" + ] = s_curve_param + + # Update the 'power' parameter in the modified S-curve parameters with the original 'power' value + s_curve_param["power"] = power + + # Return the updated S-curve parameters + return s_curve_param + + +# Function to calculate total contribution +def get_total_contribution( + spends, channels, s_curve_params, channels_proportion, modified_scenario_data +): + total_contribution = 0 + for i in range(len(channels)): + channel_name = channels[i] + channel_s_curve_params = s_curve_params[channel_name] + spend_proportion = spends[i] * channels_proportion[channel_name] + total_contribution += sum( + s_curve( + spend_proportion, + channel_s_curve_params["power"], + channel_s_curve_params["K"], + channel_s_curve_params["b"], + channel_s_curve_params["a"], + channel_s_curve_params["x0"], + ) + ) + return total_contribution + sum(modified_scenario_data["constant"]) + + +# Function to calculate total spends +def get_total_spends(spends, channels_conversion_ratio): + return np.sum(spends * np.array(list(channels_conversion_ratio.values()))) + + +# Function to optimizes spends for all channels given bounds and a total spend target +def optimizer( + optimization_goal, + s_curve_params, + channels_spends, + channels_proportion, + channels_conversion_ratio, + total_target, + bounds_dict, + modified_scenario_data, +): + # Extract channel names and corresponding actual spends + channels = list(channels_spends.keys()) + actual_spends = np.array(list(channels_spends.values())) + num_channels = len(actual_spends) + + # Define the objective function based on the optimization goal + def objective_fun(spends): + if optimization_goal == "Spends": + # Minimize negative total contribution to maximize the total contribution + return -get_total_contribution( + spends, + channels, + s_curve_params, + channels_proportion, + modified_scenario_data, + ) + else: + # Minimize total spends + return get_total_spends(spends, channels_conversion_ratio) + + def constraint_fun(spends): + if optimization_goal == "Spends": + # Ensure the total spends equals the total spend target + return get_total_spends(spends, channels_conversion_ratio) + else: + # Ensure the total contribution equals the total contribution target + return get_total_contribution( + spends, + channels, + s_curve_params, + channels_proportion, + modified_scenario_data, + ) + + # Equality constraint + constraints = { + "type": "eq", + "fun": lambda spends: constraint_fun(spends) - total_target, + } # Sum of all channel spends/metrics should equal the total spend/metrics target + + # Bounds for each channel's spend based + bounds = [ + ( + actual_spends[i] * (1 + bounds_dict[channels[i]][0] / 100), + actual_spends[i] * (1 + bounds_dict[channels[i]][1] / 100), + ) + for i in range(num_channels) + ] + + # Initial guess for the optimization + initial_guess = np.array(actual_spends) + + # Perform the optimization using 'trust-constr' method + result = minimize( + objective_fun, + initial_guess, + method="trust-constr", + constraints=constraints, + bounds=bounds, + options={ + "disp": True, # Display the optimization process + "xtol": 1e-8, # Dynamic step size tolerance + "maxiter": 10000, # Maximum number of iterations + }, + ) + + # Print the optimization result + print(result) + + # Extract the optimized spends from the result + optimized_spends_array = result.x + + # Convert optimized spends back to a dictionary with channel names + optimized_spends = { + channels[i]: optimized_spends_array[i] for i in range(num_channels) + } + + return optimized_spends, result.success + + +# Function to check if number is in valid format +def is_valid_number_format(number_str): + # Check for None + if number_str is None: + return False + + # Define the valid suffixes + valid_suffixes = {"K", "M", "B", "T"} + + # Check for negative numbers + if number_str[0] == "-": + return False + + # Check if the string ends with a digit + if number_str[-1].isdigit(): + try: + # Attempt to convert the entire string to float + number = float(number_str) + # Ensure the number is non-negative + if number >= 0: + return True + else: + return False + except ValueError: + return False + + # Check if the string ends with a valid suffix + suffix = number_str[-1].upper() + if suffix in valid_suffixes: + num_part = number_str[:-1] # Extract the numerical part + try: + # Attempt to convert the numerical part to float + number = float(num_part) + # Ensure the number part is non-negative + if number >= 0: + return True + else: + return False + except ValueError: + return False + + # If neither condition is met, return False + return False + + +# Function to converts a string with number suffixes (K, M, B, T) to a float +def convert_to_float(number_str): + # Dictionary mapping suffixes to their multipliers + multipliers = { + "K": 1e3, # Thousand + "M": 1e6, # Million + "B": 1e9, # Billion + "T": 1e12, # Trillion + } + + # If there's no suffix, directly convert to float + if number_str[-1].isdigit(): + return float(number_str) + + # Extract the suffix (last character) and the numerical part + suffix = number_str[-1].upper() + num_part = number_str[:-1] + + # Convert the numerical part to float and multiply by the corresponding multiplier + return float(num_part) * multipliers[suffix] + + +# Function to update absolute_channel_spends change +import math + + +def absolute_channel_spends_change( + channel_key, + channel_spends_actual, + channel, + metrics_selected, + panel_selected, + modified_pickle_file_path, +): + # Do not update if the number is in an invalid format + if not is_valid_number_format(st.session_state[f"{channel_key}_abs_spends_key"]): + return + + # Get updated absolute spends from session state + new_absolute_spends = convert_to_float( + st.session_state[f"{channel_key}_abs_spends_key"] + ) + + # Open the pickle file and load the data + try: + with open(modified_pickle_file_path, "rb") as file: + data = pickle.load(file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + # Total channel spends + total_channel_spends = 0 + for current_channel in list( + data[metrics_selected][panel_selected]["channels"].keys() + ): + # Channel key + channel_key = f"{metrics_selected}_{panel_selected}_{current_channel}" + + total_channel_spends += convert_to_float( + st.session_state[f"{channel_key}_abs_spends_key"] + ) + + # Check if total channel spends are within the allowed range (±50% of the original total spends) + if ( + total_channel_spends + < 1.5 * data[metrics_selected][panel_selected]["actual_total_spends"] + and total_channel_spends + > 0.5 * data[metrics_selected][panel_selected]["actual_total_spends"] + ): + # Update the modified_total_spends for the specified channel + data[metrics_selected][panel_selected]["channels"][channel][ + "modified_total_spends" + ] = new_absolute_spends / float( + data[metrics_selected][panel_selected]["channels"][channel][ + "conversion_rate" + ] + ) + + # # Update total spends + # data[metrics_selected][panel_selected][ + # "modified_total_spends" + # ] = total_channel_spends + + # Save the updated data back to the pickle file + try: + with open(modified_pickle_file_path, "wb") as file: + pickle.dump(data, file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + +# Function to update percentage_channel_spends change +def percentage_channel_spends_change( + channel_key, + channel_spends_actual, + channel, + metrics_selected, + panel_selected, + modified_pickle_file_path, +): + # Retrieve the percentage spend change from session state + percentage_channel_spends = round( + st.session_state[f"{channel_key}_per_spends_key"], 0 + ) + + # Calculate the new absolute spends + new_absolute_spends = channel_spends_actual * (1 + percentage_channel_spends / 100) + + # Open the pickle file and load the data + try: + with open(modified_pickle_file_path, "rb") as file: + data = pickle.load(file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + # Total channel spends + total_channel_spends = 0 + for current_channel in list( + data[metrics_selected][panel_selected]["channels"].keys() + ): + # Channel key + channel_key = f"{metrics_selected}_{panel_selected}_{current_channel}" + + # Current channel spends actual + current_channel_spends_actual = data[metrics_selected][panel_selected][ + "channels" + ][current_channel]["actual_total_spends"] + + # Current channel conversion rate + current_channel_conversion_rate = data[metrics_selected][panel_selected][ + "channels" + ][current_channel]["conversion_rate"] + + # Calculate the current channel absolute spends + current_channel_absolute_spends = ( + current_channel_spends_actual + * current_channel_conversion_rate + * (1 + st.session_state[f"{channel_key}_per_spends_key"] / 100) + ) + + total_channel_spends += current_channel_absolute_spends + + # Check if total channel spends are within the allowed range (±50% of the original total spends) + if ( + total_channel_spends + < 1.5 * data[metrics_selected][panel_selected]["actual_total_spends"] + and total_channel_spends + > 0.5 * data[metrics_selected][panel_selected]["actual_total_spends"] + ): + # Update the modified_total_spends for the specified channel + data[metrics_selected][panel_selected]["channels"][channel][ + "modified_total_spends" + ] = float(new_absolute_spends) / float( + data[metrics_selected][panel_selected]["channels"][channel][ + "conversion_rate" + ] + ) + + # # Update total spends + # data[metrics_selected][panel_selected][ + # "modified_total_spends" + # ] = total_channel_spends + + # Save the updated data back to the pickle file + try: + with open(modified_pickle_file_path, "wb") as file: + pickle.dump(data, file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + +# Function to update total input change +def total_input_change(modified_pickle_file_path, per_change): + # Open the pickle file and load the data + try: + with open(modified_pickle_file_path, "rb") as file: + data = pickle.load(file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + # Get the list of all channels in the specified panel and metric + channel_list = list(data[metrics_selected][panel_selected]["channels"].keys()) + + # # Calculate the total actual spends excluding constant values + # total_actual_spends = data[metrics_selected][panel_selected]["actual_total_spends"] + + # Iterate over each channel to update their modified spends + for channel in channel_list: + # Retrieve the actual spends for the channel + channel_actual_spends = data[metrics_selected][panel_selected]["channels"][ + channel + ]["actual_total_spends"] + + # Calculate the modified spends for the channel based on the percent change + modified_channel_metrics = channel_actual_spends * ((100 + per_change) / 100) + + # Update the channel's modified total spends in the data + data[metrics_selected][panel_selected]["channels"][channel][ + "modified_total_spends" + ] = modified_channel_metrics + + # Save the updated data back to the pickle file + try: + with open(modified_pickle_file_path, "wb") as file: + pickle.dump(data, file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + +# Function to update total_absolute_main_key change +def total_absolute_main_key_change( + metrics_selected, panel_selected, modified_pickle_file_path, optimization_goal +): + # Do not update if the number is in an invalid format + if not is_valid_number_format(st.session_state["total_absolute_main_key"]): + return + + # Get updated absolute from session state + new_absolute = convert_to_float(st.session_state["total_absolute_main_key"]) + + # Open the pickle file and load the data + try: + with open(modified_pickle_file_path, "rb") as file: + data = pickle.load(file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + if optimization_goal == "Spends": + # Retrieve the old absolute spends + old_absolute = data[metrics_selected][panel_selected]["actual_total_spends"] + else: + # Retrieve the old absolute metrics + old_absolute = data[metrics_selected][panel_selected]["actual_total_sales"] + + # Calculate the allowable range for new spends + lower_bound = old_absolute * 0.5 + upper_bound = old_absolute * 1.5 + + # Ensure the new spends are within ±50% of the old value + if new_absolute < lower_bound or new_absolute > upper_bound: + new_absolute = old_absolute + + if optimization_goal == "Spends": + # Update the modified_total_spends with the constrained value + data[metrics_selected][panel_selected]["modified_total_spends"] = new_absolute + else: + # Update the modified_total_sales with the constrained value + data[metrics_selected][panel_selected]["modified_total_sales"] = new_absolute + + # Save the updated data back to the pickle file + try: + with open(modified_pickle_file_path, "wb") as file: + pickle.dump(data, file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + # Update total input change + if optimization_goal == "Spends": + per_change = ((new_absolute - old_absolute) / old_absolute) * 100 + total_input_change(modified_pickle_file_path, per_change) + + +# Function to update total_absolute_key change +def total_absolute_key_change( + metrics_selected, panel_selected, modified_pickle_file_path, optimization_goal +): + # Get updated absolute from session state + new_absolute = convert_to_float(st.session_state["total_absolute_key"]) + + # Open the pickle file and load the data + try: + with open(modified_pickle_file_path, "rb") as file: + data = pickle.load(file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + if optimization_goal == "Spends": + # Update the modified_total_spends for the specified channel + data[metrics_selected][panel_selected]["modified_total_spends"] = new_absolute + old_absolute = data[metrics_selected][panel_selected]["actual_total_spends"] + else: + # Update the modified_total_sales for the specified channel + data[metrics_selected][panel_selected]["modified_total_sales"] = new_absolute + old_absolute = data[metrics_selected][panel_selected]["actual_total_sales"] + + # Save the updated data back to the pickle file + try: + with open(modified_pickle_file_path, "wb") as file: + pickle.dump(data, file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + # Update total input change + if optimization_goal == "Spends": + per_change = ((new_absolute - old_absolute) / old_absolute) * 100 + total_input_change(modified_pickle_file_path, per_change) + + +# Function to update total_absolute_key change +def total_percentage_key_change( + metrics_selected, + panel_selected, + modified_pickle_file_path, + absolute_value, + optimization_goal, +): + # Get updated absolute from session state + new_absolute = absolute_value * (1 + st.session_state["total_percentage_key"] / 100) + + # Open the pickle file and load the data + try: + with open(modified_pickle_file_path, "rb") as file: + data = pickle.load(file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + if optimization_goal == "Spends": + # Update the modified_total_spends for the specified channel + data[metrics_selected][panel_selected]["modified_total_spends"] = new_absolute + old_absolute = data[metrics_selected][panel_selected]["actual_total_spends"] + else: + # Update the modified_total_sales for the specified channel + data[metrics_selected][panel_selected]["modified_total_sales"] = new_absolute + old_absolute = data[metrics_selected][panel_selected]["actual_total_sales"] + + # Save the updated data back to the pickle file + try: + with open(modified_pickle_file_path, "wb") as file: + pickle.dump(data, file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + # Update total input change + if optimization_goal == "Spends": + per_change = ((new_absolute - old_absolute) / old_absolute) * 100 + total_input_change(modified_pickle_file_path, per_change) + + +# Function to update bound change +def bound_change( + metrics_selected, panel_selected, modified_pickle_file_path, channel_key, channel +): + # Get updated bounds from session state + new_lower_bound = st.session_state[f"{channel_key}_lower_key"] + new_upper_bound = st.session_state[f"{channel_key}_upper_key"] + if new_lower_bound > new_upper_bound: + new_bounds = [-10, 10] + else: + new_bounds = [new_lower_bound, new_upper_bound] + + # Open the pickle file and load the data + try: + with open(modified_pickle_file_path, "rb") as file: + data = pickle.load(file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + # Update the bounds for the specified channel + data[metrics_selected][panel_selected]["channels"][channel]["bounds"] = new_bounds + + # Save the updated data back to the pickle file + try: + with open(modified_pickle_file_path, "wb") as file: + pickle.dump(data, file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + +# Function to update freeze change +def freeze_change( + metrics_selected, + panel_selected, + modified_pickle_file_path, + channel_key, + channel, +): + if st.session_state[f"{channel_key}_allow_optimize_key"]: + # Updated bounds from session state + new_lower_bound, new_upper_bound = 0, 0 + new_bounds = [new_lower_bound, new_upper_bound] + new_freeze = True + else: + # Updated bounds from session state + new_lower_bound, new_upper_bound = -10, 10 + new_bounds = [new_lower_bound, new_upper_bound] + new_freeze = False + + # Open the pickle file and load the data + try: + with open(modified_pickle_file_path, "rb") as file: + data = pickle.load(file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + # Update the bounds for the specified channel + data[metrics_selected][panel_selected]["channels"][channel]["bounds"] = new_bounds + data[metrics_selected][panel_selected]["channels"][channel]["freeze"] = new_freeze + + # Save the updated data back to the pickle file + try: + with open(modified_pickle_file_path, "wb") as file: + pickle.dump(data, file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + +# Function to calculate y, ROI and MROI for given point +def get_point_parms( + x_val, current_s_curve_params, current_channel_proportion, current_conversion_rate +): + # Calculate y value for the given spend point + y_val = sum( + s_curve( + (x_val * current_channel_proportion), + current_s_curve_params["power"], + current_s_curve_params["K"], + current_s_curve_params["b"], + current_s_curve_params["a"], + current_s_curve_params["x0"], + ) + ) + + # Calculate MROI using a small nudge for actual spends + nudge = 1e-3 + x1 = float(x_val * current_conversion_rate) + y1 = float(y_val) + x2 = x1 + nudge + y2 = sum( + s_curve( + ((x2 / current_conversion_rate) * current_channel_proportion), + current_s_curve_params["power"], + current_s_curve_params["K"], + current_s_curve_params["b"], + current_s_curve_params["a"], + current_s_curve_params["x0"], + ) + ) + mroi_val = (float(y2) - y1) / (x2 - x1) if x2 != x1 else 0 + + # Calculate ROI + roi_val = y_val / (x_val * current_conversion_rate) + + return roi_val, mroi_val, y_val + + +# Function to find segment value +def find_segment_value(x, roi, mroi, roi_threshold=1, mroi_threshold=0.05): + # Initialize the start and end values of the x array + start_value = x[0] + end_value = x[-1] + + # Define the condition for the "green region" where both ROI and MROI exceed their respective thresholds + green_condition = (roi > roi_threshold) & (mroi > mroi_threshold) + + # Find indices where ROI exceeds the ROI threshold + left_indices = np.where(roi > roi_threshold)[0] + + # Find indices where both ROI and MROI exceed their thresholds (green condition) + right_indices = np.where(green_condition)[0] + + # Determine the left value based on the first index where ROI exceeds the threshold + left_value = x[left_indices[0]] if left_indices.size > 0 else x[0] + + # Determine the right value based on the last index where both ROI and MROI exceed their thresholds + right_value = x[right_indices[-1]] if right_indices.size > 0 else x[0] + + # Ensure the left value does not exceed the right value, adjust if necessary + if left_value > right_value: + left_value = right_value + + return start_value, end_value, left_value, right_value + + +# Function to generate response curve plots +@st.cache_data(show_spinner=False) +def generate_response_curve_plots( + channel_list, s_curve_params, channels_proportion, original_scenario_data +): + figures, channel_roi_mroi, region_start_end = [], {}, {} + + for channel in channel_list: + spends_actual = original_scenario_data["channels"][channel][ + "actual_total_spends" + ] + conversion_rate = original_scenario_data["channels"][channel]["conversion_rate"] + + x_actual = np.linspace(0, 5 * spends_actual, 100) + x_plot = x_actual * conversion_rate + + # Calculate y values for the S-curve + y_plot = [ + sum( + s_curve( + (x * channels_proportion[channel]), + s_curve_params[channel]["power"], + s_curve_params[channel]["K"], + s_curve_params[channel]["b"], + s_curve_params[channel]["a"], + s_curve_params[channel]["x0"], + ) + ) + for x in x_actual + ] + + # Calculate ROI and ensure they are scalar values + roi = [float(y) / float(x) if x != 0 else 0 for x, y in zip(x_plot, y_plot)] + + # Calculate MROI using a small nudge + nudge = 1e-3 + mroi = [] + for i in range(len(x_plot)): + x1 = float(x_plot[i]) + y1 = float(y_plot[i]) + x2 = x1 + nudge + y2 = sum( + s_curve( + ((x2 / conversion_rate) * channels_proportion[channel]), + s_curve_params[channel]["power"], + s_curve_params[channel]["K"], + s_curve_params[channel]["b"], + s_curve_params[channel]["a"], + s_curve_params[channel]["x0"], + ) + ) + mroi_value = (float(y2) - y1) / (x2 - x1) if x2 != x1 else 0 + mroi.append(mroi_value) + + # Calculate y, ROI and MROI for the actual spend point + roi_actual, mroi_actual, y_actual = get_point_parms( + spends_actual, + s_curve_params[channel], + channels_proportion[channel], + conversion_rate, + ) + + # Create the plotly figure + fig = go.Figure() + + # Add S-curve line + fig.add_trace( + go.Scatter( + x=x_plot, + y=y_plot, + mode="lines", + name="Metrics", + hoverinfo="text", + text=[ + f"Spends: {numerize(x)}
{metrics_selected_formatted}: {numerize(y)}
ROI: {r:.2f}
MROI: {m:.2f}" + for x, y, r, m in zip(x_plot, y_plot, roi, mroi) + ], + ) + ) + + # Add current spend point + fig.add_trace( + go.Scatter( + x=[spends_actual * conversion_rate], + y=[y_actual], + mode="markers", + marker=dict(color="cyan", size=10, symbol="circle"), + name="Actual Spend", + hoverinfo="text", + text=[ + f"Actual Spend: {numerize(spends_actual * conversion_rate)}
{metrics_selected_formatted}: {numerize(y_actual)}
ROI: {roi_actual:.2f}
MROI: {mroi_actual:.2f}" + ], + showlegend=True, + ) + ) + + # ROI Threshold + roi_threshold = st.session_state.roi_threshold + + # Scale x and y values + x, y = np.array(x_plot), np.array(y_plot) + x_scaled, y_scaled = x / max(x), y / max(y) + + # Calculate MROI scaled starting from the first point + mroi_scaled = np.zeros_like(x_scaled) + for j in range(1, len(x_scaled)): + x1, y1 = x_scaled[j - 1], y_scaled[j - 1] + x2, y2 = x_scaled[j], y_scaled[j] + mroi_scaled[j] = (y2 - y1) / (x2 - x1) if (x2 - x1) != 0 else 0 + + # Get the start_value, end_value, left_value, right_value for segments + start_value, end_value, left_value, right_value = find_segment_value( + x_plot, np.array(roi), mroi_scaled, roi_threshold, 0.05 + ) + + # Store region start and end points + region_start_end[channel] = { + "start_value": start_value, + "end_value": end_value, + "left_value": left_value, + "right_value": right_value, + } + + # Adding background colors + y_max = max(y_plot) * 1.3 # 30% extra space above the max + + # Yellow region + fig.add_shape( + type="rect", + x0=start_value, + y0=0, + x1=left_value, + y1=y_max, + line=dict(width=0), + fillcolor="rgba(255, 255, 0, 0.3)", + layer="below", + ) + + # Green region + fig.add_shape( + type="rect", + x0=left_value, + y0=0, + x1=right_value, + y1=y_max, + line=dict(width=0), + fillcolor="rgba(0, 255, 0, 0.3)", + layer="below", + ) + + # Red region + fig.add_shape( + type="rect", + x0=right_value, + y0=0, + x1=end_value, + y1=y_max, + line=dict(width=0), + fillcolor="rgba(255, 0, 0, 0.3)", + layer="below", + ) + + # Layout adjustments + fig.update_layout( + title=f"{name_formating(channel)}", + showlegend=False, + xaxis=dict( + showgrid=True, + showticklabels=True, + tickformat=".2s", + gridcolor="lightgrey", + gridwidth=0.5, + griddash="dot", + ), + yaxis=dict( + showgrid=True, + showticklabels=True, + tickformat=".2s", + gridcolor="lightgrey", + gridwidth=0.5, + griddash="dot", + ), + template="plotly_white", + margin=dict(l=20, r=20, t=30, b=20), + height=100 * math.ceil(len(channel_list) / 4), + ) + + figures.append(fig) + + # Store data of each channel ROI and MROI + channel_roi_mroi[channel] = { + "actual_roi": roi_actual, + "actual_mroi": mroi_actual, + } + + return figures, channel_roi_mroi, region_start_end + + +# Function to add modified spends/metrics point on plot +def modified_metrics_point( + fig, modified_spends, s_curve_params, channels_proportion, conversion_rate +): + # Calculate ROI, MROI, and y for the modified point + roi_modified, mroi_modified, y_modified = get_point_parms( + modified_spends, s_curve_params, channels_proportion, conversion_rate + ) + + # Add modified spend point + fig.add_trace( + go.Scatter( + x=[modified_spends * conversion_rate], + y=[y_modified], + mode="markers", + marker=dict(color="blueviolet", size=10, symbol="circle"), + name="Optimized Spend", + hoverinfo="text", + text=[ + f"Modified Spend: {numerize(modified_spends * conversion_rate)}
{metrics_selected_formatted}: {numerize(y_modified)}
ROI: {roi_modified:.2f}
MROI: {mroi_modified:.2f}" + ], + showlegend=True, + ) + ) + + return roi_modified, mroi_modified, fig + + +# Function to update bound type change +def bound_type_change(modified_pickle_file_path): + # Get updated bound type from session state + new_bound_type = st.session_state["bound_type_key"] + + # Open the pickle file and load the data + try: + with open(modified_pickle_file_path, "rb") as file: + data = pickle.load(file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + # Update the bound type + data[metrics_selected][panel_selected]["bound_type"] = new_bound_type + + # Set bounds to default value if bound type is False (Default) + channel_list = list(data[metrics_selected][panel_selected]["channels"].keys()) + if not new_bound_type: + for channel in channel_list: + data[metrics_selected][panel_selected]["channels"][channel]["bounds"] = [ + -10, + 10, + ] + + # Save the updated data back to the pickle file + try: + with open(modified_pickle_file_path, "wb") as file: + pickle.dump(data, file) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + +# Function to format the numbers with decimal +def format_value(value): + return f"{value:.4f}" if value < 1 else f"{numerize(value, 1)}" + + +# Function to format the numbers with decimal +def round_value(value): + return round(value, 1) if value > 1 else round(value, 3) + + +# Function to generate ROI and MROI plots for all channels +@st.cache_data(show_spinner=False) +def roi_mori_plot(channel_roi_mroi): + # Dictionary to store plots + channel_roi_mroi_plot = {} + for channel in channel_roi_mroi: + channel_roi_mroi_data = channel_roi_mroi[channel] + # Extract the data + actual_roi = channel_roi_mroi_data["actual_roi"] + optimized_roi = channel_roi_mroi_data["optimized_roi"] + actual_mroi = channel_roi_mroi_data["actual_mroi"] + optimized_mroi = channel_roi_mroi_data["optimized_mroi"] + + # Plot ROI + fig_roi = go.Figure() + fig_roi.add_trace( + go.Bar( + x=["Actual ROI"], + y=[actual_roi], + name="Actual ROI", + marker_color="cyan", + width=1, + text=[format_value(actual_roi)], + textposition="auto", + textfont=dict(color="black", size=14), + ) + ) + fig_roi.add_trace( + go.Bar( + x=["Optimized ROI"], + y=[optimized_roi], + name="Optimized ROI", + marker_color="blueviolet", + width=1, + text=[format_value(optimized_roi)], + textposition="auto", + textfont=dict(color="black", size=14), + ) + ) + + fig_roi.update_layout( + annotations=[ + dict( + x=0.5, + y=1.3, + xref="paper", + yref="paper", + text="ROI", + showarrow=False, + font=dict(size=14), + ) + ], + barmode="group", + bargap=0, + showlegend=False, + width=110, + height=110, + xaxis=dict( + showticklabels=True, + showgrid=False, + tickangle=0, + ticktext=["Actual", "Optimized"], + tickvals=["Actual ROI", "Optimized ROI"], + ), + yaxis=dict(showticklabels=False, showgrid=False), + margin=dict(t=20, b=20, r=0, l=0), + ) + + # Plot MROI + fig_mroi = go.Figure() + fig_mroi.add_trace( + go.Bar( + x=["Actual MROI"], + y=[actual_mroi], + name="Actual MROI", + marker_color="cyan", + width=1, + text=[format_value(actual_mroi)], + textposition="auto", + textfont=dict(color="black", size=14), + ) + ) + fig_mroi.add_trace( + go.Bar( + x=["Optimized MROI"], + y=[optimized_mroi], + name="Optimized MROI", + marker_color="blueviolet", + width=1, + text=[format_value(optimized_mroi)], + textposition="auto", + textfont=dict(color="black", size=14), + ) + ) + + fig_mroi.update_layout( + annotations=[ + dict( + x=0.5, + y=1.3, + xref="paper", + yref="paper", + text="MROI", + showarrow=False, + font=dict(size=14), + ) + ], + barmode="group", + bargap=0, + showlegend=False, + width=110, + height=110, + xaxis=dict( + showticklabels=True, + showgrid=False, + tickangle=0, + ticktext=["Actual", "Optimized"], + tickvals=["Actual MROI", "Optimized MROI"], + ), + yaxis=dict(showticklabels=False, showgrid=False), + margin=dict(t=20, b=20, r=0, l=0), + ) + + # Store plots + channel_roi_mroi_plot[channel] = {"fig_roi": fig_roi, "fig_mroi": fig_mroi} + + return channel_roi_mroi_plot + + +# Function to save the current scenario with the mentioned name +def save_scenario( + scenario_dict, metrics_selected, panel_selected, optimization_goal, channel_roi_mroi +): + if ( + st.session_state["scenario_name"] is None + or st.session_state["scenario_name"] == "" + ): + # Store the message details in session state + st.session_state.message_display = { + "type": "warning", + "message": "Please provide a name to save the scenario.", + "icon": "⚠️", + } + return + + # Check if the dictionary is empty + if not scenario_dict: + # Store the message details in session state + st.session_state.message_display = { + "type": "warning", + "message": "Nothing to save. The scenario data is empty.", + "icon": "⚠️", + } + return + + # Add additional scenario details + scenario_dict["panel_selected"] = panel_selected + scenario_dict["metrics_selected"] = metrics_selected + scenario_dict["optimization"] = optimization_goal + scenario_dict["channel_roi_mroi"] = channel_roi_mroi + + # Path to the saved scenarios file + saved_scenarios_dict_path = os.path.join( + st.session_state["project_path"], "saved_scenarios.pkl" + ) + + # Load existing scenarios if the file exists + try: + if os.path.exists(saved_scenarios_dict_path): + with open(saved_scenarios_dict_path, "rb") as f: + saved_scenarios_dict = pickle.load(f) + else: + saved_scenarios_dict = OrderedDict() + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + # Update the dictionary with the new scenario + saved_scenarios_dict[st.session_state["scenario_name"]] = scenario_dict + + # Save the updated dictionary back to the file + try: + with open(saved_scenarios_dict_path, "wb") as f: + pickle.dump(saved_scenarios_dict, f) + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + reset_scenario() + return + + # Store the message details in session state + st.session_state.message_display = { + "type": "success", + "message": f"Scenario '{st.session_state.scenario_name}' has been successfully saved!", + "icon": "💾", + } + + # Clear the scenario name input + st.session_state["scenario_name"] = "" + + +# Function to calculate the RGBA color code based on the spends value and region boundaries +def calculate_rgba(spends_value, region_start_end): + # Get region start and end points + start_value = region_start_end["start_value"] + end_value = region_start_end["end_value"] + left_value = region_start_end["left_value"] + right_value = region_start_end["right_value"] + + # Calculate alpha dynamically based on the position within the range + def calculate_alpha(position, start, end, min_alpha=0.1, max_alpha=0.4): + return min_alpha + (max_alpha - min_alpha) * (position - start) / (end - start) + + if start_value <= spends_value <= left_value: + # Yellow range (0, 128, 0) - More transparent towards left, darker towards start + alpha = calculate_alpha(spends_value, left_value, start_value) + return (255, 255, 0, alpha) # RGB for yellow + elif left_value < spends_value <= right_value: + # Green range (0, 128, 0) - More transparent towards right, darker towards left + alpha = calculate_alpha(spends_value, right_value, left_value) + return (0, 128, 0, alpha) # RGB for green + elif right_value < spends_value <= end_value: + # Red range (255, 0, 0) - More transparent towards right, darker towards end + alpha = calculate_alpha(spends_value, right_value, end_value) + return (255, 0, 0, alpha) # RGB for red + + +# Function to format and display the channel name with a color and background color +def display_channel_name_with_background_color( + channel_name, background_color=(0, 128, 0, 0.1) +): + formatted_name = name_formating(channel_name) + + # Unpack the RGBA values + r, g, b, a = background_color + + # Create the HTML content with specified background color + html_content = f""" +
+ {formatted_name} +
+ """ + + return html_content + + +# Function to check optimization success +def check_optimization_success( + channel_list, + input_channels_spends, + output_channels_spends, + bounds_dict, + optimization_goal, + modified_total_metrics, + actual_total_metrics, + modified_total_spends, + actual_total_spends, + original_total_spends, + optimization_success, +): + for channel in channel_list: + input_channel_spends = input_channels_spends[channel] + output_channel_spends = output_channels_spends[channel] + + lower_percent = bounds_dict[channel][0] + upper_percent = bounds_dict[channel][1] + + lower_allowed_value = ( + input_channel_spends * (100 + lower_percent - 1) / 100 + ) # 1% Tolerance + upper_allowed_value = ( + input_channel_spends * (100 + upper_percent + 1) / 100 + ) # 1% Tolerance + + # Check if output spends are within allowed bounds + if ( + output_channel_spends > upper_allowed_value + or output_channel_spends < lower_allowed_value + ): + error_message = "Optimization failed: strict bounds. Use flexible bounds." + return False, error_message, "❌" + + # Check optimization goal and percent change + if optimization_goal == "Spends": + percent_change_happened = abs( + (modified_total_spends - actual_total_spends) / actual_total_spends + ) + if percent_change_happened > 0.01: # Greater than 1% Tolerance + error_message = "Optimization failed: input and optimized spends differ. Use flexible bounds." + return False, error_message, "❌" + else: + percent_change_happened = abs( + (modified_total_metrics - actual_total_metrics) / actual_total_metrics + ) + if percent_change_happened > 0.01: # Greater than 1% Tolerance + error_message = "Optimization failed: input and optimized metrics differ. Use flexible bounds." + return False, error_message, "❌" + + # Define the allowable range for new spends + lower_limit = original_total_spends * 0.5 + upper_limit = original_total_spends * 1.5 + + # Check if the new spends are within the allowed range + if modified_total_spends < lower_limit or modified_total_spends > upper_limit: + error_message = "New spends optimized are outside the allowed range of ±50%." + return False, error_message, "❌" + + # Check if the optimization failed to converge + if not optimization_success: + error_message = "Optimization failed to converge." + return False, error_message, "❌" + + return True, "Optimization successful.", "💸" + + +# Function to display a message with the appropriate type and icon +def display_message(): + # Retrieve the message details from the session state + message_type = st.session_state.message_display["type"] + message = st.session_state.message_display["message"] + icon = st.session_state.message_display["icon"] + + # Display the message if it exists + if message is not None: + if message_type == "success": + st.success(message, icon=icon) + elif message_type == "warning": + st.warning(message, icon=icon) + elif message_type == "error": + st.error(message, icon=icon) + else: + st.info(message, icon=icon) + + +# Styling +load_local_css("styles.css") +set_header() + +# Create project_dct +if "project_dct" not in st.session_state: + + project_selection() + st.stop() + + database_file = r"DB\User.db" + + conn = sqlite3.connect( + database_file, check_same_thread=False + ) # connection with sql db + c = conn.cursor() + +# Display project info +col_project_data = st.columns([2, 1]) +with col_project_data[0]: + st.markdown(f"**Welcome {st.session_state['username']}**") +with col_project_data[1]: + st.markdown(f"**Current Project: {st.session_state['project_name']}**") + +# Page Title +st.title("Scenario Planner") + +# Define the directory where the metrics data is located +directory = os.path.join(st.session_state["project_path"], "metrics_level_data") + +# Retrieve the list of all metric names from the specified directory +metrics_list = get_metrics_names(directory) + +# Check if there are any metrics available in the metrics list +if len(metrics_list) == 0: + # Display a warning message to the user if no metrics are found + st.warning( + "Please tune at least one model to generate response curves data.", + icon="⚠️", + ) + # Stop further execution as there is no data to process + st.stop() + +# Widget columns +metric_col, panel_col = st.columns(2) + +# Metrics Selection +metrics_selected = metric_col.selectbox( + "Response Metrics", + sorted(metrics_list), + format_func=name_formating, + key="response_metrics_selectbox_sp", + index=0, +) +metrics_selected_formatted = name_formating(metrics_selected) + +# Retrieve the list of all panel names for specified Metrics +file_selected = f"metrics_level_data/data_test_overview_panel@#{metrics_selected}.xlsx" +file_selected_path = os.path.join(st.session_state["project_path"], file_selected) +panel_list = get_panels_names(file_selected_path) + +# Panel Selection +panel_selected = panel_col.selectbox( + "Panel", + sorted(panel_list), + key="panel_selected_selectbox_sp", + index=0, +) +panel_selected_formatted = name_formating(panel_selected) + +# Define the path to the JSON files +original_json_file_path = os.path.join( + st.session_state["project_path"], "rcs_data_original.json" +) +modified_json_file_path = os.path.join( + st.session_state["project_path"], "rcs_data_modified.json" +) + +# Check if the RCS JSON file does not exist +if not os.path.exists(original_json_file_path) or not os.path.exists( + modified_json_file_path +): + print( + f"RCS JSON file does not exist at {original_json_file_path}. Generating new RCS data..." + ) + generate_rcs_data(original_json_file_path, modified_json_file_path) +else: + print( + f"RCS JSON file already exists at {original_json_file_path}. No need to generate new RCS data." + ) + +# Load JSON files if they exist +original_json_data, modified_json_data = load_json_files( + original_json_file_path, modified_json_file_path +) + +# Define the path to the pickle files +original_pickle_file_path = os.path.join( + st.session_state["project_path"], "scenario_data_original.pkl" +) +modified_pickle_file_path = os.path.join( + st.session_state["project_path"], "scenario_data_modified.pkl" +) + +# Check if the scenario pickle file does not exist +if not os.path.exists(original_pickle_file_path) or not os.path.exists( + modified_pickle_file_path +): + print( + f"Scenario file does not exist at {original_pickle_file_path}. Generating new senario file data..." + ) + generate_scenario_data(original_pickle_file_path, modified_pickle_file_path) +else: + print( + f"Scenario file already exists at {original_pickle_file_path}. No need to generate new senario file data." + ) + +# Load pickle files if they exist +original_data, modified_data = load_pickle_files( + original_pickle_file_path, modified_pickle_file_path +) + +# Extract original scenario data for the selected metric and panel +original_scenario_data = original_data[metrics_selected][panel_selected] + +# Extract modified scenario data for the same metric and panel +modified_scenario_data = modified_data[metrics_selected][panel_selected] + +# Display Actual Vs Optimized +st.divider() +( + actual_spends_col, + actual_metrics_col, + actual_CPA_col, + optimized_spends_col, + optimized_metrics_col, + optimized_CPA_col, +) = st.columns(6) + +# Extracting and formatting values +actual_spends = numerize(original_scenario_data["actual_total_spends"]) +actual_metric_value = numerize(original_scenario_data["actual_total_sales"]) +optimized_spends = numerize(modified_scenario_data["modified_total_spends"]) +optimized_metric_value = numerize(modified_scenario_data["modified_total_sales"]) + +# Calculate the deltas (differences) +spends_delta = numerize( + modified_scenario_data["modified_total_spends"] + - original_scenario_data["actual_total_spends"] +) +metrics_delta = numerize( + modified_scenario_data["modified_total_sales"] + - original_scenario_data["actual_total_sales"] +) + +# Display current and optimized CPA +actual_CPA = ( + original_scenario_data["actual_total_spends"] + / original_scenario_data["actual_total_sales"] +) +optimized_CPA = ( + modified_scenario_data["modified_total_spends"] + / modified_scenario_data["modified_total_sales"] +) +CPA_delta = round_value(optimized_CPA - actual_CPA) + +actual_CPA_col.metric("Actual CPA", round_value(actual_CPA)) +optimized_spends_col.metric("Optimized Spends", optimized_spends, delta=spends_delta) +optimized_metrics_col.metric( + f"Optimized {metrics_selected_formatted}", + optimized_metric_value, + delta=metrics_delta, +) +optimized_CPA_col.metric( + "Optimized CPA", + round_value(optimized_CPA), + delta=CPA_delta, + delta_color="inverse", +) + +# Displaying metrics in the columns +actual_spends_col.metric("Actual Spends", actual_spends) +actual_metrics_col.metric(f"Actual {metrics_selected_formatted}", actual_metric_value) +st.divider() + +# Calculate ROI threshold +st.session_state.roi_threshold = ( + original_scenario_data["actual_total_sales"] + / original_scenario_data["actual_total_spends"] +) + +# Retrieve the list of all channels names for specified Metrics and Panel +channel_list = list(original_scenario_data["channels"].keys()) + +# Create columns for optimization goal and buttons +optimization_goal_col, message_display_col, button_col = st.columns([3, 6, 6]) + +# Create columns for absolute text, slider, percentage number and bound type +absolute_text_col, absolute_slider_col, percentage_number_col, bound_type_col = ( + st.columns([2, 4, 2, 2]) +) + +# Dropdown for selecting optimization goal +optimization_goal = optimization_goal_col.selectbox( + "Fix", ["Spends", metrics_selected_formatted] +) + +# Button columns with padding for alignment +with button_col: + st.write("##") # Padding + optimize_button_col, reset_button_col = st.columns(2) + reset_button_col.button( + "Reset", + use_container_width=True, + on_click=reset_scenario, + args=(metrics_selected, panel_selected), + ) + + +# Absolute value display +if optimization_goal == "Spends": + absolute_value = modified_scenario_data["actual_total_spends"] + st.session_state.total_absolute_main_key = numerize( + modified_scenario_data["modified_total_spends"] + ) +else: + absolute_value = modified_scenario_data["actual_total_sales"] + st.session_state.total_absolute_main_key = numerize( + modified_scenario_data["modified_total_sales"] + ) + +total_absolute = absolute_text_col.text_input( + "Absolute", + key="total_absolute_main_key", + on_change=total_absolute_main_key_change, + args=( + metrics_selected, + panel_selected, + modified_pickle_file_path, + optimization_goal, + ), +) + +# Generate and process slider options +slider_options = list( + np.linspace(int(0.5 * absolute_value), int(1.5 * absolute_value), 50) +) # Generate range +slider_options.append( + modified_scenario_data["modified_total_spends"] + if optimization_goal == "Spends" + else modified_scenario_data["modified_total_sales"] +) +slider_options = sorted(slider_options) # Sort the list +numerized_slider_options = [ + numerize(value) for value in slider_options +] # Numerize each value + + +# Slider for adjusting absolute value within a range +st.session_state.total_absolute_key = numerize( + modified_scenario_data["modified_total_spends"] + if optimization_goal == "Spends" + else modified_scenario_data["modified_total_sales"] +) +slider_value = absolute_slider_col.select_slider( + "Absolute", + numerized_slider_options, + key="total_absolute_key", + on_change=total_absolute_key_change, + args=( + metrics_selected, + panel_selected, + modified_pickle_file_path, + optimization_goal, + ), +) + +# Number input for percentage value +if optimization_goal == "Spends": + st.session_state.total_percentage_key = int( + round( + ( + ( + modified_scenario_data["modified_total_spends"] + - modified_scenario_data["actual_total_spends"] + ) + / modified_scenario_data["actual_total_spends"] + ) + * 100, + 0, + ) + ) +else: + st.session_state.total_percentage_key = int( + round( + ( + ( + modified_scenario_data["modified_total_sales"] + - modified_scenario_data["actual_total_sales"] + ) + / modified_scenario_data["actual_total_sales"] + ) + * 100, + 0, + ) + ) + +percentage_target = percentage_number_col.number_input( + "Percentage", + min_value=-50, + max_value=50, + key="total_percentage_key", + on_change=total_percentage_key_change, + args=( + metrics_selected, + panel_selected, + modified_pickle_file_path, + absolute_value, + optimization_goal, + ), +) + +# Toggle input for bound type +st.session_state["bound_type_key"] = modified_scenario_data["bound_type"] +with bound_type_col: + st.write("##") # Padding + bound_type = st.toggle( + "Apply Custom Bounds", + on_change=bound_type_change, + args=(modified_pickle_file_path,), + key="bound_type_key", + ) + +# Collect inputs from the user interface +total_channel_spends, optimize_allow = 0, True +bounds_dict = {} +s_curve_params = {} +channels_spends = {} +channels_proportion = {} +channels_conversion_ratio = {} +channels_name_plot_placeholder = {} + +# Optimization Inputs UI +with st.expander("Optimization Inputs", expanded=True): + for channel in channel_list: + st.divider() + + # Channel key + channel_key = f"{metrics_selected}_{panel_selected}_{channel}" + + # Create columns + if st.session_state["bound_type_key"]: + ( + name_plot_col, + input_col, + spends_col, + metrics_col, + bounds_input_col, + bounds_display_col, + allow_col, + ) = st.columns([2, 1, 1, 1, 1, 1, 1]) + else: + ( + name_plot_col, + input_col, + spends_col, + metrics_col, + bounds_display_col, + allow_col, + ) = st.columns([2, 1, 1.5, 1.5, 1, 1]) + bounds_input_col = st.empty() + + # Display channel name and ROI/MROI plot + with name_plot_col: + # Placeholder for channel name + channel_name_placeholder = st.empty() + channel_name_placeholder.markdown( + display_channel_name_with_background_color(channel), + unsafe_allow_html=True, + ) + + # Placeholder for ROI and MROI plot + channel_plot_placeholder = st.container() + + # Store placeholder for channel name and ROI/MROI plots + channels_name_plot_placeholder[channel] = { + "channel_name_placeholder": channel_name_placeholder, + "channel_plot_placeholder": channel_plot_placeholder, + } + + # Channel spends and sales + channel_spends_actual = ( + original_scenario_data["channels"][channel]["actual_total_spends"] + * original_scenario_data["channels"][channel]["conversion_rate"] + ) + channel_metrics_actual = original_scenario_data["channels"][channel][ + "modified_total_sales" + ] + + channel_spends_modified = ( + modified_scenario_data["channels"][channel]["modified_total_spends"] + * original_scenario_data["channels"][channel]["conversion_rate"] + ) + channel_metrics_modified = modified_scenario_data["channels"][channel][ + "modified_total_sales" + ] + + # Channel spends input + with input_col: + # Absolute Spends Input + st.session_state[f"{channel_key}_abs_spends_key"] = numerize( + modified_scenario_data["channels"][channel]["modified_total_spends"] + * original_scenario_data["channels"][channel]["conversion_rate"] + ) + absolute_channel_spends = st.text_input( + "Absolute Spends", + key=f"{channel_key}_abs_spends_key", + on_change=absolute_channel_spends_change, + args=( + channel_key, + channel_spends_actual, + channel, + metrics_selected, + panel_selected, + modified_pickle_file_path, + ), + ) + + # Update Percentage Spends Input + st.session_state[f"{channel_key}_per_spends_key"] = int( + round( + ( + ( + convert_to_float( + st.session_state[f"{channel_key}_abs_spends_key"] + ) + - float(channel_spends_actual) + ) + / channel_spends_actual + ) + * 100, + 0, + ) + ) + + # Percentage Spends Input + percentage_channel_spends = st.number_input( + "Percentage Spends", + min_value=-1000, + max_value=1000, + key=f"{channel_key}_per_spends_key", + on_change=percentage_channel_spends_change, + args=( + channel_key, + channel_spends_actual, + channel, + metrics_selected, + panel_selected, + modified_pickle_file_path, + ), + ) + + # Store channel spends, conversion ratio and proportion list + channels_spends[channel] = original_scenario_data["channels"][channel][ + "actual_total_spends" + ] * (1 + percentage_channel_spends / 100) + + channels_conversion_ratio[channel] = original_scenario_data["channels"][ + channel + ]["conversion_rate"] + + channels_proportion[channel] = original_scenario_data["channels"][channel][ + "spends" + ] / sum(original_scenario_data["channels"][channel]["spends"]) + + # Channel metrics display + with metrics_col: + # Absolute Metrics + st.metric( + f"Actual {name_formating(metrics_selected)}", + value=numerize(channel_metrics_actual), + ) + + # Optimized Metrics + st.metric( + f"Optimized {name_formating(metrics_selected)}", + value=numerize(channel_metrics_modified), + delta=numerize(channel_metrics_modified - channel_metrics_actual), + ) + + # Channel spends display + with spends_col: + # Absolute Spends + st.metric( + "Actual Spends", + value=numerize(channel_spends_actual), + ) + + # Optimized Spends + st.metric( + "Optimized Spends", + value=numerize(channel_spends_modified), + delta=numerize(channel_spends_modified - channel_spends_actual), + ) + + # Channel allows optimize + with allow_col: + # Allow Optimize (Freeze) + st.write("#") # Padding + st.session_state[f"{channel_key}_allow_optimize_key"] = ( + modified_scenario_data["channels"][channel]["freeze"] + ) + freeze = st.checkbox( + "Freeze", + key=f"{channel_key}_allow_optimize_key", + on_change=freeze_change, + args=( + metrics_selected, + panel_selected, + modified_pickle_file_path, + channel_key, + channel, + ), + ) + + # If channel is frozen, set bounds to keep the spend unchanged + if freeze: + lower_bound, upper_bound = 0, 0 # Freeze the spend at current level + + # Channel bounds input + if st.session_state["bound_type_key"]: + with bounds_input_col: + # Channel upper bound + st.session_state[f"{channel_key}_upper_key"] = ( + modified_scenario_data["channels"][channel]["bounds"] + )[1] + upper_bound = st.number_input( + "Upper bound (%)", + min_value=-100, + max_value=100, + key=f"{channel_key}_upper_key", + disabled=st.session_state[f"{channel_key}_allow_optimize_key"], + on_change=bound_change, + args=( + metrics_selected, + panel_selected, + modified_pickle_file_path, + channel_key, + channel, + ), + ) + + # Channel lower bound + st.session_state[f"{channel_key}_lower_key"] = ( + modified_scenario_data["channels"][channel]["bounds"] + )[0] + lower_bound = st.number_input( + "Lower bound (%)", + min_value=-100, + max_value=100, + key=f"{channel_key}_lower_key", + disabled=st.session_state[f"{channel_key}_allow_optimize_key"], + on_change=bound_change, + args=( + metrics_selected, + panel_selected, + modified_pickle_file_path, + channel_key, + channel, + ), + ) + + # Check if lower bound is greater than upper bound + if lower_bound > upper_bound: + # Store the message details in session state + st.session_state.message_display = { + "type": "warning", + "message": "Lower bound cannot be greater than Upper bound.", + "icon": "⚠️", + } + + lower_bound = -10 # Default lower bound + upper_bound = 10 # Default upper bound + + # Store bounds + bounds_dict[channel] = [lower_bound, upper_bound] + + else: + # If channel is frozen, set bounds to keep the spend unchanged + if freeze: + lower_bound, upper_bound = 0, 0 # Freeze the spend at current level + else: + lower_bound = -10 # Default lower bound + upper_bound = 10 # Default upper bound + + # Store bounds + bounds_dict[channel] = modified_scenario_data["channels"][channel]["bounds"] + + # Display the bounds for each channel's spend in the bounds_display_col + with bounds_display_col: + # Retrieve the actual spends for the channel from the original scenario data + actual_spends = ( + modified_scenario_data["channels"][channel]["modified_total_spends"] + * modified_scenario_data["channels"][channel]["conversion_rate"] + ) + + # Calculate the limit for spends + upper_limit_spends = actual_spends * (1 + upper_bound / 100) + lower_limit_spends = actual_spends * (1 + lower_bound / 100) + + # Display the upper limit spends + st.metric("Upper Bound", numerize(upper_limit_spends)) + st.metric("Lower Bound", numerize(lower_limit_spends)) + + # Store S-curve parameters + s_curve_params[channel] = get_s_curve_params( + metrics_selected, + panel_selected, + channel, + original_json_data, + modified_json_data, + modified_pickle_file_path, + ) + + # Total channel spends + total_channel_spends += convert_to_float( + st.session_state[f"{channel_key}_abs_spends_key"] + ) + + # Check if total channel spends are within the allowed range (±50% of the original total spends) + if ( + total_channel_spends > 1.5 * original_scenario_data["actual_total_spends"] + or total_channel_spends < 0.5 * original_scenario_data["actual_total_spends"] + ): + optimize_allow = False # Disable optimization if the condition is met + # Store the message details in session state + st.session_state.message_display = { + "type": "warning", + "message": "Total channel spends should stay within ±50% of the original value.", + "icon": "⚠️", + } + +# Perform the optimization +if optimize_button_col.button( + "Optimize", use_container_width=True, disabled=not optimize_allow +): + with message_display_col: + st.write("##") # Padding + with st.spinner("Optimizing..."): + # Call the optimizer function to get optimized spends + optimized_spends, optimization_success = optimizer( + optimization_goal, + s_curve_params, + channels_spends, + channels_proportion, + channels_conversion_ratio, + convert_to_float(total_absolute), + bounds_dict, + modified_scenario_data, + ) + + # Initialize dictionaries to store input and output channel spends + input_channels_spends, output_channels_spends = {}, {} + for channel in channel_list: + # Calculate input channel spends by converting spends using conversion ratio + input_channels_spends[channel] = ( + channels_spends[channel] * channels_conversion_ratio[channel] + ) + # Calculate output channel spends by converting optimized spends using conversion ratio + output_channels_spends[channel] = ( + optimized_spends[channel] * channels_conversion_ratio[channel] + ) + + # Calculate total actual and modified spends + actual_total_spends = sum(list(input_channels_spends.values())) + modified_total_spends = sum(list(output_channels_spends.values())) + + # Retrieve the actual total metrics from modified scenario data + actual_total_metrics = modified_scenario_data["modified_total_sales"] + modified_total_metrics = 0 # Initialize modified total metrics + modified_channels_metrics = {} + + # Calculate modified metrics for each channel + for channel in optimized_spends.keys(): + channel_s_curve_params = s_curve_params[channel] + spend_proportion = ( + optimized_spends[channel] * channels_proportion[channel] + ) + # Calculate the metrics using the S-curve function + modified_channels_metrics[channel] = sum( + s_curve( + spend_proportion, + channel_s_curve_params["power"], + channel_s_curve_params["K"], + channel_s_curve_params["b"], + channel_s_curve_params["a"], + channel_s_curve_params["x0"], + ) + ) + modified_total_metrics += modified_channels_metrics[ + channel + ] # Add channel metrics to total metrics + + # Add the constant term to the modified total metrics + modified_total_metrics += sum(modified_scenario_data["constant"]) + # Retrieve the original total spends from modified scenario data + original_total_spends = modified_scenario_data["actual_total_spends"] + + # Check the success of the optimization process + success, message, icon = check_optimization_success( + channel_list, + input_channels_spends, + output_channels_spends, + bounds_dict, + optimization_goal, + modified_total_metrics, + actual_total_metrics, + modified_total_spends, + actual_total_spends, + original_total_spends, + optimization_success, + ) + + # Store the message details in session state + st.session_state.message_display = { + "type": "success" if success else "error", + "message": message, + "icon": icon, + } + + # Update data only if the optimization is successful + if success: + # Update the modified spend and metrics for each channel in the scenario data + for channel in channel_list: + modified_scenario_data["channels"][channel][ + "modified_total_spends" + ] = optimized_spends[channel] + + # Update the modified metrics for each channel in the scenario data + modified_scenario_data["channels"][channel][ + "modified_total_sales" + ] = modified_channels_metrics[channel] + + # Update the total modified spends in the scenario data + modified_scenario_data["modified_total_spends"] = modified_total_spends + + # Update the total modified metrics in the scenario data + modified_scenario_data["modified_total_sales"] = modified_total_metrics + + # Save the updated modified_scenario_data back to the pickle file + try: + with open(modified_pickle_file_path, "rb+") as pickle_file: + # Load existing data to ensure we don't overwrite other data + data = pickle.load(pickle_file) + # Update the specific section with the modified scenario data + data[metrics_selected][panel_selected] = modified_scenario_data + # Go to the beginning of the file to overwrite it + pickle_file.seek(0) + pickle.dump(data, pickle_file) + + except: + st.toast( + "Failed to Load/Update. Tool reset to default settings.", + icon="⚠️", + ) + + # Rerun to update values + st.rerun() + + +########################################## Response Curve ########################################## + + +# Generate plots +figures, channel_roi_mroi, region_start_end = generate_response_curve_plots( + channel_list, s_curve_params, channels_proportion, original_scenario_data +) + +# Display Response Curve in Streamlit with 4 plots per row +st.subheader(f"Response Curve (X: Spends Vs Y: {metrics_selected_formatted})") +with st.expander("Response Curve", expanded=True): + cols = st.columns(4) # Create 4 columns for the first row + for i, fig in enumerate(figures): + col = cols[i % 4] # Rotate through the columns + with col: + # Get channel parameters + channel = channel_list[i] + modified_total_spends = modified_scenario_data["channels"][channel][ + "modified_total_spends" + ] + conversion_rate = modified_scenario_data["channels"][channel][ + "conversion_rate" + ] + + # Updated figure with modified metrics point + roi_optimized, mroi_optimized, fig_updated = modified_metrics_point( + fig, + modified_total_spends, + s_curve_params[channel], + channels_proportion[channel], + conversion_rate, + ) + + # Store data of each channel ROI and MROI + channel_roi_mroi[channel]["optimized_roi"] = roi_optimized + channel_roi_mroi[channel]["optimized_mroi"] = mroi_optimized + + st.plotly_chart(fig_updated, use_container_width=True) + + # Start a new row after every 4 plots + if (i + 1) % 4 == 0 and i + 1 < len(figures): + cols = st.columns(4) # Create new row with 4 columns + + +# Generate the plots +channel_roi_mroi_plot = roi_mori_plot(channel_roi_mroi) + +# Display the plots and name with background color +for channel in channel_list: + with channels_name_plot_placeholder[channel]["channel_plot_placeholder"]: + # Create subplots with 2 columns for ROI and MROI + roi_plot_col, mroi_plot_col = st.columns(2) + + # Display ROI and MROI plots + roi_plot_col.plotly_chart(channel_roi_mroi_plot[channel]["fig_roi"]) + mroi_plot_col.plotly_chart(channel_roi_mroi_plot[channel]["fig_mroi"]) + + # Placeholder for the channel name + channel_name_placeholder = channels_name_plot_placeholder[channel][ + "channel_name_placeholder" + ] + + # Retrieve modified total spends and conversion rate for the channel + modified_total_spends = modified_scenario_data["channels"][channel][ + "modified_total_spends" + ] + conversion_rate = modified_scenario_data["channels"][channel]["conversion_rate"] + + # Calculate the actual spend value for the channel + channel_spends_value = modified_total_spends * conversion_rate + + # Calculate the RGBA color value for the channel based on its spend + channel_rgba_value = calculate_rgba(channel_spends_value, region_start_end[channel]) + + # Display the channel name with the calculated background color + channel_name_placeholder.markdown( + display_channel_name_with_background_color(channel, channel_rgba_value), + unsafe_allow_html=True, + ) + +# Input field for the scenario name +st.text_input("Scenario Name", key="scenario_name") + +# Disable the "Save Scenario" button until a name is provided +if st.session_state["scenario_name"] is None or st.session_state["scenario_name"] == "": + save_scenario_button_disabled = True +else: + save_scenario_button_disabled = False + +# Button to save the scenario +st.button( + "Save Scenario", + on_click=save_scenario, + args=( + modified_scenario_data, + metrics_selected, + panel_selected, + optimization_goal, + channel_roi_mroi, + ), + disabled=save_scenario_button_disabled, +) + + +########################################## Display Message ########################################## + +# Display all message +with message_display_col: + st.write("###") # Padding + display_message() diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..be094b5da5ab4c090cd6f561a6ce163a59cbcdaa --- /dev/null +++ b/requirements.txt @@ -0,0 +1,94 @@ +altair == 4.2.0 +attrs == 23.1.0 +bcrypt == 4.0.1 +blinker == 1.6.2 +cachetools == 5.3.1 +certifi == 2023.7.22 +charset-normalizer == 3.2.0 +click == 8.1.7 +colorama == 0.4.6 +contourpy == 1.1.1 +cycler == 0.11.0 +dacite == 1.8.1 +entrypoints == 0.4 +et-xmlfile == 1.1.0 +extra-streamlit-components == 0.1.56 +fonttools == 4.42.1 +gitdb == 4.0.10 +GitPython == 3.1.35 +htmlmin == 0.1.12 +idna == 3.4 +ImageHash == 4.3.1 +importlib-metadata == 6.8.0 +importlib-resources == 6.1.0 +Jinja2 == 3.1.2 +joblib == 1.3.2 +jsonschema == 4.19.0 +jsonschema-specifications== 2023.7.1 +kaleido == 0.2.1 +kiwisolver == 1.4.5 +markdown-it-py == 3.0.0 +MarkupSafe == 2.1.3 +matplotlib == 3.7.0 +mdurl == 0.1.2 +networkx == 3.1 +numerize == 0.12 +numpy == 1.23.5 +openpyxl>=3.1.0 +packaging == 23.1 +pandas == 1.5.2 +pandas-profiling == 3.6.6 +patsy == 0.5.3 +phik == 0.12.3 +Pillow == 10.0.0 +pip == 23.2.1 +plotly == 5.11.0 +protobuf == 3.20.3 +pyarrow == 13.0.0 +pydantic == 1.10.13 +pydeck == 0.8.1b0 +Pygments == 2.16.1 +PyJWT == 2.8.0 +Pympler == 1.0.1 +pyparsing == 3.1.1 +python-dateutil == 2.8.2 +python-decouple == 3.8 +pytz == 2023.3.post1 +PyWavelets == 1.4.1 +PyYAML == 6.0.1 +referencing == 0.30.2 +requests == 2.31.0 +rich == 13.5.2 +rpds-py == 0.10.2 +scikit-learn == 1.1.3 +scipy == 1.9.3 +seaborn == 0.12.2 +semver == 3.0.1 +setuptools == 68.1.2 +six == 1.16.0 +smmap == 5.0.0 +statsmodels == 0.14.0 +streamlit == 1.16.0 +streamlit-aggrid == 0.3.4.post3 +streamlit-authenticator == 0.2.1 +streamlit-pandas-profiling== 0.1.3 +sweetviz == 2.2.1 +tangled-up-in-unicode == 0.2.0 +tenacity == 8.2.3 +threadpoolctl == 3.2.0 +toml == 0.10.2 +toolz == 0.12.0 +tornado == 6.3.3 +tqdm == 4.66.1 +typeguard == 2.13.3 +typing_extensions == 4.7.1 +tzdata == 2023.3 +tzlocal == 5.0.1 +urllib3 == 2.0.4 +validators == 0.22.0 +visions == 0.7.5 +watchdog == 3.0.0 +wheel == 0.41.2 +wordcloud == 1.9.2 +ydata-profiling == 4.5.1 +zipp == 3.16.2 diff --git a/requirements_mastercard.txt b/requirements_mastercard.txt new file mode 100644 index 0000000000000000000000000000000000000000..e8a747bf25d4a41a4ebb05c78e9b20bdd8f003da --- /dev/null +++ b/requirements_mastercard.txt @@ -0,0 +1,108 @@ +altair==5.2.0 +appdirs==1.4.4 +arrow==1.2.3 +astor==0.8.1 +asttokens==2.4.0 +attrs==23.1.0 +backoff==2.2.1 +bcrypt==4.1.1 +blinker==1.7.0 +cachetools==5.3.1 +certifi==2023.5.7 +charset-normalizer==3.2.0 +click==8.1.6 +comm==0.1.3 +contourpy==1.1.0 +cycler==0.11.0 +dacite==1.8.1 +decorator==5.1.1 +et-xmlfile==1.1.0 +exceptiongroup==1.1.2 +executing==2.0.0 +fonttools==4.41.0 +gitdb==4.0.10 +GitPython==3.1.37 +greenlet==2.0.2 +htmlmin==0.1.12 +idna==3.4 +ImageHash==4.3.1 +importlib-metadata==6.8.0 +importlib-resources==6.1.0 +ipython==7.34.0 +ipywidgets==7.7.5 +jedi==0.18.2 +Jinja2==3.1.2 +joblib==1.3.1 +jsonschema==4.18.4 +jsonschema-specifications==2023.7.1 +jupyterlab-widgets==1.1.4 +kiwisolver==1.4.4 +llvmlite==0.40.1 +markdown-it-py==2.2.0 +MarkupSafe==2.1.3 +matplotlib==3.7.2 +matplotlib-inline==0.1.6 +mdurl==0.1.2 +monotonic==1.6 +multimethod==1.9.1 +networkx==3.1 +numba==0.57.1 +numpy==1.23.5 +openpyxl==3.1.2 +packaging==23.1 +pandas==2.0.3 +parso==0.8.3 +patsy==0.5.3 +phik==0.12.3 +pillow==10.1.0 +plotly==5.15.0 +prompt-toolkit==2.0.10 +protobuf==4.23.4 +psutil==5.9.5 +pure-eval==0.2.2 +pyarrow==7.0.0 +pydantic==1.10.11 +pydeck==0.8.1b0 +Pygments==2.15.1 +PyJWT==2.8.0 +pyparsing==3.0.9 +python-dateutil==2.8.2 +python-dotenv==1.0.0 +pytz==2023.3 +PyWavelets==1.4.1 +PyYAML==6.0.1 +referencing==0.30.0 +requests==2.31.0 +rich==13.6.0 +rpds-py==0.9.2 +scikit-learn==1.1.3 +scipy==1.10.1 +seaborn==0.12.2 +setuptools==65.5.0 +six==1.16.0 +smmap==5.0.1 +SQLAlchemy==2.0.19 +stack-data==0.6.3 +statsmodels==0.14.0 +streamlit==1.28.2 +tangled-up-in-unicode==0.2.0 +tenacity==8.2.3 +threadpoolctl==3.2.0 +toml==0.10.2 +toolz==0.12.0 +tornado==6.3.2 +tqdm==4.65.0 +traitlets==5.9.0 +typeguard==2.13.3 +tzdata==2023.3 +tzlocal==5.2 +urllib3==1.26.16 +validators==0.22.0 +visions==0.7.5 +watchdog==3.0.0 +wcwidth==0.2.6 +wheel==0.40.0 +widgetsnbextension==3.6.4 +ydata-profiling==4.3.1 +zipp==3.17.0 + diff --git a/styles.css b/styles.css new file mode 100644 index 0000000000000000000000000000000000000000..e5b5a9728ac7f447dccaaaed2224081a6e82c8b1 --- /dev/null +++ b/styles.css @@ -0,0 +1,97 @@ +html { + margin: 0; +} + + +#MainMenu { + + visibility: collapse; +} + +footer { + visibility: collapse; +} + +div.block-container{ + padding: 2rem 3rem; +} + +div[data-testid="stExpander"]{ + border: 1px solid '#739FAE'; +} + +a[data-testid="stPageLink-NavLink"]{ + border: 1px solid rgba(0, 110, 192, 0.2); + margin: 0; + padding: 0.25rem 0.5rem; + border-radius: 0.5rem; +} + + + +hr{ + margin: 0; + padding: 0; +} + +hr.spends-heading-seperator { + background-color : #11B6BD; + height: 2px; +} + +.spends-header{ + font-size: 1rem; + font-weight: bold; + margin: 0; + +} + +td { + max-width: 100px; + /* white-space:nowrap; */ +} + +.main-header { + display: flex; + flex-direction: row; + justify-content: space-between; + align-items: center; + +} +.blend-logo { + max-height: 64px; + /* max-width: 300px; */ + object-fit: cover; +} + +table { + width: 90%; +} + +.lime-logo { + margin: 0; + padding: 0; + display: flex; + align-items: center ; + max-height: 64px; +} + +.lime-text { + color: #00EDED; + font-size: 30px; + margin: 0; + padding: 0; + line-height: 0%; +} + +.lime-img { + max-height: 30px; + /* max-height: 64px; */ + /* max-width: 300px; */ + object-fit: cover; +} + +img { + margin: 0; + padding: 0; +} \ No newline at end of file diff --git a/summary_df.pkl b/summary_df.pkl new file mode 100644 index 0000000000000000000000000000000000000000..b5081e780e9b8033e4a2cb274d1028165d7a7099 --- /dev/null +++ b/summary_df.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f65e428fa799be02eb64ed34f08d837d9a5e28947449fb674286a8d26425290e +size 1104 diff --git a/temp_stdout.txt b/temp_stdout.txt new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/utilities.py b/utilities.py new file mode 100644 index 0000000000000000000000000000000000000000..9e31908a2fb1e619d7465b3bf173e0b3d53dd65d --- /dev/null +++ b/utilities.py @@ -0,0 +1,1545 @@ +import streamlit as st +import pandas as pd +import json +from classes import Channel, Scenario +import numpy as np +from plotly.subplots import make_subplots +import plotly.graph_objects as go +from classes import class_to_dict +from collections import OrderedDict +import io +import plotly +from pathlib import Path +import pickle +import yaml +from yaml import SafeLoader +from streamlit.components.v1 import html +import smtplib +from scipy.optimize import curve_fit +from sklearn.metrics import r2_score +from classes import class_from_dict, class_convert_to_dict +import os +import base64 +import sqlite3 +import datetime +from classes import numerize + +color_palette = [ + "#F3F3F0", + "#5E7D7E", + "#2FA1FF", + "#00EDED", + "#00EAE4", + "#304550", + "#EDEBEB", + "#7FBEFD", + "#003059", + "#A2F3F3", + "#E1D6E2", + "#B6B6B6", +] + + +CURRENCY_INDICATOR = "$" + +database_file = r"DB/User.db" + +conn = sqlite3.connect(database_file, check_same_thread=False) # connection with sql db +c = conn.cursor() + + +def update_db(page_name): + + modified_time = datetime.datetime.now().strftime("%Y-%m-%d %H:%M") + + c.execute( + "Update sessions SET last_edited_page= ?, updated_time =? WHERE project_name =? AND owner =?", + ( + page_name, + modified_time, + st.session_state["project_name"], + st.session_state["username"], + ), + ) + + conn.commit() + + +# def load_authenticator(): +# with open("config.yaml") as file: +# config = yaml.load(file, Loader=SafeLoader) +# st.session_state["config"] = config +# authenticator = stauth.Authenticate( +# credentials=config["credentials"], +# cookie_name=config["cookie"]["name"], +# key=config["cookie"]["key"], +# cookie_expiry_days=config["cookie"]["expiry_days"], +# preauthorized=config["preauthorized"], +# ) +# st.session_state["authenticator"] = authenticator +# return authenticator + + +# Authentication +# 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 + +# return name + + +# def authentication(): +# with open("config.yaml") as file: +# config = yaml.load(file, Loader=SafeLoader) + +# authenticator = stauth.Authenticate( +# config["credentials"], +# config["cookie"]["name"], +# config["cookie"]["key"], +# config["cookie"]["expiry_days"], +# config["preauthorized"], +# ) + +# name, authentication_status, username = authenticator.login( +# "Login", "main" +# ) +# return authenticator, name, authentication_status, username + + +def nav_page(page_name, timeout_secs=3): + nav_script = """ + + """ % ( + page_name, + timeout_secs, + ) + html(nav_script) + + +# def load_local_css(file_name): +# with open(file_name) as f: +# st.markdown(f'', unsafe_allow_html=True) + + +# def set_header(): +# return st.markdown(f"""
+#

MMM LiME

+# +#
""", unsafe_allow_html=True) + +path = os.path.dirname(__file__) + +file_ = open(f"{path}/mastercard_logo.png", "rb") + +contents = file_.read() + +data_url = base64.b64encode(contents).decode("utf-8") + +file_.close() + + +DATA_PATH = "./data" + +IMAGES_PATH = "./data/images_224_224" + + +def load_local_css(file_name): + + with open(file_name) as f: + + st.markdown(f"", unsafe_allow_html=True) + + +# def set_header(): + +# return st.markdown(f"""
+ +#

H & M Recommendations

+ +# Logo + +#
""", unsafe_allow_html=True) +path1 = os.path.dirname(__file__) + +file_1 = open(f"{path}/willbank.png", "rb") + +contents1 = file_1.read() + +data_url1 = base64.b64encode(contents1).decode("utf-8") + +file_1.close() + + +DATA_PATH1 = "./data" + +IMAGES_PATH1 = "./data/images_224_224" + + +def set_header(): + return st.markdown( + f"""
+ +
+ +
""", + unsafe_allow_html=True, + ) + + +# def set_header(): +# logo_path = "./path/to/your/local/LIME_logo.png" # Replace with the actual file path +# text = "LiME" +# return st.markdown(f"""
+# Logo +#

{text}

+#
""", unsafe_allow_html=True) + + +def s_curve(x, K, b, a, x0): + return K / (1 + b * np.exp(-a * (x - x0))) + + +def panel_level(input_df, date_column="Date"): + # Ensure 'Date' is set as the index + if date_column not in input_df.index.names: + input_df = input_df.set_index(date_column) + + # Select numeric columns only (excluding 'Date' since it's now the index) + numeric_columns_df = input_df.select_dtypes(include="number") + + # Group by 'Date' (which is the index) and sum the numeric columns + aggregated_df = numeric_columns_df.groupby(input_df.index).sum() + + # Reset index if you want 'Date' back as a column + aggregated_df = aggregated_df.reset_index() + + return aggregated_df + + +def fetch_actual_data( + panel=None, + target_file="Overview_data_test.xlsx", + updated_rcs=None, + metrics=None, +): + excel = pd.read_excel(Path(target_file), sheet_name=None) + + # Extract dataframes for raw data, spend input, and contribution MMM + raw_df = excel["RAW DATA MMM"] + spend_df = excel["SPEND INPUT"] + contri_df = excel["CONTRIBUTION MMM"] + + # Check if the panel is not None + if panel is not None and panel != "Aggregated": + raw_df = raw_df[raw_df["Panel"] == panel].drop(columns=["Panel"]) + spend_df = spend_df[spend_df["Panel"] == panel].drop(columns=["Panel"]) + contri_df = contri_df[contri_df["Panel"] == panel].drop(columns=["Panel"]) + elif panel == "Aggregated": + raw_df = panel_level(raw_df, date_column="Date") + spend_df = panel_level(spend_df, date_column="Week") + contri_df = panel_level(contri_df, date_column="Date") + + # Revenue_df = excel['Revenue'] + + ## remove sesonalities, indices etc ... + unnamed_cols = [col for col in raw_df.columns if col.lower().startswith("unnamed")] + ## remove sesonalities, indices etc ... + + exclude_columns = [ + "Date", + "Region", + "Controls_Grammarly_Index_SeasonalAVG", + "Controls_Quillbot_Index", + "Daily_Positive_Outliers", + "External_RemoteClass_Index", + "Intervals ON 20190520-20190805 | 20200518-20200803 | 20210517-20210802", + "Intervals ON 20190826-20191209 | 20200824-20201207 | 20210823-20211206", + "Intervals ON 20201005-20201019", + "Promotion_PercentOff", + "Promotion_TimeBased", + "Seasonality_Indicator_Chirstmas", + "Seasonality_Indicator_NewYears_Days", + "Seasonality_Indicator_Thanksgiving", + "Trend 20200302 / 20200803", + ] + unnamed_cols + + raw_df["Date"] = pd.to_datetime(raw_df["Date"]) + contri_df["Date"] = pd.to_datetime(contri_df["Date"]) + input_df = raw_df.sort_values(by="Date") + output_df = contri_df.sort_values(by="Date") + spend_df["Week"] = pd.to_datetime( + spend_df["Week"], format="%Y-%m-%d", errors="coerce" + ) + spend_df.sort_values(by="Week", inplace=True) + + # spend_df['Week'] = pd.to_datetime(spend_df['Week'], errors='coerce') + # spend_df = spend_df.sort_values(by='Week') + + channel_list = [col for col in input_df.columns if col not in exclude_columns] + channel_list = list(set(channel_list) - set(["fb_level_achieved_tier_1", "ga_app"])) + + # SRISHTI + infeasible_channels = [ + c + for c in contri_df.select_dtypes(include=["float", "int"]).columns + if contri_df[c].sum() <= 0 + ] + # st.write(channel_list) + channel_list = list(set(channel_list) - set(infeasible_channels)) + + upper_limits = {} + output_cols = [] + actual_output_dic = {} + actual_input_dic = {} + + for inp_col in channel_list: + # st.write(inp_col) + spends = input_df[inp_col].values + x = spends.copy() + # upper limit for penalty + upper_limits[inp_col] = 2 * x.max() + + # contribution + # out_col = [_col for _col in output_df.columns if _col.startswith(inp_col)][0] + out_col = inp_col + y = output_df[out_col].values.copy() + actual_output_dic[inp_col] = y.copy() + actual_input_dic[inp_col] = x.copy() + ##output cols aggregation + output_cols.append(out_col) + print(actual_input_dic) + return pd.DataFrame(actual_input_dic), pd.DataFrame(actual_output_dic) + + +def initialize_data( + panel=None, + target_file="Overview_data_test.xlsx", + updated_rcs=None, + metrics=None, +): + # uopx_conv_rates = {'streaming_impressions' : 0.007,'digital_impressions' : 0.007,'search_clicks' : 0.00719,'tv_impressions' : 0.000173, + # "digital_clicks":0.005,"streaming_clicks":0.004,'streaming_spends':1,"tv_spends":1,"search_spends":1, + # "digital_spends":1} + # print('State initialized') + print(f"## [DEBUG] [UTILS]: {target_file}") + excel = pd.read_excel(Path(target_file), sheet_name=None) + + # Extract dataframes for raw data, spend input, and contribution MMM + raw_df = excel["RAW DATA MMM"] + spend_df = excel["SPEND INPUT"] + contri_df = excel["CONTRIBUTION MMM"] + + # Check if the panel is not None + if panel is not None and panel != "Aggregated": + raw_df = raw_df[raw_df["Panel"] == panel].drop(columns=["Panel"]) + spend_df = spend_df[spend_df["Panel"] == panel].drop(columns=["Panel"]) + contri_df = contri_df[contri_df["Panel"] == panel].drop(columns=["Panel"]) + elif panel == "Aggregated": + raw_df = panel_level(raw_df, date_column="Date") + spend_df = panel_level(spend_df, date_column="Week") + contri_df = panel_level(contri_df, date_column="Date") + + # Revenue_df = excel['Revenue'] + unique_key = f"{metrics}-{panel}" + ## remove sesonalities, indices etc ... + unnamed_cols = [col for col in raw_df.columns if col.lower().startswith("unnamed")] + ## remove sesonalities, indices etc ... + exclude_columns = [ + "Date", + "Region", + "Controls_Grammarly_Index_SeasonalAVG", + "Controls_Quillbot_Index", + "Daily_Positive_Outliers", + "External_RemoteClass_Index", + "Intervals ON 20190520-20190805 | 20200518-20200803 | 20210517-20210802", + "Intervals ON 20190826-20191209 | 20200824-20201207 | 20210823-20211206", + "Intervals ON 20201005-20201019", + "Promotion_PercentOff", + "Promotion_TimeBased", + "Seasonality_Indicator_Chirstmas", + "Seasonality_Indicator_NewYears_Days", + "Seasonality_Indicator_Thanksgiving", + "Trend 20200302 / 20200803", + ] + unnamed_cols + + raw_df["Date"] = pd.to_datetime(raw_df["Date"]) + contri_df["Date"] = pd.to_datetime(contri_df["Date"]) + input_df = raw_df.sort_values(by="Date") + output_df = contri_df.sort_values(by="Date") + spend_df["Week"] = pd.to_datetime( + spend_df["Week"], format="%Y-%m-%d", errors="coerce" + ) + spend_df.sort_values(by="Week", inplace=True) + + # spend_df['Week'] = pd.to_datetime(spend_df['Week'], errors='coerce') + # spend_df = spend_df.sort_values(by='Week') + + channel_list = [col for col in input_df.columns if col not in exclude_columns] + # channel_list = list( + # set(channel_list) - set(["fb_level_achieved_tier_1", "ga_app"]) + # ) + infeasible_channels = [ + c + for c in contri_df.select_dtypes(include=["float", "int"]).columns + if contri_df[c].sum() <= 0 + ] + channel_list = list(set(channel_list) - set(infeasible_channels)) + + response_curves = {} + mapes = {} + rmses = {} + upper_limits = {} + powers = {} + r2 = {} + conv_rates = {} + output_cols = [] + channels = {} + sales = None + dates = input_df.Date.values + actual_output_dic = {} + actual_input_dic = {} + + for inp_col in channel_list: + # st.write(inp_col) + spends = input_df[inp_col].values + x = spends.copy() + # upper limit for penalty + upper_limits[inp_col] = 2 * x.max() + + # contribution + out_col = [_col for _col in output_df.columns if _col.startswith(inp_col)][0] + y = output_df[out_col].values.copy() + actual_output_dic[inp_col] = y.copy() + actual_input_dic[inp_col] = x.copy() + ##output cols aggregation + output_cols.append(out_col) + + ## scale the input + power = np.ceil(np.log(x.max()) / np.log(10)) - 3 + if power >= 0: + x = x / 10**power + + x = x.astype("float64") + y = y.astype("float64") + # print('#printing yyyyyyyyy') + # print(inp_col) + # print(x.max()) + # print(y.max()) + # SRISHTI + + if y.max() <= 0.01: + if x.max() <= 0.0: + # st.write("here-here") + bounds = ((0, 0, 0, 0), (3 * 0.01, 1000, 1, 0.01)) + + else: + # st.write("here") + bounds = ((0, 0, 0, 0), (3 * 0.01, 1000, 1, x.max())) + else: + bounds = ((0, 0, 0, 0), (3 * y.max(), 1000, 1, x.max())) + # bounds = ((y.max(), 3*y.max()),(0,1000),(0,1),(0,x.max())) + + # bounds = ((0, 0, 0, 0), (3 * y.max(), 1000, 1, x.max())) + + # bounds = ((y.max(), 3*y.max()),(0,1000),(0,1),(0,x.max())) + params, _ = curve_fit( + s_curve, + x, + y, + p0=(2 * y.max(), 0.01, 1e-5, x.max()), + bounds=bounds, + maxfev=int(1e5), + ) + mape = (100 * abs(1 - s_curve(x, *params) / y.clip(min=1))).mean() + rmse = np.sqrt(((y - s_curve(x, *params)) ** 2).mean()) + r2_ = r2_score(y, s_curve(x, *params)) + + response_curves[inp_col] = { + "K": params[0], + "b": params[1], + "a": params[2], + "x0": params[3], + } + + updated_rcs_key = f"{metrics}#@{panel}#@{inp_col}" + if updated_rcs is not None and updated_rcs_key in list(updated_rcs.keys()): + response_curves[inp_col] = updated_rcs[updated_rcs_key] + + mapes[inp_col] = mape + rmses[inp_col] = rmse + r2[inp_col] = r2_ + powers[inp_col] = power + + ## conversion rates + # spend_col = [ + # _col + # for _col in spend_df.columns + # if _col.startswith(inp_col.rsplit("_", 1)[0]) + # ][0] + + # print('#printing spendssss') + # print(spend_col) + conv = ( + spend_df.set_index("Week")[inp_col] + / input_df.set_index("Date")[inp_col].clip(lower=1) + ).reset_index() + conv.rename(columns={"index": "Week"}, inplace=True) + conv["year"] = conv.Week.dt.year + conv_rates[inp_col] = list(conv.drop("Week", axis=1).mean().to_dict().values())[ + 0 + ] + ##print('Before',conv_rates[inp_col]) + # conv_rates[inp_col] = uopx_conv_rates[inp_col] + ##print('After',(conv_rates[inp_col])) + + channel = Channel( + name=inp_col, + dates=dates, + spends=spends, + # conversion_rate = np.mean(list(conv_rates[inp_col].values())), + conversion_rate=conv_rates[inp_col], + response_curve_type="s-curve", + response_curve_params={ + "K": params[0], + "b": params[1], + "a": params[2], + "x0": params[3], + }, + bounds=np.array([-10, 10]), + ) + channels[inp_col] = channel + if sales is None: + sales = channel.actual_sales + else: + sales += channel.actual_sales + other_contributions = ( + output_df.drop([*output_cols], axis=1).sum(axis=1, numeric_only=True).values + ) + correction = output_df.drop("Date", axis=1).sum(axis=1).values - ( + sales + other_contributions + ) + scenario = Scenario( + name="default", + channels=channels, + constant=other_contributions, + correction=correction, + ) + ## setting session variables + st.session_state["initialized"] = True + st.session_state["actual_df"] = input_df + st.session_state["raw_df"] = raw_df + st.session_state["contri_df"] = output_df + default_scenario_dict = class_to_dict(scenario) + st.session_state["default_scenario_dict"] = default_scenario_dict + st.session_state["scenario"] = scenario + st.session_state["channels_list"] = channel_list + st.session_state["optimization_channels"] = { + channel_name: False for channel_name in channel_list + } + st.session_state["rcs"] = response_curves.copy() + + # orig_rcs_path = os.path.join( + # st.session_state["project_path"], f"orig_rcs_{metrics}_{panel}.json" + # ) + # print("##########################") + # print(orig_rcs_path) + # if Path(orig_rcs_path).exists(): + # print("fetched"*100) + # with open(orig_rcs_path, "r") as f: + # st.session_state["orig_rcs"] = json.load(f) + # else: + # print("created"*100) + # st.session_state["orig_rcs"] = response_curves.copy() + # with open(orig_rcs_path, "w") as f: + # json.dump(st.session_state["orig_rcs"], f) + + st.session_state["powers"] = powers + st.session_state["actual_contribution_df"] = pd.DataFrame(actual_output_dic) + st.session_state["actual_input_df"] = pd.DataFrame(actual_input_dic) + + for channel in channels.values(): + st.session_state[channel.name] = numerize( + channel.actual_total_spends * channel.conversion_rate, 1 + ) + + st.session_state["xlsx_buffer"] = io.BytesIO() + + if Path("../saved_scenarios.pkl").exists(): + with open("../saved_scenarios.pkl", "rb") as f: + st.session_state["saved_scenarios"] = pickle.load(f) + else: + st.session_state["saved_scenarios"] = OrderedDict() + + # st.session_state["total_spends_change"] = 0 + st.session_state["optimization_channels"] = { + channel_name: False for channel_name in channel_list + } + st.session_state["disable_download_button"] = True + + rcs_data = {} + for channel in st.session_state["rcs"]: + # Convert to native Python lists and types + x = list(st.session_state["actual_input_df"][channel].values.astype(float)) + y = list( + st.session_state["actual_contribution_df"][channel].values.astype(float) + ) + power = float(np.ceil(np.log(max(x)) / np.log(10)) - 3) + x_plot = list(np.linspace(0, 5 * max(x), 100)) + + rcs_data[channel] = { + "K": float(st.session_state["rcs"][channel]["K"]), + "b": float(st.session_state["rcs"][channel]["b"]), + "a": float(st.session_state["rcs"][channel]["a"]), + "x0": float(st.session_state["rcs"][channel]["x0"]), + "power": power, + "x": x, + "y": y, + "x_plot": x_plot, + } + + return rcs_data, scenario + + +# def initialize_data(): +# # fetch data from excel +# output = pd.read_excel('data.xlsx',sheet_name=None) +# raw_df = output['RAW DATA MMM'] +# contribution_df = output['CONTRIBUTION MMM'] +# Revenue_df = output['Revenue'] + +# ## channels to be shows +# channel_list = [] +# for col in raw_df.columns: +# if 'click' in col.lower() or 'spend' in col.lower() or 'imp' in col.lower(): +# ##print(col) +# channel_list.append(col) +# else: +# pass + +# ## NOTE : Considered only Desktop spends for all calculations +# acutal_df = raw_df[raw_df.Region == 'Desktop'].copy() +# ## NOTE : Considered one year of data +# acutal_df = acutal_df[acutal_df.Date>'2020-12-31'] +# actual_df = acutal_df.drop('Region',axis=1).sort_values(by='Date')[[*channel_list,'Date']] + +# ##load response curves +# with open('./grammarly_response_curves.json','r') as f: +# response_curves = json.load(f) + +# ## create channel dict for scenario creation +# dates = actual_df.Date.values +# channels = {} +# rcs = {} +# constant = 0. +# for i,info_dict in enumerate(response_curves): +# name = info_dict.get('name') +# response_curve_type = info_dict.get('response_curve') +# response_curve_params = info_dict.get('params') +# rcs[name] = response_curve_params +# if name != 'constant': +# spends = actual_df[name].values +# channel = Channel(name=name,dates=dates, +# spends=spends, +# response_curve_type=response_curve_type, +# response_curve_params=response_curve_params, +# bounds=np.array([-30,30])) + +# channels[name] = channel +# else: +# constant = info_dict.get('value',0.) * len(dates) + +# ## create scenario +# scenario = Scenario(name='default', channels=channels, constant=constant) +# default_scenario_dict = class_to_dict(scenario) + + +# ## setting session variables +# st.session_state['initialized'] = True +# st.session_state['actual_df'] = actual_df +# st.session_state['raw_df'] = raw_df +# st.session_state['default_scenario_dict'] = default_scenario_dict +# st.session_state['scenario'] = scenario +# st.session_state['channels_list'] = channel_list +# st.session_state['optimization_channels'] = {channel_name : False for channel_name in channel_list} +# st.session_state['rcs'] = rcs +# for channel in channels.values(): +# if channel.name not in st.session_state: +# st.session_state[channel.name] = float(channel.actual_total_spends) + +# if 'xlsx_buffer' not in st.session_state: +# st.session_state['xlsx_buffer'] = io.BytesIO() + +# ## for saving scenarios +# if 'saved_scenarios' not in st.session_state: +# if Path('../saved_scenarios.pkl').exists(): +# with open('../saved_scenarios.pkl','rb') as f: +# st.session_state['saved_scenarios'] = pickle.load(f) + +# else: +# st.session_state['saved_scenarios'] = OrderedDict() + +# if 'total_spends_change' not in st.session_state: +# st.session_state['total_spends_change'] = 0 + +# if 'optimization_channels' not in st.session_state: +# st.session_state['optimization_channels'] = {channel_name : False for channel_name in channel_list} + +# if 'disable_download_button' not in st.session_state: +# st.session_state['disable_download_button'] = True + + +def create_channel_summary(scenario): + + # Provided data + data = { + "Channel": [ + "Paid Search", + "Ga will cid baixo risco", + "Digital tactic others", + "Fb la tier 1", + "Fb la tier 2", + "Paid social others", + "Programmatic", + "Kwai", + "Indicacao", + "Infleux", + "Influencer", + ], + "Spends": [ + "$ 11.3K", + "$ 155.2K", + "$ 50.7K", + "$ 125.4K", + "$ 125.2K", + "$ 105K", + "$ 3.3M", + "$ 47.5K", + "$ 55.9K", + "$ 632.3K", + "$ 48.3K", + ], + "Revenue": [ + "558.0K", + "3.5M", + "5.2M", + "3.1M", + "3.1M", + "2.1M", + "20.8M", + "1.6M", + "728.4K", + "22.9M", + "4.8M", + ], + } + + # Create DataFrame + df = pd.DataFrame(data) + + # Convert currency strings to numeric values + df["Spends"] = ( + df["Spends"] + .replace({"\$": "", "K": "*1e3", "M": "*1e6"}, regex=True) + .map(pd.eval) + .astype(int) + ) + df["Revenue"] = ( + df["Revenue"] + .replace({"\$": "", "K": "*1e3", "M": "*1e6"}, regex=True) + .map(pd.eval) + .astype(int) + ) + + # Calculate ROI + df["ROI"] = (df["Revenue"] - df["Spends"]) / df["Spends"] + + # Format columns + format_currency = lambda x: f"${x:,.1f}" + format_roi = lambda x: f"{x:.1f}" + + df["Spends"] = [ + "$ 11.3K", + "$ 155.2K", + "$ 50.7K", + "$ 125.4K", + "$ 125.2K", + "$ 105K", + "$ 3.3M", + "$ 47.5K", + "$ 55.9K", + "$ 632.3K", + "$ 48.3K", + ] + df["Revenue"] = [ + "$ 536.3K", + "$ 3.4M", + "$ 5M", + "$ 3M", + "$ 3M", + "$ 2M", + "$ 20M", + "$ 1.5M", + "$ 7.1M", + "$ 22M", + "$ 4.6M", + ] + df["ROI"] = df["ROI"].apply(format_roi) + + return df + + +# @st.cache(allow_output_mutation=True) +# def create_contribution_pie(scenario): +# #c1f7dc +# colors_map = {col:color for col,color in zip(st.session_state['channels_list'],plotly.colors.n_colors(plotly.colors.hex_to_rgb('#BE6468'), plotly.colors.hex_to_rgb('#E7B8B7'),23))} +# total_contribution_fig = make_subplots(rows=1, cols=2,subplot_titles=['Spends','Revenue'],specs=[[{"type": "pie"}, {"type": "pie"}]]) +# total_contribution_fig.add_trace( +# go.Pie(labels=[channel_name_formating(channel_name) for channel_name in st.session_state['channels_list']] + ['Non Media'], +# values= [round(scenario.channels[channel_name].actual_total_spends * scenario.channels[channel_name].conversion_rate,1) for channel_name in st.session_state['channels_list']] + [0], +# marker=dict(colors = [plotly.colors.label_rgb(colors_map[channel_name]) for channel_name in st.session_state['channels_list']] + ['#F0F0F0']), +# hole=0.3), +# row=1, col=1) + +# total_contribution_fig.add_trace( +# go.Pie(labels=[channel_name_formating(channel_name) for channel_name in st.session_state['channels_list']] + ['Non Media'], +# values= [scenario.channels[channel_name].actual_total_sales for channel_name in st.session_state['channels_list']] + [scenario.correction.sum() + scenario.constant.sum()], +# hole=0.3), +# row=1, col=2) + +# total_contribution_fig.update_traces(textposition='inside',texttemplate='%{percent:.1%}') +# total_contribution_fig.update_layout(uniformtext_minsize=12,title='Channel contribution', uniformtext_mode='hide') +# return total_contribution_fig + +# @st.cache(allow_output_mutation=True) + +# def create_contribuion_stacked_plot(scenario): +# weekly_contribution_fig = make_subplots(rows=1, cols=2,subplot_titles=['Spends','Revenue'],specs=[[{"type": "bar"}, {"type": "bar"}]]) +# raw_df = st.session_state['raw_df'] +# df = raw_df.sort_values(by='Date') +# x = df.Date +# weekly_spends_data = [] +# weekly_sales_data = [] +# for channel_name in st.session_state['channels_list']: +# weekly_spends_data.append((go.Bar(x=x, +# y=scenario.channels[channel_name].actual_spends * scenario.channels[channel_name].conversion_rate, +# name=channel_name_formating(channel_name), +# hovertemplate="Date:%{x}
Spend:%{y:$.2s}", +# legendgroup=channel_name))) +# weekly_sales_data.append((go.Bar(x=x, +# y=scenario.channels[channel_name].actual_sales, +# name=channel_name_formating(channel_name), +# hovertemplate="Date:%{x}
Revenue:%{y:$.2s}", +# legendgroup=channel_name, showlegend=False))) +# for _d in weekly_spends_data: +# weekly_contribution_fig.add_trace(_d, row=1, col=1) +# for _d in weekly_sales_data: +# weekly_contribution_fig.add_trace(_d, row=1, col=2) +# weekly_contribution_fig.add_trace(go.Bar(x=x, +# y=scenario.constant + scenario.correction, +# name='Non Media', +# hovertemplate="Date:%{x}
Revenue:%{y:$.2s}"), row=1, col=2) +# weekly_contribution_fig.update_layout(barmode='stack', title='Channel contribuion by week', xaxis_title='Date') +# weekly_contribution_fig.update_xaxes(showgrid=False) +# weekly_contribution_fig.update_yaxes(showgrid=False) +# return weekly_contribution_fig + +# @st.cache(allow_output_mutation=True) +# def create_channel_spends_sales_plot(channel): +# if channel is not None: +# x = channel.dates +# _spends = channel.actual_spends * channel.conversion_rate +# _sales = channel.actual_sales +# channel_sales_spends_fig = make_subplots(specs=[[{"secondary_y": True}]]) +# channel_sales_spends_fig.add_trace(go.Bar(x=x, y=_sales,marker_color='#c1f7dc',name='Revenue', hovertemplate="Date:%{x}
Revenue:%{y:$.2s}"), secondary_y = False) +# channel_sales_spends_fig.add_trace(go.Scatter(x=x, y=_spends,line=dict(color='#005b96'),name='Spends',hovertemplate="Date:%{x}
Spend:%{y:$.2s}"), secondary_y = True) +# channel_sales_spends_fig.update_layout(xaxis_title='Date',yaxis_title='Revenue',yaxis2_title='Spends ($)',title='Channel spends and Revenue week wise') +# channel_sales_spends_fig.update_xaxes(showgrid=False) +# channel_sales_spends_fig.update_yaxes(showgrid=False) +# else: +# raw_df = st.session_state['raw_df'] +# df = raw_df.sort_values(by='Date') +# x = df.Date +# scenario = class_from_dict(st.session_state['default_scenario_dict']) +# _sales = scenario.constant + scenario.correction +# channel_sales_spends_fig = make_subplots(specs=[[{"secondary_y": True}]]) +# channel_sales_spends_fig.add_trace(go.Bar(x=x, y=_sales,marker_color='#c1f7dc',name='Revenue', hovertemplate="Date:%{x}
Revenue:%{y:$.2s}"), secondary_y = False) +# # channel_sales_spends_fig.add_trace(go.Scatter(x=x, y=_spends,line=dict(color='#15C39A'),name='Spends',hovertemplate="Date:%{x}
Spend:%{y:$.2s}"), secondary_y = True) +# channel_sales_spends_fig.update_layout(xaxis_title='Date',yaxis_title='Revenue',yaxis2_title='Spends ($)',title='Channel spends and Revenue week wise') +# channel_sales_spends_fig.update_xaxes(showgrid=False) +# channel_sales_spends_fig.update_yaxes(showgrid=False) +# return channel_sales_spends_fig + + +# Define a shared color palette + + +def create_contribution_pie(): + color_palette = [ + "#F3F3F0", + "#5E7D7E", + "#2FA1FF", + "#00EDED", + "#00EAE4", + "#304550", + "#EDEBEB", + "#7FBEFD", + "#003059", + "#A2F3F3", + "#E1D6E2", + "#B6B6B6", + ] + total_contribution_fig = make_subplots( + rows=1, + cols=2, + subplot_titles=["Spends", "Revenue"], + specs=[[{"type": "pie"}, {"type": "pie"}]], + ) + + channels_list = [ + "Paid Search", + "Ga will cid baixo risco", + "Digital tactic others", + "Fb la tier 1", + "Fb la tier 2", + "Paid social others", + "Programmatic", + "Kwai", + "Indicacao", + "Infleux", + "Influencer", + "Non Media", + ] + + # Assign colors from the limited palette to channels + colors_map = { + col: color_palette[i % len(color_palette)] + for i, col in enumerate(channels_list) + } + colors_map["Non Media"] = color_palette[ + 5 + ] # Assign fixed green color for 'Non Media' + + # Hardcoded values for Spends and Revenue + spends_values = [0.5, 3.36, 1.1, 2.7, 2.7, 2.27, 70.6, 1, 1, 13.7, 1, 0] + revenue_values = [1, 4, 5, 3, 3, 2, 50.8, 1.5, 0.7, 13, 0, 16] + + # Add trace for Spends pie chart + total_contribution_fig.add_trace( + go.Pie( + labels=[channel_name for channel_name in channels_list], + values=spends_values, + marker=dict( + colors=[colors_map[channel_name] for channel_name in channels_list] + ), + hole=0.3, + ), + row=1, + col=1, + ) + + # Add trace for Revenue pie chart + total_contribution_fig.add_trace( + go.Pie( + labels=[channel_name for channel_name in channels_list], + values=revenue_values, + marker=dict( + colors=[colors_map[channel_name] for channel_name in channels_list] + ), + hole=0.3, + ), + row=1, + col=2, + ) + + total_contribution_fig.update_traces( + textposition="inside", texttemplate="%{percent:.1%}" + ) + total_contribution_fig.update_layout( + uniformtext_minsize=12, + title="Channel contribution", + uniformtext_mode="hide", + ) + return total_contribution_fig + + +def create_contribuion_stacked_plot(scenario): + weekly_contribution_fig = make_subplots( + rows=1, + cols=2, + subplot_titles=["Spends", "Revenue"], + specs=[[{"type": "bar"}, {"type": "bar"}]], + ) + raw_df = st.session_state["raw_df"] + df = raw_df.sort_values(by="Date") + x = df.Date + weekly_spends_data = [] + weekly_sales_data = [] + + for i, channel_name in enumerate(st.session_state["channels_list"]): + color = color_palette[i % len(color_palette)] + + weekly_spends_data.append( + go.Bar( + x=x, + y=scenario.channels[channel_name].actual_spends + * scenario.channels[channel_name].conversion_rate, + name=channel_name_formating(channel_name), + hovertemplate="Date:%{x}
Spend:%{y:$.2s}", + legendgroup=channel_name, + marker_color=color, + ) + ) + + weekly_sales_data.append( + go.Bar( + x=x, + y=scenario.channels[channel_name].actual_sales, + name=channel_name_formating(channel_name), + hovertemplate="Date:%{x}
Revenue:%{y:$.2s}", + legendgroup=channel_name, + showlegend=False, + marker_color=color, + ) + ) + + for _d in weekly_spends_data: + weekly_contribution_fig.add_trace(_d, row=1, col=1) + for _d in weekly_sales_data: + weekly_contribution_fig.add_trace(_d, row=1, col=2) + + weekly_contribution_fig.add_trace( + go.Bar( + x=x, + y=scenario.constant + scenario.correction, + name="Non Media", + hovertemplate="Date:%{x}
Revenue:%{y:$.2s}", + marker_color=color_palette[-1], + ), + row=1, + col=2, + ) + + weekly_contribution_fig.update_layout( + barmode="stack", + title="Channel contribution by week", + xaxis_title="Date", + ) + weekly_contribution_fig.update_xaxes(showgrid=False) + weekly_contribution_fig.update_yaxes(showgrid=False) + return weekly_contribution_fig + + +def create_channel_spends_sales_plot(channel): + if channel is not None: + x = channel.dates + _spends = channel.actual_spends * channel.conversion_rate + _sales = channel.actual_sales + channel_sales_spends_fig = make_subplots(specs=[[{"secondary_y": True}]]) + channel_sales_spends_fig.add_trace( + go.Bar( + x=x, + y=_sales, + marker_color=color_palette[ + 3 + ], # You can choose a color from the palette + name="Revenue", + hovertemplate="Date:%{x}
Revenue:%{y:$.2s}", + ), + secondary_y=False, + ) + + channel_sales_spends_fig.add_trace( + go.Scatter( + x=x, + y=_spends, + line=dict( + color=color_palette[2] + ), # You can choose another color from the palette + name="Spends", + hovertemplate="Date:%{x}
Spend:%{y:$.2s}", + ), + secondary_y=True, + ) + + channel_sales_spends_fig.update_layout( + xaxis_title="Date", + yaxis_title="Revenue", + yaxis2_title="Spends ($)", + title="Channel spends and Revenue week-wise", + ) + channel_sales_spends_fig.update_xaxes(showgrid=False) + channel_sales_spends_fig.update_yaxes(showgrid=False) + else: + raw_df = st.session_state["raw_df"] + df = raw_df.sort_values(by="Date") + x = df.Date + scenario = class_from_dict(st.session_state["default_scenario_dict"]) + _sales = scenario.constant + scenario.correction + channel_sales_spends_fig = make_subplots(specs=[[{"secondary_y": True}]]) + channel_sales_spends_fig.add_trace( + go.Bar( + x=x, + y=_sales, + marker_color=color_palette[ + 0 + ], # You can choose a color from the palette + name="Revenue", + hovertemplate="Date:%{x}
Revenue:%{y:$.2s}", + ), + secondary_y=False, + ) + + channel_sales_spends_fig.update_layout( + xaxis_title="Date", + yaxis_title="Revenue", + yaxis2_title="Spends ($)", + title="Channel spends and Revenue week-wise", + ) + channel_sales_spends_fig.update_xaxes(showgrid=False) + channel_sales_spends_fig.update_yaxes(showgrid=False) + + return channel_sales_spends_fig + + +def format_numbers(value, n_decimals=1, include_indicator=True): + if value is None: + return None + _value = value if value < 1 else numerize(value, n_decimals) + if include_indicator: + return f"{CURRENCY_INDICATOR} {_value}" + else: + return f"{_value}" + + +def decimal_formater(num_string, n_decimals=1): + parts = num_string.split(".") + if len(parts) == 1: + return num_string + "." + "0" * n_decimals + else: + to_be_padded = n_decimals - len(parts[-1]) + if to_be_padded > 0: + return num_string + "0" * to_be_padded + else: + return num_string + + +def channel_name_formating(channel_name): + name_mod = channel_name.replace("_", " ") + if name_mod.lower().endswith(" imp"): + name_mod = name_mod.replace("Imp", "Spend") + elif name_mod.lower().endswith(" clicks"): + name_mod = name_mod.replace("Clicks", "Spend") + return name_mod + + +def send_email(email, message): + s = smtplib.SMTP("smtp.gmail.com", 587) + s.starttls() + s.login("geethu4444@gmail.com", "jgydhpfusuremcol") + s.sendmail("geethu4444@gmail.com", email, message) + s.quit() + + +def project_selection(): + + users = { + "ioannis": "Ioannis Papadopoulos", + "sharon": "Sharon Sheng", + "herman": "Herman Kwong", + "ismail": "Ismail Mohammed", + "geetha": "Geetha Krishna", + "srishti": "Srishti Verma", + "samkeet": "Samkeet Sangai", + "manoj": "Manoj P", + } + first_name = st.text_input("Enter Name").lower() + + if st.button("Load saved projects"): + + if len(first_name) == 0 or first_name not in users.keys(): + st.warning("Enter a valid name") + st.stop() + + st.session_state["username"] = users[first_name] + + c.execute( + "SELECT email, user_id, user_type FROM users WHERE username = ?", + (st.session_state["username"],), + ) + + user_data = c.fetchone() + email, user_id, user_type = user_data + + c.execute( + "SELECT Distinct project_name, last_edited_page, updated_time as last_updated FROM sessions WHERE owner=?", + (st.session_state["username"],), + ) + + session_summary = c.fetchall() + + folder_path = r"Users" + user_folder_path = os.path.join(folder_path, email) + + 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.session_state["summary_df"] = session_summary_df + + # st.write(st.session_state["project_name"][0]) + if len(session_summary_df) == 0: + st.warning("No projects found please create a project in home page") + st.stop() + st.session_state["project_name"] = session_summary_df.iloc[0][0] + st.session_state["project_path"] = os.path.join( + user_folder_path, st.session_state["project_name"] + ) + project_dct_path = os.path.join( + st.session_state["project_path"], "project_dct.pkl" + ) + + with open(project_dct_path, "rb") as f: + try: + st.session_state["project_dct"] = pickle.load(f) + st.rerun() + except Exception as e: + st.warning( + "Something went wrong Unable to load saved details / data is lost due to app refresh. Please go to Home page and create a new project." + ) + st.stop() + + +# if __name__ == "__main__": +# initialize_data() + + +############################################################################################################# + +import os +import json +import glob +import pickle +import streamlit as st + + +# Function to get panels names +def get_panels_names(file_selected): + raw_data_mmm_df = pd.read_excel(file_selected, sheet_name="RAW DATA MMM") + + if "Panel" in raw_data_mmm_df.columns: + panel = list(set(raw_data_mmm_df["Panel"])) + elif "panel_1" in raw_data_mmm_df.columns: + panel = list(set(raw_data_mmm_df["panel_1"])) + else: + panel = ["Aggregated"] + + return panel + + +# Function to get metrics names +def get_metrics_names(directory): + # Create a list to hold the final parts of the filenames + last_portions = [] + + # Patterns to match Excel files (.xlsx and .xls) that contain @# + patterns = [ + os.path.join(directory, "*@#*.xlsx"), + os.path.join(directory, "*@#*.xls"), + ] + + # Process each pattern + for pattern in patterns: + files = glob.glob(pattern) + + # Extracting the last portion after @# for each file + for file in files: + base_name = os.path.basename(file) + last_portion = base_name.split("@#")[-1] + last_portion = last_portion.replace(".xlsx", "").replace( + ".xls", "" + ) # Removing extensions + last_portions.append(last_portion) + + return last_portions + + +# Function to load the original and modified JSON files into dictionaries +def load_json_files(original_path, modified_path): + try: + with open(original_path, "r") as json_file: + original_data = json.load(json_file) + print("Original RCS data loaded successfully.") + with open(modified_path, "r") as json_file: + modified_data = json.load(json_file) + print("Modified RCS data loaded successfully.") + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + # Define the paths to the RCS data files + original_json_file_path = os.path.join( + st.session_state["project_path"], "rcs_data_original.json" + ) + modified_json_file_path = os.path.join( + st.session_state["project_path"], "rcs_data_modified.json" + ) + + # Remove the original data file if it exists + if os.path.exists(original_json_file_path): + os.remove(original_json_file_path) + + # Remove the modified data file if it exists + if os.path.exists(modified_json_file_path): + os.remove(modified_json_file_path) + + # Generate a new file and try again + generate_rcs_data(original_path, modified_path) + original_data, modified_data = load_json_files(original_path, modified_path) + + return original_data, modified_data + + +# Function to format name +def name_formating(name): + # Replace underscores with spaces + name_mod = name.replace("_", " ") + + # Capitalize the first letter of each word + name_mod = name_mod.title() + + return name_mod + + +# Function to load the original and modified pickle files into dictionaries +def load_pickle_files(original_path, modified_path): + try: + # Load the original data from the pickle file + with open(original_path, "rb") as pickle_file: + original_data = pickle.load(pickle_file) + print("Original scenario data loaded successfully from pickle file.") + + # Load the modified data from the pickle file + with open(modified_path, "rb") as pickle_file: + modified_data = pickle.load(pickle_file) + print("Modified scenario data loaded successfully from pickle file.") + except: + st.toast("Failed to Load/Update. Tool reset to default settings.", icon="⚠️") + # Define the paths to the scenario files + original_pickle_file_path = os.path.join( + st.session_state["project_path"], "scenario_data_original.pkl" + ) + modified_pickle_file_path = os.path.join( + st.session_state["project_path"], "scenario_data_modified.pkl" + ) + + # Remove the original data file if it exists + if os.path.exists(original_pickle_file_path): + os.remove(original_pickle_file_path) + + # Remove the modified data file if it exists + if os.path.exists(modified_pickle_file_path): + os.remove(modified_pickle_file_path) + + # Generate a new file and try again + generate_rcs_data(original_path, modified_path) + original_data, modified_data = load_pickle_files(original_path, modified_path) + + return original_data, modified_data + + +# Function to generate RCS data and store it as JSON files +def generate_rcs_data(original_path, modified_path): + # Define the directory where the metrics data is located + directory = os.path.join(st.session_state["project_path"], "metrics_level_data") + + # Retrieve the list of all metric names from the specified directory + metrics_list = get_metrics_names(directory) + + # Dictionary to store RCS data for all metrics and their respective panels + all_rcs_data_original = {} + all_rcs_data_modified = {} + + # Iterate over each metric in the metrics list + for metric in metrics_list: + # Define the path to the Excel file corresponding to the current metric + file_selected = f"metrics_level_data/data_test_overview_panel@#{metric}.xlsx" + file_selected_path = os.path.join( + st.session_state["project_path"], file_selected + ) + + # Retrieve the list of panel names from the current metric's Excel file + panel_list = get_panels_names(file_selected_path) + + # Check if "rcs_data_modified.json" exist + if os.path.exists(modified_path): + with open(modified_path, "r") as json_file: + modified_data = json.load(json_file) + + # Iterate over each panel in the panel list + for panel in panel_list: + # Initialize the original RCS data for the current panel and metric + rcs_dict_original, scenario = initialize_data( + panel=panel if panel != "Aggregated" else None, + target_file=file_selected_path, + updated_rcs={}, + metrics=metric, + ) + + # Ensure the dictionary has the metric as a key for original data + if metric not in all_rcs_data_original: + all_rcs_data_original[metric] = {} + + # Store the original RCS data under the corresponding panel for the current metric + all_rcs_data_original[metric][panel] = rcs_dict_original + + # Ensure the dictionary has the metric as a key for modified data + if metric not in all_rcs_data_modified: + all_rcs_data_modified[metric] = {} + + # Store the modified RCS data under the corresponding panel for the current metric + for channel in rcs_dict_original: + all_rcs_data_modified[metric][panel] = all_rcs_data_modified[ + metric + ].get(panel, {}) + + try: + updated_rcs_dict = modified_data[metric][panel][channel] + except: + updated_rcs_dict = { + "K": rcs_dict_original[channel]["K"], + "b": rcs_dict_original[channel]["b"], + "a": rcs_dict_original[channel]["a"], + "x0": rcs_dict_original[channel]["x0"], + } + + all_rcs_data_modified[metric][panel][channel] = updated_rcs_dict + + # Write the original RCS data to a JSON file + with open(original_path, "w") as json_file: + json.dump(all_rcs_data_original, json_file, indent=4) + + # Write the modified RCS data to a separate JSON file + with open(modified_path, "w") as json_file: + json.dump(all_rcs_data_modified, json_file, indent=4) + + +# Function to generate scenario data and store it as pickle files +def generate_scenario_data(original_path, modified_path): + # Define the directory where the metrics data is located + directory = os.path.join(st.session_state["project_path"], "metrics_level_data") + + # Retrieve the list of all metric names from the specified directory + metrics_list = get_metrics_names(directory) + + # Dictionary to store scenario data for all metrics and their respective panels + all_scenario_data_original = {} + all_scenario_data_modified = {} + + # Iterate over each metric in the metrics list + for metric in metrics_list: + # Define the path to the Excel file corresponding to the current metric + file_selected = f"metrics_level_data/data_test_overview_panel@#{metric}.xlsx" + file_selected_path = os.path.join( + st.session_state["project_path"], file_selected + ) + + # Retrieve the list of panel names from the current metric's Excel file + panel_list = get_panels_names(file_selected_path) + + # Check if "scenario_data_modified.pkl" exist + if os.path.exists(modified_path): + with open(modified_path, "rb") as pickle_file: + modified_data = pickle.load(pickle_file) + + # Iterate over each panel in the panel list + for panel in panel_list: + # Initialize the original scenario data for the current panel and metric + rcs_dict_original, scenario = initialize_data( + panel=panel if panel != "Aggregated" else None, + target_file=file_selected_path, + updated_rcs={}, + metrics=metric, + ) + + # Ensure the dictionary has the metric as a key for original data + if metric not in all_scenario_data_original: + all_scenario_data_original[metric] = {} + + # Store the original scenario data under the corresponding panel for the current metric + all_scenario_data_original[metric][panel] = class_convert_to_dict(scenario) + + # Ensure the dictionary has the metric as a key for modified data + if metric not in all_scenario_data_modified: + all_scenario_data_modified[metric] = {} + + # Store the modified scenario data under the corresponding panel for the current metric + try: + all_scenario_data_modified[metric][panel] = modified_data[metric][panel] + except: + all_scenario_data_modified[metric][panel] = class_convert_to_dict( + scenario + ) + + # Write the original RCS data to a pickle file + with open(original_path, "wb") as pickle_file: + pickle.dump(all_scenario_data_original, pickle_file) + + # Write the modified RCS data to a separate pickle file + with open(modified_path, "wb") as pickle_file: + pickle.dump(all_scenario_data_modified, pickle_file) + + +############################################################################################################# diff --git a/utilities_with_panel.py b/utilities_with_panel.py new file mode 100644 index 0000000000000000000000000000000000000000..8417d5639beb9c1d74693897392096bc0f8a1a25 --- /dev/null +++ b/utilities_with_panel.py @@ -0,0 +1,1587 @@ +from classes import numerize +import streamlit as st +import pandas as pd +import json +from classes import Channel, Scenario +import numpy as np +from plotly.subplots import make_subplots +import plotly.graph_objects as go +from classes import class_to_dict +from collections import OrderedDict +import io +import plotly +from pathlib import Path +import pickle +import yaml +from yaml import SafeLoader +from streamlit.components.v1 import html +import smtplib +from scipy.optimize import curve_fit +from sklearn.metrics import r2_score +from classes import class_from_dict +import os +import base64 + + +color_palette = [ + "#F3F3F0", + "#5E7D7E", + "#2FA1FF", + "#00EDED", + "#00EAE4", + "#304550", + "#EDEBEB", + "#7FBEFD", + "#003059", + "#A2F3F3", + "#E1D6E2", + "#B6B6B6", +] + + +CURRENCY_INDICATOR = "$" + +try: + st.session_state["bin_dict"]["Panel Level 1"] = st.session_state["bin_dict"].get( + "Panel Level 1", [] + ) +except Exception as e: + st.error( + "No tuned model available. Please build and tune a model to generate response curves." + ) + st.stop() + + +def load_authenticator(): + 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 + return authenticator + + +def nav_page(page_name, timeout_secs=3): + nav_script = """ + + """ % ( + page_name, + timeout_secs, + ) + html(nav_script) + + +# def load_local_css(file_name): +# with open(file_name) as f: +# st.markdown(f'', unsafe_allow_html=True) + + +# def set_header(): +# return st.markdown(f"""
+#

MMM LiME

+# +#
""", unsafe_allow_html=True) + +path = os.path.dirname(__file__) + +file_ = open(f"{path}/mastercard_logo.png", "rb") + +contents = file_.read() + +data_url = base64.b64encode(contents).decode("utf-8") + +file_.close() + + +DATA_PATH = "./data" + +IMAGES_PATH = "./data/images_224_224" + +# New - Sprint 2 +if "bin_dict" not in st.session_state: + + with open("data_import.pkl", "rb") as f: + data = pickle.load(f) + + st.session_state["bin_dict"] = data["bin_dict"] + +# is_panel = True if len(panel_col) > 0 else False + +# manoj + +is_panel = False + +if is_panel: + 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 = False # flag if set to true - do panel level response curves + + +def load_local_css(file_name): + + with open(file_name) as f: + + st.markdown(f"", unsafe_allow_html=True) + + +# def set_header(): + +# return st.markdown(f"""
+ +#

H & M Recommendations

+ +# Logo + +#
""", unsafe_allow_html=True) +path1 = os.path.dirname(__file__) + +file_1 = open(f"{path}/willbank.png", "rb") + +contents1 = file_1.read() + +data_url1 = base64.b64encode(contents1).decode("utf-8") + +file_1.close() + + +DATA_PATH1 = "./data" + +IMAGES_PATH1 = "./data/images_224_224" + + +def set_header(): + return st.markdown( + f"""
+ +
+ +
+ +
""", + unsafe_allow_html=True, + ) + + +# def set_header(): +# logo_path = "./path/to/your/local/LIME_logo.png" # Replace with the actual file path +# text = "LiME" +# return st.markdown(f"""
+# Logo +#

{text}

+#
""", unsafe_allow_html=True) + + +def s_curve(x, K, b, a, x0): + return K / (1 + b * np.exp(-a * (x - x0))) + + +def overview_test_data_prep_panel(X, df, spends_X, date_col, panel_col, target_col): + """ + function to create the data which is used in initialize data fn + X : X test with contributions + df : originally uploaded data (media data) which has raw vars + spends_X : spends of dates in X test + """ + + # define channels + channels = { + "paid_search": ["paid_search_impressions", "paid_search_clicks"], + "fb_level_achieved_tier_1": [ + "fb_level_achieved_tier_1_impressions", + "fb:_level_achieved_-_tier_1_clicks", + ], + "fb_level_achieved_tier_2": [ + "fb:_level_achieved_tier_2_impressions", + "fb_level_achieved_tier_2_clicks", + ], + # "paid_social_others": [ + # "paid_social_others_impressions", + # "paid_social_others_clicks", + # ], + "ga_app": ["ga_app_impressions", "ga_app_clicks"], + "digital_tactic_others": [ + "digital_tactic_others_impressions", + "digital_tactic_others_clicks", + ], + "kwai": ["kwai_impressions", "kwai_clicks"], + "programmatic": ["programmatic_impressions", "programmatic_clicks"], + # 'affiliates':['affiliates_clicks'], + # + # "indicacao":['indicacao_clicks'], + # + # "infleux":['infleux_clicks'], + # + # "influencer":['influencer_clicks'] + } + channel_list = list(channels.keys()) + + # map transformed variable to raw variable name & channel name + # mapping eg : paid_search_clicks_lag_2 (transformed var) --> paid_search_clicks (raw var) --> paid_search (channel) + variables = {} + channel_and_variables = {} + new_variables = {} + new_channels_and_variables = {} + + for transformed_var in [ + col + for col in X.drop( + columns=[date_col, panel_col, target_col, "pred", "panel_effect"] + ).columns + if "_contr" not in col + ]: + if len([col for col in df.columns if col in transformed_var]) == 1: + raw_var = [col for col in df.columns if col in transformed_var][0] + + # st.write(raw_var) + + variables[transformed_var] = raw_var + # st.write(channels.keys()) + + # Check if the list comprehension result is not empty before accessing the first element + channels_list = [ + channel for channel, raw_vars in channels.items() if raw_var in raw_vars + ] + if channels_list: + channel_and_variables[raw_var] = channels_list[0] + else: + # Handle the case where channels_list is empty + # You might want to set a default value or handle it according to your use case + channel_and_variables[raw_var] = None + else: + new_variables[transformed_var] = transformed_var + new_channels_and_variables[transformed_var] = "base" + + # Raw DF + raw_X = pd.merge( + X[[date_col, panel_col]], + df[[date_col, panel_col] + list(variables.values())], + how="left", + on=[date_col, panel_col], + ) + assert len(raw_X) == len(X) + + raw_X_cols = [] + for i in raw_X.columns: + if i in channel_and_variables.keys(): + raw_X_cols.append(channel_and_variables[i]) + else: + raw_X_cols.append(i) + raw_X.columns = raw_X_cols + + # Contribution DF + contr_X = X[ + [date_col, panel_col, "panel_effect"] + + [col for col in X.columns if "_contr" in col and "sum_" not in col] + ].copy() + new_variables = [ + col + for col in contr_X.columns + if "_flag" in col.lower() or "trend" in col.lower() or "sine" in col.lower() + ] + if len(new_variables) > 0: + contr_X["const"] = contr_X[["panel_effect"] + new_variables].sum(axis=1) + contr_X.drop(columns=["panel_effect"], inplace=True) + contr_X.drop(columns=new_variables, inplace=True) + else: + contr_X.rename(columns={"panel_effect": "const"}, inplace=True) + + new_contr_X_cols = [] + for col in contr_X.columns: + col_clean = col.replace("_contr", "") + new_contr_X_cols.append(col_clean) + contr_X.columns = new_contr_X_cols + + contr_X_cols = [] + for i in contr_X.columns: + if i in variables.keys(): + contr_X_cols.append(channel_and_variables[variables[i]]) + else: + contr_X_cols.append(i) + contr_X.columns = contr_X_cols + + # Spends DF + spends_X.columns = [col.replace("_cost", "") for col in spends_X.columns] + + raw_X.rename(columns={"date": "Date"}, inplace=True) + contr_X.rename(columns={"date": "Date"}, inplace=True) + spends_X.rename(columns={"date": "Week"}, inplace=True) + + # st.write(raw_X.shape, contr_X.shape, spends_X.shape) + # Create excel + file_name = "data_test_overview_panel@#" + target_col + ".xlsx" + + folder_path = os.path.join(st.session_state["project_path"], "metrics_level_data") + + if not os.path.exists(folder_path): + os.mkdir(folder_path) + + file_path = os.path.join(folder_path, file_name) + + # os.mkdir(file_path) + # folder_path = r"C:\Users\manojp1732@gmail.com\projet1\metrics_level_data" + # file_name = "data_test_overview_panel@#total_approved_accounts_appsflyer.xlsx" + # st.write(file_path) + # raw_X.to_excel(file_path) + with pd.ExcelWriter(file_path) as writer: + raw_X.to_excel(writer, sheet_name="RAW DATA MMM", index=False) + contr_X.to_excel(writer, sheet_name="CONTRIBUTION MMM", index=False) + spends_X.to_excel(writer, sheet_name="SPEND INPUT", index=False) + + # Define the paths to the original files + original_json_file_path = os.path.join( + st.session_state["project_path"], "rcs_data_original.json" + ) + original_pickle_file_path = os.path.join( + st.session_state["project_path"], "scenario_data_original.pkl" + ) + + # Remove the original data file if it exists + if os.path.exists(original_json_file_path): + os.remove(original_json_file_path) + if os.path.exists(original_pickle_file_path): + os.remove(original_pickle_file_path) + + +def overview_test_data_prep_nonpanel(X, df, spends_X, date_col, target_col): + """ + function to create the data which is used in initialize data fn + """ + + with open(os.path.join(st.session_state["project_path"], "channel_groups.pkl"), "rb") as f: + channels = pickle.load(f) + + channel_list = list(channels.keys()) + + # map transformed variable to raw variable name & channel name + # mapping eg : paid_search_clicks_lag_2 (transformed var) --> paid_search_clicks (raw var) --> paid_search (channel) + variables = {} + channel_and_variables = {} + new_variables = {} + new_channels_and_variables = {} + + cols_to_del = list( + set([date_col, target_col, "pred"]).intersection((set(X.columns))) + ) + + # remove exog cols from RAW data (exog cols are part of base, raw data needs media vars only) + all_exog_vars = st.session_state['bin_dict']['Exogenous'] + all_exog_vars = [ + var.lower().replace(".", "_").replace("@", "_").replace(" ", "_").replace("-", "").replace(":", "").replace( + "__", "_") for var in all_exog_vars] + exog_cols = [] + if len(all_exog_vars) > 0: + for col in X.columns: + if len([exog_var for exog_var in all_exog_vars if exog_var in col]) > 0: + exog_cols.append(col) + cols_to_del=cols_to_del+exog_cols + for transformed_var in [ + col for col in X.drop(columns=cols_to_del).columns if "_contr" not in col + ]: # also has 'const' + print(transformed_var) + if ( + len([col for col in df.columns if col in transformed_var]) == 1 + ): # col is raw var + raw_var = [col for col in df.columns if col in transformed_var][0] + variables[transformed_var] = raw_var + channel_and_variables[raw_var] = [ + channel for channel, raw_vars in channels.items() if raw_var in raw_vars + ][0] + else: # when no corresponding raw var then base + new_variables[transformed_var] = transformed_var + new_channels_and_variables[transformed_var] = "base" + + # Raw DF + raw_X = pd.merge( + X[[date_col]], + df[[date_col] + list(variables.values())], + how="left", + on=[date_col], + ) + assert len(raw_X) == len(X) + + raw_X_cols = [] + for i in raw_X.columns: + if i in channel_and_variables.keys(): + raw_X_cols.append(channel_and_variables[i]) + else: + raw_X_cols.append(i) + raw_X.columns = raw_X_cols + + # Contribution DF + contr_X = X[ + [date_col] + [col for col in X.columns if "_contr" in col and "sum_" not in col] + ].copy() + # st.write(contr_X.columns) + new_variables = [ + col + for col in contr_X.columns + if "_flag" in col.lower() or "trend" in col.lower() or "sine" in col.lower() + ] + if ( + len(new_variables) > 0 + ): # if new vars are available, their contributions should be added to base (called const) + contr_X["const_contr"] = contr_X[["const_contr"] + new_variables].sum(axis=1) + contr_X.drop(columns=new_variables, inplace=True) + + new_contr_X_cols = [] + for col in contr_X.columns: + col_clean = col.replace("_contr", "") + new_contr_X_cols.append(col_clean) + contr_X.columns = new_contr_X_cols + + contr_X_cols = [] + for i in contr_X.columns: + if i in variables.keys(): + contr_X_cols.append(channel_and_variables[variables[i]]) + else: + contr_X_cols.append(i) + contr_X.columns = contr_X_cols + + # Spends DF + # spends_X.columns = [ + # col.replace("_cost", "").replace("_spends", "").replace("_spend", "") + # for col in spends_X.columns + # ] + spends_X_col_map = {col:bucket for col in spends_X.columns for bucket in channels.keys() if col in channels[bucket]} + spends_X.rename(columns=spends_X_col_map, inplace=True) + + raw_X.rename(columns={"date": "Date"}, inplace=True) + contr_X.rename(columns={"date": "Date"}, inplace=True) + spends_X.rename(columns={"date": "Week"}, inplace=True) + + # Create excel + file_name = "data_test_overview_panel@#" + target_col + ".xlsx" + folder_path = os.path.join(st.session_state["project_path"], "metrics_level_data") + + if not os.path.exists(folder_path): + os.mkdir(folder_path) + + file_path = os.path.join(folder_path, file_name) + with pd.ExcelWriter(file_path) as writer: + raw_X.to_excel(writer, sheet_name="RAW DATA MMM", index=False) + contr_X.to_excel(writer, sheet_name="CONTRIBUTION MMM", index=False) + spends_X.to_excel(writer, sheet_name="SPEND INPUT", index=False) + + # Define the paths to the original files + original_json_file_path = os.path.join( + st.session_state["project_path"], "rcs_data_original.json" + ) + original_pickle_file_path = os.path.join( + st.session_state["project_path"], "scenario_data_original.pkl" + ) + + # Remove the original data file if it exists + if os.path.exists(original_json_file_path): + os.remove(original_json_file_path) + if os.path.exists(original_pickle_file_path): + os.remove(original_pickle_file_path) + + +def initialize_data(target_col, is_panel, panel_col): + # uopx_conv_rates = {'streaming_impressions' : 0.007,'digital_impressions' : 0.007,'search_clicks' : 0.00719,'tv_impressions' : 0.000173, + # "digital_clicks":0.005,"streaming_clicks":0.004,'streaming_spends':1,"tv_spends":1,"search_spends":1, + # "digital_spends":1} + # print('State initialized') + # excel = pd.read_excel("data_test_overview_panel.xlsx",sheet_name=None) + # if is_panel: + file_name = Path("metrics_level_data") / Path( + "data_test_overview_panel@#" + target_col + ".xlsx" + ) + # else: + # file_name = Path("metrics_level_data") / Path("data_test_overview_nonpanel@#" + target_col + ".xlsx") + + file_path = os.path.join(st.session_state["project_path"], file_name) + if os.path.exists(file_path): + excel = pd.read_excel(file_path, sheet_name=None) + else: + excel = pd.read_excel("data_test_overview_panel@#" + target_col + ".xlsx") + + raw_df = excel["RAW DATA MMM"] + spend_df = excel["SPEND INPUT"] + contri_df = excel["CONTRIBUTION MMM"] + # Revenue_df = excel['Revenue'] + + ## remove sesonalities, indices etc ... + exclude_columns = [ + "Date", + "Week", + "Region", + "Controls_Grammarly_Index_SeasonalAVG", + "Controls_Quillbot_Index", + "Daily_Positive_Outliers", + "External_RemoteClass_Index", + "Intervals ON 20190520-20190805 | 20200518-20200803 | 20210517-20210802", + "Intervals ON 20190826-20191209 | 20200824-20201207 | 20210823-20211206", + "Intervals ON 20201005-20201019", + "Promotion_PercentOff", + "Promotion_TimeBased", + "Seasonality_Indicator_Chirstmas", + "Seasonality_Indicator_NewYears_Days", + "Seasonality_Indicator_Thanksgiving", + "Trend 20200302 / 20200803", + date_col, + ] + if is_panel: + exclude_columns = exclude_columns + [panel_col] + + # Aggregate all 3 dfs to date level (from date-panel level) + raw_df[date_col] = pd.to_datetime(raw_df[date_col]) + raw_df_aggregations = {c: "sum" for c in raw_df.columns if c not in exclude_columns} + raw_df = raw_df.groupby(date_col).agg(raw_df_aggregations).reset_index() + + contri_df[date_col] = pd.to_datetime(contri_df[date_col]) + contri_df_aggregations = { + c: "sum" for c in contri_df.columns if c not in exclude_columns + } + contri_df = contri_df.groupby(date_col).agg(contri_df_aggregations).reset_index() + + input_df = raw_df.sort_values(by=[date_col]) + + output_df = contri_df.sort_values(by=[date_col]) + + spend_df["Week"] = pd.to_datetime( + spend_df["Week"], format="%Y-%m-%d", errors="coerce" + ) + spend_df_aggregations = { + c: "sum" for c in spend_df.columns if c not in exclude_columns + } + spend_df = spend_df.groupby("Week").agg(spend_df_aggregations).reset_index() + # spend_df['Week'] = pd.to_datetime(spend_df['Week'], errors='coerce') + # spend_df = spend_df.sort_values(by='Week') + + channel_list = [col for col in input_df.columns if col not in exclude_columns] + + response_curves = {} + mapes = {} + rmses = {} + upper_limits = {} + powers = {} + r2 = {} + conv_rates = {} + output_cols = [] + channels = {} + sales = None + dates = input_df.Date.values + actual_output_dic = {} + actual_input_dic = {} + + # ONLY FOR TESTING + # channel_list=['programmatic'] + infeasible_channels = [ + c + for c in contri_df.select_dtypes(include=["float", "int"]).columns + if contri_df[c].sum() <= 0 + ] + + # st.write(infeasible_channels) + channel_list = list(set(channel_list) - set(infeasible_channels)) + # st.write(channel_list) + channel_list = [ + col for col in channel_list if col != "ga_app" and col != "Unnamed: 4" + ] + # st.write(spend_df.columns) + for inp_col in channel_list: + + # st.write(inp_col) + + # # New - Sprint 2 + # if is_panel: + # input_df1 = input_df.groupby([date_col]).agg({inp_col:'sum'}).reset_index() # aggregate spends on date + # spends = input_df1[inp_col].values + # else : + # spends = input_df[inp_col].values + # st.write(inp_col) + spends = input_df[inp_col].values + + x = spends.copy() + # upper limit for penalty + upper_limits[inp_col] = 2 * x.max() + + # contribution + # New - Sprint 2 + # out_col = [_col for _col in output_df.columns if _col.startswith(inp_col)][0] + out_col=inp_col + if is_panel: + output_df1 = ( + output_df.groupby([date_col]).agg({out_col: "sum"}).reset_index() + ) + y = output_df1[out_col].values.copy() + else: + y = output_df[out_col].values.copy() + + actual_output_dic[inp_col] = y.copy() + actual_input_dic[inp_col] = x.copy() + ##output cols aggregation + output_cols.append(out_col) + + ## scale the input + power = np.ceil(np.log(x.max()) / np.log(10)) - 3 + if power >= 0: + x = x / 10**power + + x = x.astype("float64") + y = y.astype("float64") + # print('#printing yyyyyyyyy') + # print(inp_col) + # print(x.max()) + # print(y.max()) + # st.write(y.max(),x.max()) + print(y.max(), x.max()) + if y.max() <= 0.01: + if x.max() <= 0.0: + # st.write("here-here") + bounds = ((0, 0, 0, 0), (3 * 0.01, 1000, 1, 0.01)) + + else: + # st.write("here") + bounds = ((0, 0, 0, 0), (3 * 0.01, 1000, 1, 0.01)) + else: + bounds = ((0, 0, 0, 0), (3 * y.max(), 1000, 1, x.max())) + # bounds = ((y.max(), 3*y.max()),(0,1000),(0,1),(0,x.max())) + params, _ = curve_fit( + s_curve, + x, + y, + p0=(2 * y.max(), 0.01, 1e-5, x.max()), + bounds=bounds, + maxfev=int(1e5), + ) + mape = (100 * abs(1 - s_curve(x, *params) / y.clip(min=1))).mean() + rmse = np.sqrt(((y - s_curve(x, *params)) ** 2).mean()) + r2_ = r2_score(y, s_curve(x, *params)) + + response_curves[inp_col] = { + "K": params[0], + "b": params[1], + "a": params[2], + "x0": params[3], + } + mapes[inp_col] = mape + rmses[inp_col] = rmse + r2[inp_col] = r2_ + powers[inp_col] = power + + ## conversion rates + # spend_col = [ + # _col + # for _col in spend_df.columns + # if _col.startswith(inp_col.rsplit("_", 1)[0]) + # ][0] + + # print('#printing spendssss') + # print(spend_col) + conv = ( + spend_df.set_index("Week")[inp_col] + / input_df.set_index("Date")[inp_col].clip(lower=1) + ).reset_index() + conv.rename(columns={"index": "Week"}, inplace=True) + conv["year"] = conv.Week.dt.year + conv_rates[inp_col] = list(conv.drop("Week", axis=1).mean().to_dict().values())[ + 0 + ] + ##print('Before',conv_rates[inp_col]) + # conv_rates[inp_col] = uopx_conv_rates[inp_col] + ##print('After',(conv_rates[inp_col])) + + channel = Channel( + name=inp_col, + dates=dates, + spends=spends, + # conversion_rate = np.mean(list(conv_rates[inp_col].values())), + conversion_rate=conv_rates[inp_col], + response_curve_type="s-curve", + response_curve_params={ + "K": params[0], + "b": params[1], + "a": params[2], + "x0": params[3], + }, + bounds=np.array([-10, 10]), + ) + channels[inp_col] = channel + if sales is None: + sales = channel.actual_sales + else: + sales += channel.actual_sales + # st.write(inp_col, channel.actual_sales) + # st.write(output_cols) + other_contributions = ( + output_df.drop([*output_cols], axis=1).sum(axis=1, numeric_only=True).values + ) + correction = output_df.drop(["Date"], axis=1).sum(axis=1).values - ( + sales + other_contributions + ) + + scenario_test_df = pd.DataFrame( + columns=["other_contributions", "correction", "sales"] + ) + scenario_test_df["other_contributions"] = other_contributions + scenario_test_df["correction"] = correction + scenario_test_df["sales"] = sales + # scenario_test_df.to_csv("test\scenario_test_df.csv", index=False) + # output_df.to_csv("test\output_df.csv", index=False) + + scenario = Scenario( + name="default", + channels=channels, + constant=other_contributions, + correction=correction, + ) + ## setting session variables + st.session_state["initialized"] = True + st.session_state["actual_df"] = input_df + st.session_state["raw_df"] = raw_df + st.session_state["contri_df"] = output_df + default_scenario_dict = class_to_dict(scenario) + st.session_state["default_scenario_dict"] = default_scenario_dict + st.session_state["scenario"] = scenario + st.session_state["channels_list"] = channel_list + st.session_state["optimization_channels"] = { + channel_name: False for channel_name in channel_list + } + st.session_state["rcs"] = response_curves + + # orig_rcs_path = os.path.join( + # st.session_state["project_path"], f"orig_rcs_{target_col}_{panel_col}.json" + # ) + # if Path(orig_rcs_path).exists(): + # with open(orig_rcs_path, "r") as f: + # st.session_state["orig_rcs"] = json.load(f) + # else: + # st.session_state["orig_rcs"] = response_curves.copy() + # with open(orig_rcs_path, "w") as f: + # json.dump(st.session_state["orig_rcs"], f) + + st.session_state["powers"] = powers + st.session_state["actual_contribution_df"] = pd.DataFrame(actual_output_dic) + st.session_state["actual_input_df"] = pd.DataFrame(actual_input_dic) + + for channel in channels.values(): + st.session_state[channel.name] = numerize( + channel.actual_total_spends * channel.conversion_rate, 1 + ) + + st.session_state["xlsx_buffer"] = io.BytesIO() + + if Path("../saved_scenarios.pkl").exists(): + with open("../saved_scenarios.pkl", "rb") as f: + st.session_state["saved_scenarios"] = pickle.load(f) + else: + st.session_state["saved_scenarios"] = OrderedDict() + + st.session_state["total_spends_change"] = 0 + st.session_state["optimization_channels"] = { + channel_name: False for channel_name in channel_list + } + st.session_state["disable_download_button"] = True + + +# def initialize_data(): +# # fetch data from excel +# output = pd.read_excel('data.xlsx',sheet_name=None) +# raw_df = output['RAW DATA MMM'] +# contribution_df = output['CONTRIBUTION MMM'] +# Revenue_df = output['Revenue'] + +# ## channels to be shows +# channel_list = [] +# for col in raw_df.columns: +# if 'click' in col.lower() or 'spend' in col.lower() or 'imp' in col.lower(): +# ##print(col) +# channel_list.append(col) +# else: +# pass + +# ## NOTE : Considered only Desktop spends for all calculations +# acutal_df = raw_df[raw_df.Region == 'Desktop'].copy() +# ## NOTE : Considered one year of data +# acutal_df = acutal_df[acutal_df.Date>'2020-12-31'] +# actual_df = acutal_df.drop('Region',axis=1).sort_values(by='Date')[[*channel_list,'Date']] + +# ##load response curves +# with open('./grammarly_response_curves.json','r') as f: +# response_curves = json.load(f) + +# ## create channel dict for scenario creation +# dates = actual_df.Date.values +# channels = {} +# rcs = {} +# constant = 0. +# for i,info_dict in enumerate(response_curves): +# name = info_dict.get('name') +# response_curve_type = info_dict.get('response_curve') +# response_curve_params = info_dict.get('params') +# rcs[name] = response_curve_params +# if name != 'constant': +# spends = actual_df[name].values +# channel = Channel(name=name,dates=dates, +# spends=spends, +# response_curve_type=response_curve_type, +# response_curve_params=response_curve_params, +# bounds=np.array([-30,30])) + +# channels[name] = channel +# else: +# constant = info_dict.get('value',0.) * len(dates) + +# ## create scenario +# scenario = Scenario(name='default', channels=channels, constant=constant) +# default_scenario_dict = class_to_dict(scenario) + + +# ## setting session variables +# st.session_state['initialized'] = True +# st.session_state['actual_df'] = actual_df +# st.session_state['raw_df'] = raw_df +# st.session_state['default_scenario_dict'] = default_scenario_dict +# st.session_state['scenario'] = scenario +# st.session_state['channels_list'] = channel_list +# st.session_state['optimization_channels'] = {channel_name : False for channel_name in channel_list} +# st.session_state['rcs'] = rcs +# for channel in channels.values(): +# if channel.name not in st.session_state: +# st.session_state[channel.name] = float(channel.actual_total_spends) + +# if 'xlsx_buffer' not in st.session_state: +# st.session_state['xlsx_buffer'] = io.BytesIO() + +# ## for saving scenarios +# if 'saved_scenarios' not in st.session_state: +# if Path('../saved_scenarios.pkl').exists(): +# with open('../saved_scenarios.pkl','rb') as f: +# st.session_state['saved_scenarios'] = pickle.load(f) + +# else: +# st.session_state['saved_scenarios'] = OrderedDict() + +# if 'total_spends_change' not in st.session_state: +# st.session_state['total_spends_change'] = 0 + +# if 'optimization_channels' not in st.session_state: +# st.session_state['optimization_channels'] = {channel_name : False for channel_name in channel_list} + + +# if 'disable_download_button' not in st.session_state: +# st.session_state['disable_download_button'] = True +def create_channel_summary(scenario): + summary_columns = [] + + actual_spends_rows = [] + + actual_sales_rows = [] + + actual_roi_rows = [] + + for channel in scenario.channels.values(): + + name_mod = channel.name.replace("_", " ") + + if name_mod.lower().endswith(" imp"): + name_mod = name_mod.replace("Imp", " Impressions") + + print( + name_mod, + channel.actual_total_spends, + channel.conversion_rate, + channel.actual_total_spends * channel.conversion_rate, + ) + + summary_columns.append(name_mod) + + actual_spends_rows.append( + format_numbers(float(channel.actual_total_spends * channel.conversion_rate)) + ) + + actual_sales_rows.append(format_numbers((float(channel.actual_total_sales)))) + + actual_roi_rows.append( + decimal_formater( + format_numbers( + (channel.actual_total_sales) + / (channel.actual_total_spends * channel.conversion_rate), + include_indicator=False, + n_decimals=4, + ), + n_decimals=4, + ) + ) + + actual_summary_df = pd.DataFrame( + [ + summary_columns, + actual_spends_rows, + actual_sales_rows, + actual_roi_rows, + ] + ).T + + actual_summary_df.columns = ["Channel", "Spends", "Prospects", "ROI"] + + actual_summary_df["Prospects"] = actual_summary_df["Prospects"].map( + lambda x: str(x)[1:] + ) + + return actual_summary_df + + +# def create_channel_summary(scenario): +# +# # Provided data +# data = { +# 'Channel': ['Paid Search', 'Ga will cid baixo risco', 'Digital tactic others', 'Fb la tier 1', 'Fb la tier 2', 'Paid social others', 'Programmatic', 'Kwai', 'Indicacao', 'Infleux', 'Influencer'], +# 'Spends': ['$ 11.3K', '$ 155.2K', '$ 50.7K', '$ 125.4K', '$ 125.2K', '$ 105K', '$ 3.3M', '$ 47.5K', '$ 55.9K', '$ 632.3K', '$ 48.3K'], +# 'Revenue': ['558.0K', '3.5M', '5.2M', '3.1M', '3.1M', '2.1M', '20.8M', '1.6M', '728.4K', '22.9M', '4.8M'] +# } +# +# # Create DataFrame +# df = pd.DataFrame(data) +# +# # Convert currency strings to numeric values +# df['Spends'] = df['Spends'].replace({'\$': '', 'K': '*1e3', 'M': '*1e6'}, regex=True).map(pd.eval).astype(int) +# df['Revenue'] = df['Revenue'].replace({'\$': '', 'K': '*1e3', 'M': '*1e6'}, regex=True).map(pd.eval).astype(int) +# +# # Calculate ROI +# df['ROI'] = ((df['Revenue'] - df['Spends']) / df['Spends']) +# +# # Format columns +# format_currency = lambda x: f"${x:,.1f}" +# format_roi = lambda x: f"{x:.1f}" +# +# df['Spends'] = ['$ 11.3K', '$ 155.2K', '$ 50.7K', '$ 125.4K', '$ 125.2K', '$ 105K', '$ 3.3M', '$ 47.5K', '$ 55.9K', '$ 632.3K', '$ 48.3K'] +# df['Revenue'] = ['$ 536.3K', '$ 3.4M', '$ 5M', '$ 3M', '$ 3M', '$ 2M', '$ 20M', '$ 1.5M', '$ 7.1M', '$ 22M', '$ 4.6M'] +# df['ROI'] = df['ROI'].apply(format_roi) +# +# return df + + +# @st.cache_resource() +# def create_contribution_pie(_scenario): +# colors_map = { +# col: color +# for col, color in zip( +# st.session_state["channels_list"], +# plotly.colors.n_colors( +# plotly.colors.hex_to_rgb("#BE6468"), +# plotly.colors.hex_to_rgb("#E7B8B7"), +# 20, +# ), +# ) +# } +# total_contribution_fig = make_subplots( +# rows=1, +# cols=2, +# subplot_titles=["Spends", "Revenue"], +# specs=[[{"type": "pie"}, {"type": "pie"}]], +# ) +# total_contribution_fig.add_trace( +# go.Pie( +# labels=[ +# channel_name_formating(channel_name) +# for channel_name in st.session_state["channels_list"] +# ] +# + ["Non Media"], +# values=[ +# round( +# _scenario.channels[channel_name].actual_total_spends +# * _scenario.channels[channel_name].conversion_rate, +# 1, +# ) +# for channel_name in st.session_state["channels_list"] +# ] +# + [0], +# marker=dict( +# colors=[ +# plotly.colors.label_rgb(colors_map[channel_name]) +# for channel_name in st.session_state["channels_list"] +# ] +# + ["#F0F0F0"] +# ), +# hole=0.3, +# ), +# row=1, +# col=1, +# ) + +# total_contribution_fig.add_trace( +# go.Pie( +# labels=[ +# channel_name_formating(channel_name) +# for channel_name in st.session_state["channels_list"] +# ] +# + ["Non Media"], +# values=[ +# _scenario.channels[channel_name].actual_total_sales +# for channel_name in st.session_state["channels_list"] +# ] +# + [_scenario.correction.sum() + _scenario.constant.sum()], +# hole=0.3, +# ), +# row=1, +# col=2, +# ) + +# total_contribution_fig.update_traces( +# textposition="inside", texttemplate="%{percent:.1%}" +# ) +# total_contribution_fig.update_layout( +# uniformtext_minsize=12, +# title="Channel contribution", +# uniformtext_mode="hide", +# ) +# return total_contribution_fig + + +# @st.cache_resource() +# def create_contribution_pie(_scenario): +# colors = plotly.colors.qualitative.Plotly # A diverse color palette +# colors_map = { +# col: colors[i % len(colors)] +# for i, col in enumerate(st.session_state["channels_list"]) +# } + +# total_contribution_fig = make_subplots( +# rows=1, +# cols=2, +# subplot_titles=["Spends", "Revenue"], +# specs=[[{"type": "pie"}, {"type": "pie"}]], +# ) + +# total_contribution_fig.add_trace( +# go.Pie( +# labels=[ +# channel_name_formating(channel_name) +# for channel_name in st.session_state["channels_list"] +# ] +# + ["Non Media"], +# values=[ +# round( +# _scenario.channels[channel_name].actual_total_spends +# * _scenario.channels[channel_name].conversion_rate, +# 1, +# ) +# for channel_name in st.session_state["channels_list"] +# ] +# + [0], +# marker=dict( +# colors=[ +# colors_map[channel_name] +# for channel_name in st.session_state["channels_list"] +# ] +# + ["#F0F0F0"] +# ), +# hole=0.3, +# ), +# row=1, +# col=1, +# ) + +# total_contribution_fig.add_trace( +# go.Pie( +# labels=[ +# channel_name_formating(channel_name) +# for channel_name in st.session_state["channels_list"] +# ] +# + ["Non Media"], +# values=[ +# _scenario.channels[channel_name].actual_total_sales +# for channel_name in st.session_state["channels_list"] +# ] +# + [_scenario.correction.sum() + _scenario.constant.sum()], +# marker=dict( +# colors=[ +# colors_map[channel_name] +# for channel_name in st.session_state["channels_list"] +# ] +# + ["#F0F0F0"] +# ), +# hole=0.3, +# ), +# row=1, +# col=2, +# ) + +# total_contribution_fig.update_traces( +# textposition="inside", texttemplate="%{percent:.1%}" +# ) +# total_contribution_fig.update_layout( +# uniformtext_minsize=12, +# title="Channel contribution", +# uniformtext_mode="hide", +# ) +# return total_contribution_fig + + +# @st.cache_resource() +def create_contribution_pie(_scenario, target_col): + colors = plotly.colors.qualitative.Plotly # A diverse color palette + colors_map = { + col: colors[i % len(colors)] + for i, col in enumerate(st.session_state["channels_list"]) + } + + spends_values = [ + round( + _scenario.channels[channel_name].actual_total_spends + * _scenario.channels[channel_name].conversion_rate, + 1, + ) + for channel_name in st.session_state["channels_list"] + ] + spends_values.append(0) # Adding Non Media value + + revenue_values = [ + _scenario.channels[channel_name].actual_total_sales + for channel_name in st.session_state["channels_list"] + ] + revenue_values.append( + _scenario.correction.sum() + _scenario.constant.sum() + ) # Adding Non Media value + + total_contribution_fig = make_subplots( + rows=1, + cols=2, + subplot_titles=["Spends", target_col], + specs=[[{"type": "pie"}, {"type": "pie"}]], + ) + + total_contribution_fig.add_trace( + go.Pie( + labels=[ + channel_name_formating(channel_name) + for channel_name in st.session_state["channels_list"] + ] + + ["Non Media"], + values=spends_values, + marker=dict( + colors=[ + colors_map[channel_name] + for channel_name in st.session_state["channels_list"] + ] + + ["#F0F0F0"] + ), + hole=0.3, + ), + row=1, + col=1, + ) + + total_contribution_fig.add_trace( + go.Pie( + labels=[ + channel_name_formating(channel_name) + for channel_name in st.session_state["channels_list"] + ] + + ["Non Media"], + values=revenue_values, + marker=dict( + colors=[ + colors_map[channel_name] + for channel_name in st.session_state["channels_list"] + ] + + ["#F0F0F0"] + ), + hole=0.3, + ), + row=1, + col=2, + ) + + total_contribution_fig.update_traces( + textposition="inside", texttemplate="%{percent:.1%}" + ) + total_contribution_fig.update_layout( + uniformtext_minsize=12, + title="Channel contribution", + uniformtext_mode="hide", + ) + return total_contribution_fig + + +# def create_contribuion_stacked_plot(scenario): +# weekly_contribution_fig = make_subplots(rows=1, cols=2,subplot_titles=['Spends','Revenue'],specs=[[{"type": "bar"}, {"type": "bar"}]]) +# raw_df = st.session_state['raw_df'] +# df = raw_df.sort_values(by='Date') +# x = df.Date +# weekly_spends_data = [] +# weekly_sales_data = [] +# for channel_name in st.session_state['channels_list']: +# weekly_spends_data.append((go.Bar(x=x, +# y=scenario.channels[channel_name].actual_spends * scenario.channels[channel_name].conversion_rate, +# name=channel_name_formating(channel_name), +# hovertemplate="Date:%{x}
Spend:%{y:$.2s}", +# legendgroup=channel_name))) +# weekly_sales_data.append((go.Bar(x=x, +# y=scenario.channels[channel_name].actual_sales, +# name=channel_name_formating(channel_name), +# hovertemplate="Date:%{x}
Revenue:%{y:$.2s}", +# legendgroup=channel_name, showlegend=False))) +# for _d in weekly_spends_data: +# weekly_contribution_fig.add_trace(_d, row=1, col=1) +# for _d in weekly_sales_data: +# weekly_contribution_fig.add_trace(_d, row=1, col=2) +# weekly_contribution_fig.add_trace(go.Bar(x=x, +# y=scenario.constant + scenario.correction, +# name='Non Media', +# hovertemplate="Date:%{x}
Revenue:%{y:$.2s}"), row=1, col=2) +# weekly_contribution_fig.update_layout(barmode='stack', title='Channel contribuion by week', xaxis_title='Date') +# weekly_contribution_fig.update_xaxes(showgrid=False) +# weekly_contribution_fig.update_yaxes(showgrid=False) +# return weekly_contribution_fig + +# @st.cache_resource() +# def create_channel_spends_sales_plot(channel): +# if channel is not None: +# x = channel.dates +# _spends = channel.actual_spends * channel.conversion_rate +# _sales = channel.actual_sales +# channel_sales_spends_fig = make_subplots(specs=[[{"secondary_y": True}]]) +# channel_sales_spends_fig.add_trace(go.Bar(x=x, y=_sales,marker_color='#c1f7dc',name='Revenue', hovertemplate="Date:%{x}
Revenue:%{y:$.2s}"), secondary_y = False) +# channel_sales_spends_fig.add_trace(go.Scatter(x=x, y=_spends,line=dict(color='#005b96'),name='Spends',hovertemplate="Date:%{x}
Spend:%{y:$.2s}"), secondary_y = True) +# channel_sales_spends_fig.update_layout(xaxis_title='Date',yaxis_title='Revenue',yaxis2_title='Spends ($)',title='Channel spends and Revenue week wise') +# channel_sales_spends_fig.update_xaxes(showgrid=False) +# channel_sales_spends_fig.update_yaxes(showgrid=False) +# else: +# raw_df = st.session_state['raw_df'] +# df = raw_df.sort_values(by='Date') +# x = df.Date +# scenario = class_from_dict(st.session_state['default_scenario_dict']) +# _sales = scenario.constant + scenario.correction +# channel_sales_spends_fig = make_subplots(specs=[[{"secondary_y": True}]]) +# channel_sales_spends_fig.add_trace(go.Bar(x=x, y=_sales,marker_color='#c1f7dc',name='Revenue', hovertemplate="Date:%{x}
Revenue:%{y:$.2s}"), secondary_y = False) +# # channel_sales_spends_fig.add_trace(go.Scatter(x=x, y=_spends,line=dict(color='#15C39A'),name='Spends',hovertemplate="Date:%{x}
Spend:%{y:$.2s}"), secondary_y = True) +# channel_sales_spends_fig.update_layout(xaxis_title='Date',yaxis_title='Revenue',yaxis2_title='Spends ($)',title='Channel spends and Revenue week wise') +# channel_sales_spends_fig.update_xaxes(showgrid=False) +# channel_sales_spends_fig.update_yaxes(showgrid=False) +# return channel_sales_spends_fig + + +# Define a shared color palette + + +# def create_contribution_pie(): +# color_palette = ['#F3F3F0', '#5E7D7E', '#2FA1FF', '#00EDED', '#00EAE4', '#304550', '#EDEBEB', '#7FBEFD', '#003059', '#A2F3F3', '#E1D6E2', '#B6B6B6'] +# total_contribution_fig = make_subplots(rows=1, cols=2, subplot_titles=['Spends', 'Revenue'], specs=[[{"type": "pie"}, {"type": "pie"}]]) +# +# channels_list = ['Paid Search', 'Ga will cid baixo risco', 'Digital tactic others', 'Fb la tier 1', 'Fb la tier 2', 'Paid social others', 'Programmatic', 'Kwai', 'Indicacao', 'Infleux', 'Influencer', 'Non Media'] +# +# # Assign colors from the limited palette to channels +# colors_map = {col: color_palette[i % len(color_palette)] for i, col in enumerate(channels_list)} +# colors_map['Non Media'] = color_palette[5] # Assign fixed green color for 'Non Media' +# +# # Hardcoded values for Spends and Revenue +# spends_values = [0.5, 3.36, 1.1, 2.7, 2.7, 2.27, 70.6, 1, 1, 13.7, 1, 0] +# revenue_values = [1, 4, 5, 3, 3, 2, 50.8, 1.5, 0.7, 13, 0, 16] +# +# # Add trace for Spends pie chart +# total_contribution_fig.add_trace( +# go.Pie( +# labels=[channel_name for channel_name in channels_list], +# values=spends_values, +# marker=dict(colors=[colors_map[channel_name] for channel_name in channels_list]), +# hole=0.3 +# ), +# row=1, col=1 +# ) +# +# # Add trace for Revenue pie chart +# total_contribution_fig.add_trace( +# go.Pie( +# labels=[channel_name for channel_name in channels_list], +# values=revenue_values, +# marker=dict(colors=[colors_map[channel_name] for channel_name in channels_list]), +# hole=0.3 +# ), +# row=1, col=2 +# ) +# +# total_contribution_fig.update_traces(textposition='inside', texttemplate='%{percent:.1%}') +# total_contribution_fig.update_layout(uniformtext_minsize=12, title='Channel contribution', uniformtext_mode='hide') +# return total_contribution_fig + +# @st.cache_resource() +# def create_contribuion_stacked_plot(_scenario): +# weekly_contribution_fig = make_subplots( +# rows=1, +# cols=2, +# subplot_titles=["Spends", "Revenue"], +# specs=[[{"type": "bar"}, {"type": "bar"}]], +# ) +# raw_df = st.session_state["raw_df"] +# df = raw_df.sort_values(by="Date") +# x = df.Date +# weekly_spends_data = [] +# weekly_sales_data = [] + +# for i, channel_name in enumerate(st.session_state["channels_list"]): +# color = color_palette[i % len(color_palette)] + +# weekly_spends_data.append( +# go.Bar( +# x=x, +# y=_scenario.channels[channel_name].actual_spends +# * _scenario.channels[channel_name].conversion_rate, +# name=channel_name_formating(channel_name), +# hovertemplate="Date:%{x}
Spend:%{y:$.2s}", +# legendgroup=channel_name, +# marker_color=color, +# ) +# ) + +# weekly_sales_data.append( +# go.Bar( +# x=x, +# y=_scenario.channels[channel_name].actual_sales, +# name=channel_name_formating(channel_name), +# hovertemplate="Date:%{x}
Revenue:%{y:$.2s}", +# legendgroup=channel_name, +# showlegend=False, +# marker_color=color, +# ) +# ) + +# for _d in weekly_spends_data: +# weekly_contribution_fig.add_trace(_d, row=1, col=1) +# for _d in weekly_sales_data: +# weekly_contribution_fig.add_trace(_d, row=1, col=2) + +# weekly_contribution_fig.add_trace( +# go.Bar( +# x=x, +# y=_scenario.constant + _scenario.correction, +# name="Non Media", +# hovertemplate="Date:%{x}
Revenue:%{y:$.2s}", +# marker_color=color_palette[-1], +# ), +# row=1, +# col=2, +# ) + +# weekly_contribution_fig.update_layout( +# barmode="stack", +# title="Channel contribution by week", +# xaxis_title="Date", +# ) +# weekly_contribution_fig.update_xaxes(showgrid=False) +# weekly_contribution_fig.update_yaxes(showgrid=False) +# return weekly_contribution_fig + + +# @st.cache_resource() +def create_contribuion_stacked_plot(_scenario, target_col): + color_palette = plotly.colors.qualitative.Plotly # A diverse color palette + + weekly_contribution_fig = make_subplots( + rows=1, + cols=2, + subplot_titles=["Spends", target_col], + specs=[[{"type": "bar"}, {"type": "bar"}]], + ) + + raw_df = st.session_state["raw_df"] + df = raw_df.sort_values(by="Date") + x = df.Date + weekly_spends_data = [] + weekly_sales_data = [] + + for i, channel_name in enumerate(st.session_state["channels_list"]): + color = color_palette[i % len(color_palette)] + + weekly_spends_data.append( + go.Bar( + x=x, + y=_scenario.channels[channel_name].actual_spends + * _scenario.channels[channel_name].conversion_rate, + name=channel_name_formating(channel_name), + hovertemplate="Date:%{x}
Spend:%{y:$.2s}", + legendgroup=channel_name, + marker_color=color, + ) + ) + + weekly_sales_data.append( + go.Bar( + x=x, + y=_scenario.channels[channel_name].actual_sales, + name=channel_name_formating(channel_name), + hovertemplate="Date:%{x}
Revenue:%{y:$.2s}", + legendgroup=channel_name, + showlegend=False, + marker_color=color, + ) + ) + + for _d in weekly_spends_data: + weekly_contribution_fig.add_trace(_d, row=1, col=1) + for _d in weekly_sales_data: + weekly_contribution_fig.add_trace(_d, row=1, col=2) + + weekly_contribution_fig.add_trace( + go.Bar( + x=x, + y=_scenario.constant + _scenario.correction, + name="Non Media", + hovertemplate="Date:%{x}
Revenue:%{y:$.2s}", + marker_color=color_palette[-1], + ), + row=1, + col=2, + ) + + weekly_contribution_fig.update_layout( + barmode="stack", + title="Channel contribution by week", + xaxis_title="Date", + ) + weekly_contribution_fig.update_xaxes(showgrid=False) + weekly_contribution_fig.update_yaxes(showgrid=False) + return weekly_contribution_fig + + +def create_channel_spends_sales_plot(channel, target_col): + if channel is not None: + x = channel.dates + _spends = channel.actual_spends * channel.conversion_rate + _sales = channel.actual_sales + channel_sales_spends_fig = make_subplots(specs=[[{"secondary_y": True}]]) + channel_sales_spends_fig.add_trace( + go.Bar( + x=x, + y=_sales, + marker_color=color_palette[ + 3 + ], # You can choose a color from the palette + name=target_col, + hovertemplate="Date:%{x}
Revenue:%{y:$.2s}", + ), + secondary_y=False, + ) + + channel_sales_spends_fig.add_trace( + go.Scatter( + x=x, + y=_spends, + line=dict( + color=color_palette[2] + ), # You can choose another color from the palette + name="Spends", + hovertemplate="Date:%{x}
Spend:%{y:$.2s}", + ), + secondary_y=True, + ) + + channel_sales_spends_fig.update_layout( + xaxis_title="Date", + yaxis_title=target_col, + yaxis2_title="Spends ($)", + title="Weekly Channel Spends and " + target_col, + ) + channel_sales_spends_fig.update_xaxes(showgrid=False) + channel_sales_spends_fig.update_yaxes(showgrid=False) + else: + raw_df = st.session_state["raw_df"] + df = raw_df.sort_values(by="Date") + x = df.Date + scenario = class_from_dict(st.session_state["default_scenario_dict"]) + _sales = scenario.constant + scenario.correction + channel_sales_spends_fig = make_subplots(specs=[[{"secondary_y": True}]]) + channel_sales_spends_fig.add_trace( + go.Bar( + x=x, + y=_sales, + marker_color=color_palette[ + 0 + ], # You can choose a color from the palette + name="Revenue", + hovertemplate="Date:%{x}
Revenue:%{y:$.2s}", + ), + secondary_y=False, + ) + + channel_sales_spends_fig.update_layout( + xaxis_title="Date", + yaxis_title="Revenue", + yaxis2_title="Spends ($)", + title="Channel spends and Revenue week-wise", + ) + channel_sales_spends_fig.update_xaxes(showgrid=False) + channel_sales_spends_fig.update_yaxes(showgrid=False) + + return channel_sales_spends_fig + + +def format_numbers(value, n_decimals=1, include_indicator=True): + if include_indicator: + return f"{CURRENCY_INDICATOR} {numerize(value,n_decimals)}" + else: + return f"{numerize(value,n_decimals)}" + + +def decimal_formater(num_string, n_decimals=1): + parts = num_string.split(".") + if len(parts) == 1: + return num_string + "." + "0" * n_decimals + else: + to_be_padded = n_decimals - len(parts[-1]) + if to_be_padded > 0: + return num_string + "0" * to_be_padded + else: + return num_string + + +def channel_name_formating(channel_name): + name_mod = channel_name.replace("_", " ") + if name_mod.lower().endswith(" imp"): + name_mod = name_mod.replace("Imp", "Spend") + elif name_mod.lower().endswith(" clicks"): + name_mod = name_mod.replace("Clicks", "Spend") + return name_mod + + +def send_email(email, message): + s = smtplib.SMTP("smtp.gmail.com", 587) + s.starttls() + s.login("geethu4444@gmail.com", "jgydhpfusuremcol") + s.sendmail("geethu4444@gmail.com", email, message) + s.quit() + + +# if __name__ == "__main__": +# initialize_data() diff --git a/willbank.png b/willbank.png new file mode 100644 index 0000000000000000000000000000000000000000..a8d64e778aa30096a15d1300f212e1c76dfcab30 Binary files /dev/null and b/willbank.png differ