├── .gitignore ├── LICENSE.txt ├── README.md ├── code ├── custom_transformers.py ├── exploratory_data_analysis.py ├── main.py └── preprocess_raw_data.py ├── data ├── Special_Events_Permits.csv └── Special_Events_Permits_2016.csv ├── plots ├── hist_attendance.png └── hist_attendance_log.png └── slides.pdf /.gitignore: -------------------------------------------------------------------------------- 1 | code/*.pyc 2 | code/__pycache__/* 3 | -------------------------------------------------------------------------------- /LICENSE.txt: -------------------------------------------------------------------------------- 1 | MIT License 2 | 3 | Copyright (c) 2017 Julie Michelman 4 | 5 | Permission is hereby granted, free of charge, to any person obtaining a copy 6 | of this software and associated documentation files (the "Software"), to deal 7 | in the Software without restriction, including without limitation the rights 8 | to use, copy, modify, merge, publish, distribute, sublicense, and/or sell 9 | copies of the Software, and to permit persons to whom the Software is 10 | furnished to do so, subject to the following conditions: 11 | 12 | The above copyright notice and this permission notice shall be included in all 13 | copies or substantial portions of the Software. 14 | 15 | THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR 16 | IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, 17 | FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE 18 | AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER 19 | LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, 20 | OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE 21 | SOFTWARE. -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | # pandas-pipelines-custom-transformers 2 | Material for Talk at PyData Seattle 2017 3 | -------------------------------------------------------------------------------- /code/custom_transformers.py: -------------------------------------------------------------------------------- 1 | # Reference 2 | # http://zacstewart.com/2014/08/05/pipelines-of-featureunions-of-pipelines.html 3 | 4 | import numpy as np 5 | import pandas as pd 6 | from functools import reduce 7 | 8 | from sklearn.base import TransformerMixin 9 | from sklearn.feature_extraction import DictVectorizer 10 | from sklearn.preprocessing import FunctionTransformer, StandardScaler, RobustScaler 11 | from sklearn.preprocessing import Imputer, MultiLabelBinarizer 12 | 13 | 14 | class DFFunctionTransformer(TransformerMixin): 15 | # FunctionTransformer but for pandas DataFrames 16 | 17 | def __init__(self, *args, **kwargs): 18 | self.ft = FunctionTransformer(*args, **kwargs) 19 | 20 | def fit(self, X, y=None): 21 | # stateless transformer 22 | return self 23 | 24 | def transform(self, X): 25 | Xt = self.ft.transform(X) 26 | Xt = pd.DataFrame(Xt, index=X.index, columns=X.columns) 27 | return Xt 28 | 29 | 30 | class DFFeatureUnion(TransformerMixin): 31 | # FeatureUnion but for pandas DataFrames 32 | 33 | def __init__(self, transformer_list): 34 | self.transformer_list = transformer_list 35 | 36 | def fit(self, X, y=None): 37 | for (name, t) in self.transformer_list: 38 | t.fit(X, y) 39 | return self 40 | 41 | def transform(self, X): 42 | # assumes X is a DataFrame 43 | Xts = [t.transform(X) for _, t in self.transformer_list] 44 | Xunion = reduce(lambda X1, X2: pd.merge(X1, X2, left_index=True, right_index=True), Xts) 45 | return Xunion 46 | 47 | 48 | class DFImputer(TransformerMixin): 49 | # Imputer but for pandas DataFrames 50 | 51 | def __init__(self, strategy='mean'): 52 | self.strategy = strategy 53 | self.imp = None 54 | self.statistics_ = None 55 | 56 | def fit(self, X, y=None): 57 | self.imp = Imputer(strategy=self.strategy) 58 | self.imp.fit(X) 59 | self.statistics_ = pd.Series(self.imp.statistics_, index=X.columns) 60 | return self 61 | 62 | def transform(self, X): 63 | # assumes X is a DataFrame 64 | Ximp = self.imp.transform(X) 65 | Xfilled = pd.DataFrame(Ximp, index=X.index, columns=X.columns) 66 | return Xfilled 67 | 68 | 69 | class DFStandardScaler(TransformerMixin): 70 | # StandardScaler but for pandas DataFrames 71 | 72 | def __init__(self): 73 | self.ss = None 74 | self.mean_ = None 75 | self.scale_ = None 76 | 77 | def fit(self, X, y=None): 78 | self.ss = StandardScaler() 79 | self.ss.fit(X) 80 | self.mean_ = pd.Series(self.ss.mean_, index=X.columns) 81 | self.scale_ = pd.Series(self.ss.scale_, index=X.columns) 82 | return self 83 | 84 | def transform(self, X): 85 | # assumes X is a DataFrame 86 | Xss = self.ss.transform(X) 87 | Xscaled = pd.DataFrame(Xss, index=X.index, columns=X.columns) 88 | return Xscaled 89 | 90 | 91 | class DFRobustScaler(TransformerMixin): 92 | # RobustScaler but for pandas DataFrames 93 | 94 | def __init__(self): 95 | self.rs = None 96 | self.center_ = None 97 | self.scale_ = None 98 | 99 | def fit(self, X, y=None): 100 | self.rs = RobustScaler() 101 | self.rs.fit(X) 102 | self.center_ = pd.Series(self.rs.center_, index=X.columns) 103 | self.scale_ = pd.Series(self.rs.scale_, index=X.columns) 104 | return self 105 | 106 | def transform(self, X): 107 | # assumes X is a DataFrame 108 | Xrs = self.rs.transform(X) 109 | Xscaled = pd.DataFrame(Xrs, index=X.index, columns=X.columns) 110 | return Xscaled 111 | 112 | 113 | class ColumnExtractor(TransformerMixin): 114 | 115 | def __init__(self, cols): 116 | self.cols = cols 117 | 118 | def fit(self, X, y=None): 119 | # stateless transformer 120 | return self 121 | 122 | def transform(self, X): 123 | # assumes X is a DataFrame 124 | Xcols = X[self.cols] 125 | return Xcols 126 | 127 | 128 | class ZeroFillTransformer(TransformerMixin): 129 | 130 | def fit(self, X, y=None): 131 | # stateless transformer 132 | return self 133 | 134 | def transform(self, X): 135 | # assumes X is a DataFrame 136 | Xz = X.fillna(value=0) 137 | return Xz 138 | 139 | 140 | class Log1pTransformer(TransformerMixin): 141 | 142 | def fit(self, X, y=None): 143 | # stateless transformer 144 | return self 145 | 146 | def transform(self, X): 147 | # assumes X is a DataFrame 148 | Xlog = np.log1p(X) 149 | return Xlog 150 | 151 | 152 | class DateFormatter(TransformerMixin): 153 | 154 | def fit(self, X, y=None): 155 | # stateless transformer 156 | return self 157 | 158 | def transform(self, X): 159 | # assumes X is a DataFrame 160 | Xdate = X.apply(pd.to_datetime) 161 | return Xdate 162 | 163 | 164 | class DateDiffer(TransformerMixin): 165 | 166 | def fit(self, X, y=None): 167 | # stateless transformer 168 | return self 169 | 170 | def transform(self, X): 171 | # assumes X is a DataFrame 172 | beg_cols = X.columns[:-1] 173 | end_cols = X.columns[1:] 174 | Xbeg = X[beg_cols].as_matrix() 175 | Xend = X[end_cols].as_matrix() 176 | Xd = (Xend - Xbeg) / np.timedelta64(1, 'D') 177 | diff_cols = ['->'.join(pair) for pair in zip(beg_cols, end_cols)] 178 | Xdiff = pd.DataFrame(Xd, index=X.index, columns=diff_cols) 179 | return Xdiff 180 | 181 | 182 | class DummyTransformer(TransformerMixin): 183 | 184 | def __init__(self): 185 | self.dv = None 186 | 187 | def fit(self, X, y=None): 188 | # assumes all columns of X are strings 189 | Xdict = X.to_dict('records') 190 | self.dv = DictVectorizer(sparse=False) 191 | self.dv.fit(Xdict) 192 | return self 193 | 194 | def transform(self, X): 195 | # assumes X is a DataFrame 196 | Xdict = X.to_dict('records') 197 | Xt = self.dv.transform(Xdict) 198 | cols = self.dv.get_feature_names() 199 | Xdum = pd.DataFrame(Xt, index=X.index, columns=cols) 200 | # drop column indicating NaNs 201 | nan_cols = [c for c in cols if '=' not in c] 202 | Xdum = Xdum.drop(nan_cols, axis=1) 203 | return Xdum 204 | 205 | 206 | class MultiEncoder(TransformerMixin): 207 | # Multiple-column MultiLabelBinarizer for pandas DataFrames 208 | 209 | def __init__(self, sep=','): 210 | self.sep = sep 211 | self.mlbs = None 212 | 213 | def _col_transform(self, x, mlb): 214 | cols = [''.join([x.name, '=', c]) for c in mlb.classes_] 215 | xmlb = mlb.transform(x) 216 | xdf = pd.DataFrame(xmlb, index=x.index, columns=cols) 217 | return xdf 218 | 219 | def fit(self, X, y=None): 220 | Xsplit = X.applymap(lambda x: x.split(self.sep)) 221 | self.mlbs = [MultiLabelBinarizer().fit(Xsplit[c]) for c in X.columns] 222 | return self 223 | 224 | def transform(self, X): 225 | # assumes X is a DataFrame 226 | Xsplit = X.applymap(lambda x: x.split(self.sep)) 227 | Xmlbs = [self._col_transform(Xsplit[c], self.mlbs[i]) 228 | for i, c in enumerate(X.columns)] 229 | Xunion = reduce(lambda X1, X2: pd.merge(X1, X2, left_index=True, right_index=True), Xmlbs) 230 | return Xunion 231 | 232 | 233 | class StringTransformer(TransformerMixin): 234 | 235 | def fit(self, X, y=None): 236 | # stateless transformer 237 | return self 238 | 239 | def transform(self, X): 240 | # assumes X is a DataFrame 241 | Xstr = X.applymap(str) 242 | return Xstr 243 | 244 | 245 | class ClipTransformer(TransformerMixin): 246 | 247 | def __init__(self, a_min, a_max): 248 | self.a_min = a_min 249 | self.a_max = a_max 250 | 251 | def fit(self, X, y=None): 252 | # stateless transformer 253 | return self 254 | 255 | def transform(self, X): 256 | # assumes X is a DataFrame 257 | Xclip = np.clip(X, self.a_min, self.a_max) 258 | return Xclip 259 | 260 | 261 | class AddConstantTransformer(TransformerMixin): 262 | 263 | def __init__(self, c=1): 264 | self.c = c 265 | 266 | def fit(self, X, y=None): 267 | # stateless transformer 268 | return self 269 | 270 | def transform(self, X): 271 | # assumes X is a DataFrame 272 | Xc = X + self.c 273 | return Xc 274 | 275 | 276 | # 277 | -------------------------------------------------------------------------------- /code/exploratory_data_analysis.py: -------------------------------------------------------------------------------- 1 | import pandas as pd 2 | import numpy as np 3 | 4 | from sklearn.model_selection import train_test_split 5 | 6 | 7 | # SET UP 8 | 9 | # Read in data 10 | data_folder = '../data/' 11 | data_file = 'Special_Events_Permits_2016.csv' 12 | df = pd.read_csv(data_folder + data_file) 13 | 14 | # Set aside 25% as test data 15 | df_train, df_test = train_test_split(df, random_state=4321) 16 | 17 | 18 | # EXPLORATORY DATA ANALYSIS 19 | 20 | # application_date 21 | appdate_null_ct = df_train.application_date.isnull().sum() 22 | print(appdate_null_ct) # 3 23 | # Comments: 24 | # - few missing values 25 | 26 | # permit_status - Outcome 27 | status_cts = df_train.permit_status.value_counts(dropna=False) 28 | print(status_cts) 29 | # Complete 358 30 | # Cancelled 31 31 | # In Process 7 32 | # Comments: 33 | # - Complete v not (Cancelled or In Process) as binary outcome 34 | 35 | # permit_type 36 | type_cts = df_train.permit_type.value_counts(dropna=False) 37 | print(type_cts) 38 | # Special Event 325 39 | # Valet Parking 61 40 | # Charter Vessel 10 41 | # Comments: 42 | # - mostly Special Events 43 | # - no missing values 44 | 45 | # event_category 46 | cat_cts = df_train.event_category.value_counts(dropna=False) 47 | # Community 156 48 | # NaN 71 49 | # Commercial 68 50 | # Athletic 55 51 | # Free Speech 40 52 | # Mixed Free Speech 3 53 | # Citywide 3 54 | type_cat_cts = ( 55 | df_train 56 | .groupby([df_train.permit_type, df_train.event_category.isnull()]) 57 | .size()) 58 | print(type_cat_cts) 59 | # permit_type event_category 60 | # Charter Vessel True 10 61 | # Special Event False 325 62 | # Valet Parking True 61 63 | # Comments: 64 | # - present iff Special Event 65 | 66 | # event_sub_category 67 | subcat_cts = df_train.event_sub_category.value_counts(dropna=False) 68 | print(subcat_cts) 69 | # NaN 341 70 | # Run/Walk 38 71 | # Water 9 72 | # Cycling 5 73 | # Other 3 74 | cat_subcat_cts = ( 75 | df_train 76 | .groupby([df_train.event_category, df_train.event_sub_category.isnull()]) 77 | .size()) 78 | print(cat_subcat_cts) 79 | # event_category event_sub_category 80 | # Athletic False 55 81 | # Citywide True 3 82 | # Commercial True 68 83 | # Community True 156 84 | # Free Speech True 40 85 | # Mixed Free Speech True 3 86 | # Comments: 87 | # - present iff Athletic Special Event 88 | 89 | # name_of_event 90 | name_null_ct = df_train.name_of_event.isnull().sum() 91 | print(name_null_ct) # 0 92 | name_cts = df_train.name_of_event.value_counts(dropna=False) 93 | print(len(name_cts)) # 392 94 | # Comments: 95 | # - no missing values 96 | # - almost all unique 97 | 98 | # year_month_app 99 | yma_null_ct = df_train.year_month_app.isnull().sum() 100 | print(yma_null_ct) # 0 101 | yma_cts = df_train.year_month_app.value_counts(dropna=False) 102 | print(len(yma_cts)) # 396 103 | # Comments: 104 | # - no missing values 105 | # - all unique 106 | 107 | # event_start_date 108 | startdate_null_ct = df_train.event_start_date.isnull().sum() 109 | print(startdate_null_ct) # 0 110 | # Comments: 111 | # - no missing values 112 | 113 | # event_end_date 114 | enddate_null_ct = df_train.event_end_date.isnull().sum() 115 | print(enddate_null_ct) # 0 116 | multiday_ct = (df_train.event_start_date != df_train.event_end_date).sum() 117 | print(multiday_ct) # 49 118 | # Comments: 119 | # - no missing values 120 | # - about 10% multi-day events 121 | 122 | # event_location_park 123 | park_cts = df_train.event_location_park.value_counts(dropna=False) 124 | print(park_cts) 125 | # NaN 364 126 | # Magnuson Park 8 127 | # Gas Works Park 5 128 | # Occidental Park 3 129 | # Greenlake Park 2 130 | # Volunteer Park 2 131 | # Seattle Center 1 132 | # Seward Park 1 133 | # Anchor Park 1 134 | # Madison Park 1 135 | # OTHER 1 136 | # Myrtle Edwards Park 1 137 | # Martin Luther King Jr Memorial Park 1 138 | # Hamilton Viewpoint Park 1 139 | # Ballard Commons Park 1 140 | # Lake Union Park 1 141 | # Judkins Park 1 142 | # Bell Street Park 1 143 | # Comments: 144 | # - about 90% missing values 145 | # - could be new values in test data 146 | # - Note: there are 400+ parks in Seattle 147 | 148 | # event_location_neighborhood 149 | neighborhood_null_ct = df_train.event_location_neighborhood.isnull().sum() 150 | print(neighborhood_null_ct) # 0 151 | neighborhood_cts = df_train.event_location_neighborhood.value_counts(dropna=False) 152 | print(len(neighborhood_cts)) # 42 153 | print(neighborhood_cts.head()) 154 | # Downtown 71 155 | # Pioneer Square 41 156 | # Capitol Hill 26 157 | # Queen Anne 26 158 | # Wallingford 22 159 | # ... 160 | # Comments: 161 | # - no missing values 162 | # - could be new values in test data 163 | # - Note: there are ?? neighborhoods in Seattle 164 | 165 | # council_district 166 | district_cts = df_train.council_district.value_counts(dropna=False) 167 | print(district_cts) 168 | # 7 128 169 | # 3 81 170 | # 2 61 171 | # 4 53 172 | # 6 29 173 | # 1 14 174 | # 3;4 8 175 | # 5 5 176 | # 4;6 3 177 | # 3;7 3 178 | # 2;3 3 179 | # 1;2;3;4;6;7 1 180 | # 4;7 1 181 | # 3;4;7 1 182 | # 4;6;7 1 183 | # 2;3;4 1 184 | # 2;3;4;7 1 185 | # 1;2;3;4;5;6;7 1 186 | # 2;7 1 187 | # Comments: 188 | # - no missing values 189 | # - combinations separated by semi-colon 190 | # - could be new combinations in test data 191 | 192 | # precinct 193 | precinct_cts = df_train.precinct.value_counts(dropna=False) 194 | print(precinct_cts) 195 | # West 186 196 | # North 92 197 | # South 51 198 | # East 51 199 | # Southwest 6 200 | # North;South 4 201 | # East;West 3 202 | # East;South 1 203 | # North;West 1 204 | # East;North;South;West 1 205 | # Comments: 206 | # - no missing values 207 | # - combinations separated by semi-colon 208 | # - could be new combinations in test data 209 | 210 | # organization 211 | org_null_ct = df_train.organization.isnull().sum() 212 | print(org_null_ct) # 1 213 | org_cts = df_train.organization.value_counts(dropna=False) 214 | print(len(org_cts)) # 245 215 | # Comments: 216 | # - few missing values 217 | # - many different values 218 | # - could be new values in test data 219 | 220 | # attendance 221 | attendance_null_ct = df_train.attendance.isnull().sum() 222 | print(attendance_null_ct) # 3 223 | print(df_train.attendance.describe()) 224 | # count 393.000000 225 | # mean 3716.913486 226 | # std 16097.152814 227 | # min 15.000000 228 | # 25% 200.000000 229 | # 50% 640.000000 230 | # 75% 1800.000000 231 | # max 204000.000000 232 | # Histograms 233 | df_train.attendance.plot(kind='hist', title='Histogram of Attendance') 234 | np.log(df_train.attendance).plot(kind='hist', title='Histogram of Log Attendance') 235 | # Comments: 236 | # - few missing values 237 | # - better on log-scale 238 | 239 | 240 | # 241 | -------------------------------------------------------------------------------- /code/main.py: -------------------------------------------------------------------------------- 1 | import pandas as pd 2 | import numpy as np 3 | 4 | from sklearn.model_selection import train_test_split 5 | from sklearn.linear_model import LogisticRegression 6 | from sklearn.metrics import roc_auc_score 7 | from sklearn.pipeline import Pipeline 8 | 9 | from custom_transformers import ColumnExtractor, DFStandardScaler, DFFeatureUnion, DFImputer 10 | from custom_transformers import DummyTransformer, Log1pTransformer, ZeroFillTransformer 11 | from custom_transformers import DateFormatter, DateDiffer, MultiEncoder 12 | 13 | 14 | # SET UP 15 | 16 | # Read in data 17 | # source: https://data.seattle.gov/Permitting/Special-Events-Permits/dm95-f8w5 18 | data_folder = '../data/' 19 | data_file = 'Special_Events_Permits_2016.csv' 20 | df = pd.read_csv(data_folder + data_file) 21 | 22 | # Set aside 25% as test data 23 | df_train, df_test = train_test_split(df, random_state=4321) 24 | 25 | # Take a look 26 | df_train.head() 27 | 28 | 29 | # SIMPLE MODEL 30 | 31 | # Binary outcome 32 | y_train = np.where(df_train.permit_status == 'Complete', 1, 0) 33 | y_test = np.where(df_test.permit_status == 'Complete', 1, 0) 34 | 35 | # Single feature 36 | X_train_1 = df_train[['attendance']].fillna(value=0) 37 | X_test_1 = df_test[['attendance']].fillna(value=0) 38 | 39 | # Fit model 40 | model_1 = LogisticRegression(random_state=5678) 41 | model_1.fit(X_train_1, y_train) 42 | y_pred_train_1 = model_1.predict(X_train_1) 43 | p_pred_train_1 = model_1.predict_proba(X_train_1)[:, 1] 44 | 45 | # Evaluate model 46 | # baseline: always predict the average 47 | p_baseline_test = [y_train.mean()]*len(y_test) 48 | auc_baseline = roc_auc_score(y_test, p_baseline_test) 49 | print(auc_baseline) # 0.5 50 | y_pred_test_1 = model_1.predict(X_test_1) 51 | p_pred_test_1 = model_1.predict_proba(X_test_1)[:, 1] 52 | auc_test_1 = roc_auc_score(y_test, p_pred_test_1) 53 | print(auc_test_1) # 0.576553672316 54 | 55 | 56 | # MODEL W/PIPELINE 57 | 58 | # Group columns by type of preprocessing needed 59 | OUTCOME = 'permit_status' 60 | NEAR_UNIQUE_FEATS = ['name_of_event', 'year_month_app', 'organization'] 61 | CAT_FEATS = [ 62 | 'permit_type', 'event_category', 'event_sub_category', 63 | 'event_location_park', 'event_location_neighborhood'] 64 | MULTI_FEATS = ['council_district', 'precinct'] 65 | DATE_FEATS = ['application_date', 'event_start_date', 'event_end_date'] 66 | NUM_FEATS = ['attendance'] 67 | 68 | # Preprocessing with a Pipeline 69 | pipeline = Pipeline([ 70 | ('features', DFFeatureUnion([ 71 | ('categoricals', Pipeline([ 72 | ('extract', ColumnExtractor(CAT_FEATS)), 73 | ('dummy', DummyTransformer()) 74 | ])), 75 | ('numerics', Pipeline([ 76 | ('extract', ColumnExtractor(NUM_FEATS)), 77 | ('zero_fill', ZeroFillTransformer()), 78 | ('log', Log1pTransformer()) 79 | ])) 80 | ])), 81 | ('scale', DFStandardScaler()) 82 | ]) 83 | pipeline.fit(df_train) 84 | X_train_2 = pipeline.transform(df_train) 85 | X_test_2 = pipeline.transform(df_test) 86 | 87 | # Fit model 88 | model_2 = LogisticRegression(random_state=5678) 89 | model_2.fit(X_train_2, y_train) 90 | y_pred_train_2 = model_2.predict(X_train_2) 91 | p_pred_train_2 = model_2.predict_proba(X_train_2)[:, 1] 92 | 93 | # Evaluate model 94 | p_pred_test_2 = model_2.predict_proba(X_test_2)[:, 1] 95 | auc_test_2 = roc_auc_score(y_test, p_pred_test_2) 96 | print(auc_test_2) # 0.705084745763 97 | 98 | 99 | # MODEL W/EVEN MORE FEATURES 100 | 101 | # Preprocessing with a Pipeline 102 | pipeline3 = Pipeline([ 103 | ('features', DFFeatureUnion([ 104 | ('dates', Pipeline([ 105 | ('extract', ColumnExtractor(DATE_FEATS)), 106 | ('to_date', DateFormatter()), 107 | ('diffs', DateDiffer()), 108 | ('mid_fill', DFImputer(strategy='median')) 109 | ])), 110 | ('categoricals', Pipeline([ 111 | ('extract', ColumnExtractor(CAT_FEATS)), 112 | ('dummy', DummyTransformer()) 113 | ])), 114 | ('multi_labels', Pipeline([ 115 | ('extract', ColumnExtractor(MULTI_FEATS)), 116 | ('multi_dummy', MultiEncoder(sep=';')) 117 | ])), 118 | ('numerics', Pipeline([ 119 | ('extract', ColumnExtractor(NUM_FEATS)), 120 | ('zero_fill', ZeroFillTransformer()), 121 | ('log', Log1pTransformer()) 122 | ])) 123 | ])), 124 | ('scale', DFStandardScaler()) 125 | ]) 126 | pipeline3.fit(df_train) 127 | X_train_3 = pipeline3.transform(df_train) 128 | X_test_3 = pipeline3.transform(df_test) 129 | 130 | # Fit model 131 | model_3 = LogisticRegression(random_state=5678) 132 | model_3.fit(X_train_3, y_train) 133 | y_pred_train_3 = model_3.predict(X_train_3) 134 | p_pred_train_3 = model_3.predict_proba(X_train_3)[:, 1] 135 | 136 | # Evaluate model 137 | p_pred_test_3 = model_3.predict_proba(X_test_3)[:, 1] 138 | auc_test_3 = roc_auc_score(y_test, p_pred_test_3) 139 | print(auc_test_3) # 0.680790960452 # too many features -> starting to overfit 140 | 141 | 142 | # 143 | -------------------------------------------------------------------------------- /code/preprocess_raw_data.py: -------------------------------------------------------------------------------- 1 | import pandas as pd 2 | import numpy as np 3 | import re 4 | 5 | # Read in raw data 6 | # source: https://data.seattle.gov/Permitting/Special-Events-Permits/dm95-f8w5 7 | data_folder = '../data/' 8 | data_file_raw = 'Special_Events_Permits.csv' 9 | df_raw = pd.read_csv(data_folder + data_file_raw) 10 | 11 | 12 | # Switch column names to lower_case_with_underscores 13 | def standardize_name(cname): 14 | cname = re.sub(r'[-\.]', ' ', cname) 15 | cname = cname.strip().lower() 16 | cname = re.sub(r'\s+', '_', cname) 17 | return cname 18 | 19 | df_raw.columns = df_raw.columns.map(standardize_name) 20 | 21 | 22 | # Filter to 2016 events 23 | df_raw['event_start_date1'] = pd.to_datetime(df_raw.event_start_date) 24 | df = df_raw[np.logical_and(df_raw.event_start_date1 >= '2016-01-01', 25 | df_raw.event_start_date1 <= '2016-12-31')] 26 | df = df.drop('event_start_date1', axis=1) 27 | 28 | 29 | # Export data 30 | data_file = 'Special_Events_Permits_2016.csv' 31 | df.to_csv(data_folder + data_file, index=False) 32 | 33 | 34 | # 35 | -------------------------------------------------------------------------------- /data/Special_Events_Permits_2016.csv: -------------------------------------------------------------------------------- 1 | application_date,permit_status,permit_type,event_category,event_sub_category,name_of_event,year_month_app,event_start_date,event_end_date,event_location_park,event_location_neighborhood,council_district,precinct,organization,attendance 2 | 12/09/2015 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,See Jane Run Women's Half Marathon and 5K,S16JY044,07/10/2016 12:00:00 AM,07/10/2016 12:00:00 AM,Gas Works Park,Multiple Neighborhoods,3,North,See Jane Run,4500.0 3 | 01/07/2016 12:00:00 AM,Complete,Special Event,Commercial,,Capitol Hill Block Party,S16JY046,07/22/2016 12:00:00 AM,07/24/2016 12:00:00 AM,,Capitol Hill,3,East,Independent Event Solutions,27000.0 4 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (7.09),S16JY074,07/09/2016 12:00:00 AM,07/09/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 5 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (7.13),S16JY075,07/13/2016 12:00:00 AM,07/13/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 6 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (7.31),S16JY076,07/31/2016 12:00:00 AM,07/31/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 7 | 02/01/2016 12:00:00 AM,Complete,Special Event,Community,,West Seattle Grand Parade,S16JY098,07/23/2016 12:00:00 AM,07/23/2016 12:00:00 AM,,West Seattle,1,West,Rotary Foundation of West Seattle,3500.0 8 | 02/02/2016 12:00:00 AM,Complete,Special Event,Athletic,Other,The Four-Twenty Games Seattle,S16JY106,07/31/2016 12:00:00 AM,07/31/2016 12:00:00 AM,Magnuson Park,Sand Point,4,North,The Four-Twenty Games,600.0 9 | 02/16/2016 12:00:00 AM,Complete,Special Event,Community,,Wallingford Family Parade,S16JY112,07/09/2016 12:00:00 AM,07/09/2016 12:00:00 AM,,Wallingford,4,North,Wallingford Chamber of Commerce,1525.0 10 | 02/08/2016 12:00:00 AM,Complete,Special Event,Community,,Wedgwood Art Festival,S16JY113,07/09/2016 12:00:00 AM,07/10/2016 12:00:00 AM,,Wedgwood,5,North,"Strazzanti Enterprisies, LLC",4148.0 11 | 02/11/2016 12:00:00 AM,Cancelled,Special Event,Athletic,Other,Bat 'N' Rouge,S16JY123,07/24/2016 12:00:00 AM,07/24/2016 12:00:00 AM,,Capitol Hill,3,East,Seattle Area Support Groups,330.0 12 | 02/22/2016 12:00:00 AM,Complete,Special Event,Community,,Greenwood Seafair Parade,S16JY149,07/27/2016 12:00:00 AM,07/27/2016 12:00:00 AM,,Greenwood,6,North,Phinney Neighborhood Assn,4500.0 13 | 03/01/2016 12:00:00 AM,Complete,Special Event,Commercial,,Uwajimaya Natsu Matsuri Summer Food Festival,S16JY153,07/09/2016 12:00:00 AM,07/10/2016 12:00:00 AM,,International District,2,West,Uwajimaya Grocery Store,595.0 14 | 03/08/2016 12:00:00 AM,Complete,Special Event,Community,,Bite of Seattle (Street Use/No Parking),S16JY165,07/11/2016 12:00:00 AM,07/18/2016 12:00:00 AM,,Queen Anne,4,West,Festivals Inc,1150.0 15 | 03/10/2016 12:00:00 AM,Complete,Special Event,Community,,FREE Bike Party,S16JY166,07/03/2016 12:00:00 AM,07/03/2016 12:00:00 AM,,Ballard,6,North,"Seattle Bike Blog, LLC",770.0 16 | 03/16/2016 12:00:00 AM,Complete,Special Event,Community,,Bon Odori Festival,S16JY180,07/16/2016 12:00:00 AM,07/17/2016 12:00:00 AM,,International District,2,West,Seattle Buddhist Church,4900.0 17 | 03/18/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Goodwill Refuse to Abuse 5K at Safeco Field,S16JY191,07/09/2016 12:00:00 AM,07/09/2016 12:00:00 AM,,Sodo,2,South,Washington State Coalition Against Domestic Violence,2000.0 18 | 03/22/2016 12:00:00 AM,Complete,Special Event,Community,,Alki Art Fair,S16JY199,07/23/2016 12:00:00 AM,07/24/2016 12:00:00 AM,,West Seattle,1,West,Alki Art Fair,8180.0 19 | 03/28/2016 12:00:00 AM,Complete,Special Event,Community,,Go Klondike Legacy Day 2016,S16JY209,07/17/2016 12:00:00 AM,07/17/2016 12:00:00 AM,,Pioneer Square,7,South,"Friends of the Klondike Corridor, Inc.",820.0 20 | 03/30/2016 12:00:00 AM,Complete,Special Event,Community,,Lake Union Wooden Boat Festival,S16JY218,07/02/2016 12:00:00 AM,07/04/2016 12:00:00 AM,,South Lake Union,3,West,The Center for Wooden Boats,9750.0 21 | 03/31/2016 12:00:00 AM,Complete,Special Event,Community,,Craig Wilson Queen Anne Days,S16JY221,07/09/2016 12:00:00 AM,07/09/2016 12:00:00 AM,,Queen Anne,4,West,The Queen AnneCamber of Commerce,530.0 22 | 12/16/2015 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,F5 St. Patrick's Day Dash,S16MR027,03/13/2016 12:00:00 AM,03/13/2016 12:00:00 AM,,Queen Anne,7,West,Detlef Schrempf Foundation,10300.0 23 | 12/28/2015 12:00:00 AM,Complete,Special Event,Community,,St. Patrick's Day Parade,S16MR038,03/12/2016 12:00:00 AM,03/12/2016 12:00:00 AM,,Downtown,7,West,Irish Heritage Club,4700.0 24 | 12/28/2015 12:00:00 AM,Complete,Special Event,Community,,Green Stripe,S16MR039,03/11/2016 12:00:00 AM,03/11/2016 12:00:00 AM,,Downtown,7,West,Irish Heritage Club,150.0 25 | 12/11/2015 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Hot Chocolate 15K/5K,S16MR043,03/06/2016 12:00:00 AM,03/06/2016 12:00:00 AM,Seattle Center,Queen Anne,4;6;7,West,Ram Racing,7200.0 26 | 01/20/2016 12:00:00 AM,Complete,Special Event,Commercial,,Kells 34th Annual St. Patrick's Day Festival,S16MR057,03/17/2016 12:00:00 AM,03/17/2016 12:00:00 AM,,Downtown,7,West,Kells Irish Restaurant & Bar,290.0 27 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (3.06),S16MR066,03/06/2016 12:00:00 AM,03/06/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 28 | 12/15/2015 12:00:00 AM,Complete,Special Event,Athletic,Cycling,Emerald City Bicycle Ride,S16AP025,04/03/2016 12:00:00 AM,04/03/2016 12:00:00 AM,,University District,2;3,North,Cascade Bicycle Club,6300.0 29 | 12/21/2015 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Seattle Magazine Brunch Run,S16AP033,04/02/2016 12:00:00 AM,04/02/2016 12:00:00 AM,Magnuson Park,Sand Point,4,North,Run for Good Racing Co./5 Focus,900.0 30 | 01/08/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Walk MS/Run MS,S16AP049,04/10/2016 12:00:00 AM,04/10/2016 12:00:00 AM,,University District,4,North,National MS Society - Greater NW Chapter,4000.0 31 | 01/12/2016 12:00:00 AM,Complete,Special Event,Athletic,Other,Seattle Urban Trek,S16AP053,04/23/2016 12:00:00 AM,04/23/2016 12:00:00 AM,Waterfront park,Downtown,7,West,"Seattle Sports Commission, a department of Visit Seattle",550.0 32 | 01/15/2016 12:00:00 AM,Complete,Special Event,Commercial,,WE Day Seattle 2016,S16AP054,04/20/2016 12:00:00 AM,04/20/2016 12:00:00 AM,,Queen Anne,7,West,Free the Children/WE Day,26200.0 33 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (4.02),S16AP068,04/02/2016 12:00:00 AM,04/02/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 34 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (4.16),S16AP069,04/16/2016 12:00:00 AM,04/16/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 35 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (4.30),S16AP070,04/30/2016 12:00:00 AM,04/30/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 36 | 01/26/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,March of Dimes - March for Babies,S16AP091,04/29/2016 12:00:00 AM,04/30/2016 12:00:00 AM,,Queen Anne,7,West,March of Dimes,4110.0 37 | 01/28/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Cannabis Freedom March/Rally,S16AP095,04/30/2016 12:00:00 AM,04/30/2016 12:00:00 AM,,Capitol Hill,3;7,East;West,Cannabis Defense Coalition,530.0 38 | 01/28/2016 12:00:00 AM,Complete,Special Event,Commercial,,LAN Syndicate,S16AP096,04/15/2016 12:00:00 AM,04/17/2016 12:00:00 AM,,Sand Point,4,North,"Tek Syndicate, LLC",1560.0 39 | 02/04/2016 12:00:00 AM,Cancelled,Special Event,Free Speech,,Pilgrimage Day,S16AP110,04/13/2016 12:00:00 AM,04/13/2016 12:00:00 AM,,Central District,3,East,Western Washington Catholic Charismatic Renewal,120.0 40 | 02/05/2016 12:00:00 AM,Complete,Special Event,Community,,Green Lake Food Walk,S16AP111,04/30/2016 12:00:00 AM,04/30/2016 12:00:00 AM,,Green Lake,6,North,Shelter Lounge Green Lake,260.0 41 | 02/10/2016 12:00:00 AM,Complete,Special Event,Commercial,,NFFTY 2016 Opening Night,S16AP122,04/28/2016 12:00:00 AM,04/28/2016 12:00:00 AM,,Downtown,7,West,The Talented Youth (AKA NFFTY),750.0 42 | 02/16/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Teatro Zin Zani,S16AP129,04/02/2016 12:00:00 AM,04/02/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,125.0 43 | 02/16/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - PAWS,S16AP130,04/09/2016 12:00:00 AM,04/09/2016 12:00:00 AM,,Wallingford,4,North,Red Carpet Valet,200.0 44 | 02/18/2016 12:00:00 AM,Complete,Special Event,Community,,Cornish College of the Arts BFA Expo 2016,S16AP137,04/29/2016 12:00:00 AM,04/29/2016 12:00:00 AM,,Downtown,2,West,Cornish College of the Arts,450.0 45 | 02/19/2016 12:00:00 AM,Complete,Special Event,Community,,WSDOT SR520 Public Grand Opening,S16AP138,04/02/2016 12:00:00 AM,04/02/2016 12:00:00 AM,,University District,4,North,Washington State Department of Transportation,50500.0 46 | 02/19/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,GO LONG SR520 Floating Bridge Run,S16AP139,04/02/2016 12:00:00 AM,04/02/2016 12:00:00 AM,,University District,3;4,North,GO LONG SR520 Floating Bridge Run,8500.0 47 | 03/04/2016 12:00:00 AM,Complete,Special Event,Community,,Alley Activation Event,S16AP158,04/09/2016 12:00:00 AM,04/09/2016 12:00:00 AM,,University District,4,North,The U District Partnership,110.0 48 | 03/07/2016 12:00:00 AM,Complete,Special Event,Commercial,,National Geographic Live (4.12),S16AP161,04/12/2016 12:00:00 AM,04/12/2016 12:00:00 AM,,Downtown,7,West,Benaroya Hall,1400.0 49 | 03/17/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Ferguson Construction,S16AP182,04/28/2016 12:00:00 AM,04/28/2016 12:00:00 AM,,Sodo,2,South,Red Carpet Valet,100.0 50 | 03/17/2016 12:00:00 AM,Complete,Special Event,Athletic,Water,WSU OSU Dual,S16AP186,04/09/2016 12:00:00 AM,04/09/2016 12:00:00 AM,,Portage Bay,3;4,North;South,University of Washington Rowing,5500.0 51 | 03/17/2016 12:00:00 AM,Complete,Special Event,Athletic,Water,Husky Open,S16AP189,04/02/2016 12:00:00 AM,04/02/2016 12:00:00 AM,,Portage Bay,3;4,North;South,University of Washington Rowing,700.0 52 | 03/21/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Top Pot Doughnut Dash,S16AP196,04/24/2016 12:00:00 AM,04/24/2016 12:00:00 AM,,Green Lake,6,North,Top Pot Doughnut Dash,2250.0 53 | 03/21/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Protest anti Barnevernet CPA in Norway,S16AP198,04/16/2016 12:00:00 AM,04/16/2016 12:00:00 AM,,Downtown,7,West,First Romanian Pentecostal Church,950.0 54 | 03/24/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Sole Repair,S16AP201,04/07/2016 12:00:00 AM,04/07/2016 12:00:00 AM,,Capitol Hill,3,East,Red Carpet Valet,25.0 55 | 03/25/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Fast for Justice,S16AP204,04/14/2016 12:00:00 AM,04/14/2016 12:00:00 AM,,Capitol Hill,3,East,SEIU Local 925,60.0 56 | 03/28/2016 12:00:00 AM,Complete,Special Event,Community,,Northwest School Spring ArtsFest,S16AP206,04/07/2016 12:00:00 AM,04/07/2016 12:00:00 AM,,Capitol Hill,3,East,The Northwest School,600.0 57 | 03/30/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Indigenous People Standing Against Disenrollment,S16AP216,04/18/2016 12:00:00 AM,04/18/2016 12:00:00 AM,,Downtown,7,West,Indigenous People Standing Against Disenrollment,410.0 58 | 03/31/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Jessica Atkinson (4.8),S16AP219,04/08/2016 12:00:00 AM,04/08/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,75.0 59 | 03/31/2016 12:00:00 AM,Complete,Special Event,Commercial,,Tableau Software,S16AP222,04/19/2016 12:00:00 AM,04/19/2016 12:00:00 AM,,Wallingford,4,North,Fremont Studios,230.0 60 | 04/04/2016 12:00:00 AM,Complete,Special Event,Commercial,,SPU High School Campus Visit Day,S16AP226,04/07/2016 12:00:00 AM,04/08/2016 12:00:00 AM,,Queen Anne,7,West,Seattle Pacific University,900.0 61 | 04/05/2016 12:00:00 AM,Complete,Special Event,Community,,12th Ave Square Park Dedication,S16AP227,04/14/2016 12:00:00 AM,04/14/2016 12:00:00 AM,,Central District,3,West,Seattle Parks and Recreation,110.0 62 | 04/06/2016 12:00:00 AM,Complete,Special Event,Commercial,,MOTHER'S DAY MOVIE PREMIER AT CINERAMA,S16AP229,04/25/2016 12:00:00 AM,04/25/2016 12:00:00 AM,,Downtown,7,West,The Film School,500.0 63 | 04/06/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Homeless Rally and March,S16AP232,04/23/2016 12:00:00 AM,04/23/2016 12:00:00 AM,,Pioneer Square,7,South,Lisa Sawyer/Sharon Jones,60.0 64 | 12/08/2015 12:00:00 AM,In Process,Special Event,Mixed Free Speech,,Seattle Hempfest 2016,S16AU008,08/19/2016 12:00:00 AM,08/21/2016 12:00:00 AM,Myrtle Edwards Park,Downtown,7,West,Seattle Events A Non-Profit Corporation,108000.0 65 | 12/03/2015 12:00:00 AM,Complete,Special Event,Community,,The 2016 Belltown Bash,S16AU017,08/02/2016 12:00:00 AM,08/02/2016 12:00:00 AM,,Belltown,3,West,"CWD Group, Inc.",640.0 66 | 12/03/2015 12:00:00 AM,Complete,Special Event,Athletic,Water,Swim for Life,S16AU022,08/17/2016 12:00:00 AM,08/17/2016 12:00:00 AM,Madison Park,Madison Park,3,East,Bloodworks Northwest (formerly Puget Sound Blood Center),350.0 67 | 12/07/2015 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Alki Beach Run,S16AU023,08/28/2016 12:00:00 AM,08/28/2016 12:00:00 AM,Anchor Park,West Seattle,1,Southwest,Northwest Hope and Healing Foundation,1400.0 68 | 12/20/2015 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Lake Union 10K,S16AU031,08/14/2016 12:00:00 AM,08/14/2016 12:00:00 AM,,Multiple Neighborhoods,4;7,North,Run for Good Racing Co./5 Focus,1300.0 69 | 12/09/2015 12:00:00 AM,Complete,Special Event,Community,,St. Therese Alumni Reunion Summer Block Party 2016,S16AU035,08/20/2016 12:00:00 AM,08/20/2016 12:00:00 AM,,Madrona,3,East,St. Therese Alumni Reunion Planning Committee,550.0 70 | 04/05/2016 12:00:00 AM,Complete,Special Event,Community,,BEGO Ethiopian Cultural Music and Arts Festival,S16AU050,08/14/2016 12:00:00 AM,08/14/2016 12:00:00 AM,,Central District,2,East,BEGO,950.0 71 | 01/20/2016 12:00:00 AM,Complete,Special Event,Athletic,Water,Park to Park Swim,S16AU056,08/21/2016 12:00:00 AM,08/21/2016 12:00:00 AM,,Sand Point,4,North,Seattle Children's Hospital Guild Association,375.0 72 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (8.14),S16AU077,08/14/2016 12:00:00 AM,08/14/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 73 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (8.21),S16AU078,08/21/2016 12:00:00 AM,08/21/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 74 | 02/09/2016 12:00:00 AM,Cancelled,Special Event,Commercial,,Slide the City,S16AU116,08/27/2016 12:00:00 AM,08/27/2016 12:00:00 AM,,Queen Anne,7,West,Slide the City LLC,6500.0 75 | 02/09/2016 12:00:00 AM,Complete,Special Event,Community,,South Lake Union Block Party,S16AU118,08/12/2016 12:00:00 AM,08/12/2016 12:00:00 AM,,South Lake Union,7,West,Vulcan Inc.,3025.0 76 | 03/02/2016 12:00:00 AM,Cancelled,Special Event,Athletic,Run/Walk,Women of Wonder Triathlon,S16AU155,08/20/2016 12:00:00 AM,08/21/2016 12:00:00 AM,,Mount Baker,2;3,South,"Pro-Motion Events, Inc.",2700.0 77 | 03/10/2016 12:00:00 AM,Complete,Special Event,Commercial,,Facebook Seattle at GasWorks Park,S16AU170,08/19/2016 12:00:00 AM,08/19/2016 12:00:00 AM,,Wallingford,4,North,Facebook Seattle,1050.0 78 | 03/14/2016 12:00:00 AM,Complete,Special Event,Commercial,,Belltown Arts Revue,S16AU175,08/20/2016 12:00:00 AM,08/20/2016 12:00:00 AM,,Belltown,7,West,Under the Needle Tattoo,400.0 79 | 03/17/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Street Food Festival,S16AU187,08/19/2016 12:00:00 AM,08/21/2016 12:00:00 AM,,South Lake Union,7,West,Piranha Blonde Interactive,25220.0 80 | 03/21/2016 12:00:00 AM,Cancelled,Special Event,Athletic,Run/Walk,"UNCF Walk, Run, Bike for Education",S16AU195,08/20/2016 12:00:00 AM,08/20/2016 12:00:00 AM,,Central District,3,East,UNCF (United Negro College Fund),250.0 81 | 03/29/2016 12:00:00 AM,Complete,Special Event,Community,,Magnolia Summerfest and Art Show,S16AU211,08/05/2016 12:00:00 AM,08/07/2016 12:00:00 AM,,Magnolia,7,West,magnolia chamber of commerce,6808.0 82 | 03/29/2016 12:00:00 AM,Complete,Special Event,Community,,Magnolia Seafair Parade and Kid's Parade,S16AU212,08/06/2016 12:00:00 AM,08/06/2016 12:00:00 AM,,Magnolia,7,West,Magnolia Chamber of Commerce,4800.0 83 | 03/31/2016 12:00:00 AM,Complete,Special Event,Community,,SalmonFest Seattle 2016,S16AU224,08/05/2016 12:00:00 AM,08/07/2016 12:00:00 AM,,Lake City,5,North,North Seattle Chamber of Commerce,10120.0 84 | 04/06/2016 12:00:00 AM,Complete,Special Event,Commercial,,Arts in Nature Festival,S16AU228,08/20/2016 12:00:00 AM,08/21/2016 12:00:00 AM,OTHER,West Seattle,1,West,Nature Consortium,1030.0 85 | 04/06/2016 12:00:00 AM,Complete,Special Event,Commercial,,"Nisargand - Lehnig Wedding August 6, 2016 Baraat",S16AU231,08/06/2016 12:00:00 AM,08/06/2016 12:00:00 AM,,Downtown,4,West,,20.0 86 | 11/23/2015 12:00:00 AM,Complete,Special Event,Athletic,Water,Special Olympic Polar Plunge,S16FE015,02/05/2016 12:00:00 AM,02/06/2016 12:00:00 AM,Golden Gardens Park,Ballard,6,North,Special Olympics Washington,740.0 87 | 11/25/2015 12:00:00 AM,Complete,Special Event,Community,,2016 Wing Luke Museum Lunar New Year Lion Dance,S16FE019,02/06/2016 12:00:00 AM,02/06/2016 12:00:00 AM,,International District,2,West,Wing Luke Museum of the Asian Pacific American Experience,340.0 88 | 01/04/2016 12:00:00 AM,Complete,Special Event,Commercial,,Debuts & Discoveries,S16FE041,02/27/2016 12:00:00 AM,02/27/2016 12:00:00 AM,Magnuson Park,Sand Point,4,North,University Sunrise Rotary Club,750.0 89 | 01/12/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Love 'em or Leave 'em Valentine's Day Dash,S16FE051,02/14/2016 12:00:00 AM,02/14/2016 12:00:00 AM,Greenlake Park,Green Lake,6,North,Pro-Motion Events Inc,2000.0 90 | 01/20/2016 12:00:00 AM,Complete,Special Event,Community,,Lunar New Year Celebration,S16FE058,02/13/2016 12:00:00 AM,02/13/2016 12:00:00 AM,,International District,2,West,Chinatown-International District Business Improvement Area,5100.0 91 | 01/20/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Chihuly Boathouse (2.13),S16FE062,02/13/2016 12:00:00 AM,02/13/2016 12:00:00 AM,,Wallingford,4,North,Red Carpet Valet,50.0 92 | 01/21/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Chihuly Boathouse (2.06),S16FE063,02/06/2016 12:00:00 AM,02/06/2016 12:00:00 AM,,Wallingford,4,North,Red Carpet Valet,40.0 93 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (2.23),S16FE065,02/23/2016 12:00:00 AM,02/23/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 94 | 01/22/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Westland Distillery,S16FE087,02/04/2016 12:00:00 AM,02/04/2016 12:00:00 AM,,Sodo,2,South,Red Carpet Valet,25.0 95 | 02/02/2016 12:00:00 AM,Complete,Special Event,Commercial,,National Geographic Live! (2.23),S16FE108,02/23/2016 12:00:00 AM,02/23/2016 12:00:00 AM,,Downtown,7,West,Benaroya Hall,2000.0 96 | 02/03/2016 12:00:00 AM,Complete,Special Event,Commercial,,Seattle Symphony Open Rehearsal,S16FE109,02/25/2016 12:00:00 AM,02/25/2016 12:00:00 AM,,Downtown,7,West,Seattle Symphony,1300.0 97 | 02/09/2016 12:00:00 AM,Complete,Special Event,Free Speech,,March for Bernie,S16FE115,02/27/2016 12:00:00 AM,02/27/2016 12:00:00 AM,,Downtown,7,West,Movement 4 Bernie,800.0 98 | 02/16/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Galvanize,S16FE127,02/25/2016 12:00:00 AM,02/25/2016 12:00:00 AM,,Pioneer Square,7,West,Red Carpet Valet,75.0 99 | 02/16/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Support Indicted nYPD Officer Liang,S16FE132,02/20/2016 12:00:00 AM,02/20/2016 12:00:00 AM,,Downtown,7,West,Seattle Chinese Volunteer Association,0.0 100 | 02/22/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Matt's at the Market,S16FE145,02/25/2016 12:00:00 AM,02/25/2016 12:00:00 AM,,Downtown,7,West,Butler Valet,50.0 101 | 02/22/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Palace Ballroom (2.27),S16FE146,02/27/2016 12:00:00 AM,02/27/2016 12:00:00 AM,,Downtown,7,West,Butler Valet,50.0 102 | 02/22/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Seattle Center Pavilion,S16FE147,02/27/2016 12:00:00 AM,02/27/2016 12:00:00 AM,,Queen Anne,7,West,Butler Valet,50.0 103 | ,Cancelled,Special Event,Commercial,,American Express Game Day Event (01.09-01.10) - Occidental Park,S16JA001,01/09/2016 12:00:00 AM,01/10/2016 12:00:00 AM,Occidental Park,Pioneer Square,2,West,Momentum Worldwide,950.0 104 | ,Cancelled,Special Event,Commercial,,American Express Game Day Event (01.16-1.17) - Occidental Park,S16JA002,01/16/2016 12:00:00 AM,01/17/2016 12:00:00 AM,Occidental Park,Pioneer Square,2,West,Momentum Worldwide,950.0 105 | ,Cancelled,Special Event,Commercial,,American Express Game Day Event (01.24) - Occidental Park,S16JA003,01/24/2016 12:00:00 AM,01/24/2016 12:00:00 AM,Occidental Park,Pioneer Square,2,West,Momentum Worldwide,950.0 106 | 11/25/2015 12:00:00 AM,Complete,Special Event,Free Speech,,2016 MLK March (Giddens),S16JA005,01/15/2016 12:00:00 AM,01/15/2016 12:00:00 AM,,Central District,3,East,Giddens School,300.0 107 | 12/09/2015 12:00:00 AM,Complete,Special Event,Commercial,,Seattle Boat Show,S16JA010,01/29/2016 12:00:00 AM,02/06/2016 12:00:00 AM,,South Lake Union,3,West,Northwest Yacht Brokers Association,13280.0 108 | 12/18/2015 12:00:00 AM,Complete,Special Event,Free Speech,,Dr. Martin Luther King Jr. Birthday March (McDonald),S16JA011,01/15/2016 12:00:00 AM,01/15/2016 12:00:00 AM,,Lake City,6,North,McDonald International School,500.0 109 | 12/09/2015 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Resolution Run Presented by Club Northwest,S16JA012,01/01/2016 12:00:00 AM,01/01/2016 12:00:00 AM,Magnuson Park,Sand Point,6,North,"Pro-Motion Events, Inc.",1825.0 110 | ,Complete,Special Event,Free Speech,,Annual Martin Luther King Jr. March and Symposium,S16JA013,01/16/2016 12:00:00 AM,01/16/2016 12:00:00 AM,Martin Luther King Jr Memorial Park,Mount Baker,2,South,Seattle Parks and Recreation,285.0 111 | 12/15/2015 12:00:00 AM,Complete,Special Event,Free Speech,,Orca K-8 School 2016 MLK March,S16JA026,01/15/2016 12:00:00 AM,01/15/2016 12:00:00 AM,,Columbia City,2,South,Orca K-8 School of Seattle Public Schools,650.0 112 | 12/18/2015 12:00:00 AM,Complete,Special Event,Free Speech,,Martin Luther King Jr. Committee 34th Annual March & Rally,S16JA030,01/18/2016 12:00:00 AM,01/18/2016 12:00:00 AM,,Multiple Neighborhoods,3;7,East;West,Martin Luther King Jr. Celebration Committee,5200.0 113 | 12/22/2015 12:00:00 AM,Complete,Special Event,Commercial,,Seattle Symphony Friday Matinees Concert (1.22),S16JA034,01/22/2016 12:00:00 AM,01/22/2016 12:00:00 AM,,Downtown,7,West,Seattle Smphony/Benaroya Hall,285.0 114 | 12/28/2015 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Chihuly Boathouse,S16JA037,01/15/2016 12:00:00 AM,01/15/2016 12:00:00 AM,,Wallingford,4,North,Red Carpet Valet,60.0 115 | 01/04/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Ethiopian Churches Epiphany Celebration,S16JA045,01/23/2016 12:00:00 AM,01/23/2016 12:00:00 AM,,Mount Baker,2,South,Ethiopian Orthodox Tewanedo Church,4000.0 116 | 01/08/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Martin Luther King March (Roosevelt),S16JA048,01/14/2016 12:00:00 AM,01/14/2016 12:00:00 AM,,University District,4,North,"Black Student Union, Roosevelt High School",105.0 117 | 01/12/2016 12:00:00 AM,Cancelled,Special Event,Community,,First Hill Streetcar Launch,S16JA052,01/23/2016 12:00:00 AM,01/23/2016 12:00:00 AM,,Multiple Neighborhoods,7,East;West,Seattle Department of Transportation,220.0 118 | 01/14/2016 12:00:00 AM,Cancelled,Special Event,Free Speech,,Public Lands Are for All of Us Rally,S16JA055,01/19/2016 12:00:00 AM,01/19/2016 12:00:00 AM,,Downtown,7,West,Conservation Northwest,320.0 119 | 01/20/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Chihuly Boathouse (1.25),S16JA061,01/25/2016 12:00:00 AM,01/25/2016 12:00:00 AM,,Wallingford,4,North,Red Carpet Valet,60.0 120 | 01/21/2016 12:00:00 AM,Complete,Special Event,Commercial,,National Geographic Live! Student Matinees (1.25-26),S16JA084,01/25/2016 12:00:00 AM,01/26/2016 12:00:00 AM,,Downtown,7,West,Benaroya Hall,2600.0 121 | 01/22/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Open House (1.28),S16JA085,01/28/2016 12:00:00 AM,01/28/2016 12:00:00 AM,,Queen Anne,7,West,Butler Valet,60.0 122 | 01/22/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Open House (1.30),S16JA086,01/30/2016 12:00:00 AM,01/30/2016 12:00:00 AM,,Queen Anne,7,West,Butler Valet,60.0 123 | 01/26/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - UW Private Dinner Party,S16JA089,01/28/2016 12:00:00 AM,01/28/2016 12:00:00 AM,,Queen Anne,7,West,Butler Valet,50.0 124 | 11/04/2015 12:00:00 AM,Complete,Special Event,Commercial,,Beer Camp Across America - Pacific Northwest and Rocky Mountain Edition,S16JU014,06/11/2016 12:00:00 AM,06/11/2016 12:00:00 AM,Lake Union Park,Cascade,7,West,Sierra Nevada Brewing Co,3450.0 125 | 12/16/2015 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Shore Run,S16JU029,06/12/2016 12:00:00 AM,06/12/2016 12:00:00 AM,,Multiple Neighborhoods,3,East;South,Orswell Events,3000.0 126 | 01/20/2016 12:00:00 AM,Cancelled,Special Event,Commercial,,The Bush School 2016 Middle School Moving-Up Ceremony & Baccalaureate (6/9/16) & 2016 Graduation (6/10/16),S16JU059,06/09/2016 12:00:00 AM,06/10/2016 12:00:00 AM,,Madison Park,3,East,The Bush School,1150.0 127 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (6.25),S16JU073,06/25/2016 12:00:00 AM,06/25/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 128 | 02/02/2016 12:00:00 AM,Complete,Special Event,Community,,Fremont Solstice Fair,S16JU103,06/17/2016 12:00:00 AM,06/19/2016 12:00:00 AM,,Fremont,6,North,Fremont Chamber of Commerce,36050.0 129 | 02/02/2016 12:00:00 AM,In Process,Special Event,Mixed Free Speech,,Capitol Hill Pride Festival,S16JU107,06/25/2016 12:00:00 AM,06/26/2016 12:00:00 AM,,Capitol Hill,3,East,Northwest Museum of Legends and Lore,60050.0 130 | 02/10/2016 12:00:00 AM,Complete,Special Event,Commercial,,Wildrose Pride 2016,S16JU121,06/24/2016 12:00:00 AM,06/26/2016 12:00:00 AM,,Capitol Hill,3,East,Wildrose,4390.0 131 | 02/12/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Capitol Hill Pride Festival March & Rally,S16JU124,06/25/2016 12:00:00 AM,06/25/2016 12:00:00 AM,,Capitol Hill,3,East,Northwest Museum of Legends and Lore,212.0 132 | 02/22/2016 12:00:00 AM,Complete,Special Event,Community,,Greenwood Car Show,S16JU143,06/25/2016 12:00:00 AM,06/25/2016 12:00:00 AM,,Greenwood,6,North,Greenwood Knights,1050.0 133 | 03/04/2016 12:00:00 AM,In Process,Special Event,Mixed Free Speech,,Seattle Pride Parade,S16JU157,06/26/2016 12:00:00 AM,06/26/2016 12:00:00 AM,,Downtown,7,West,Seattle Pride,204000.0 134 | 03/07/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Rock 'n' Roll Marathon,S16JU159,06/18/2016 12:00:00 AM,06/18/2016 12:00:00 AM,,Sodo,2;3;7,South,Competitor Group Inc,28000.0 135 | 03/07/2016 12:00:00 AM,Complete,Special Event,Community,,2016 Seattle Spring Opener,S16JU164,06/05/2016 12:00:00 AM,06/05/2016 12:00:00 AM,,Georgetown,2,South,Seattle Spring Opener,300.0 136 | 03/10/2016 12:00:00 AM,Complete,Special Event,Community,,Volunteer Park Pride Festival,S16JU169,06/11/2016 12:00:00 AM,06/11/2016 12:00:00 AM,,Capitol Hill,3,East,Seattle Pride,2550.0 137 | 03/11/2016 12:00:00 AM,Complete,Special Event,Commercial,,Purr Pride Block Party,S16JU173,06/25/2016 12:00:00 AM,06/25/2016 12:00:00 AM,,Capitol Hill,3,East,Purr Cocktail Lounge,985.0 138 | 03/15/2016 12:00:00 AM,Complete,Special Event,Community,,Georgetown Carnival,S16JU176,06/11/2016 12:00:00 AM,06/11/2016 12:00:00 AM,,Georgetown,2,South,Georgetown Merchants Association,9600.0 139 | 03/16/2016 12:00:00 AM,Complete,Special Event,Commercial,,Neighbours Gay Pride Celebration,S16JU179,06/24/2016 12:00:00 AM,06/25/2016 12:00:00 AM,,Capitol Hill,3,East,Neighbours Seattle,418.0 140 | 03/17/2016 12:00:00 AM,Complete,Special Event,Commercial,,Seattle Symphony Friday Matinees concert,S16JU185,06/10/2016 12:00:00 AM,06/10/2016 12:00:00 AM,,Downtown,7,West,Seattle Symphony/Benaroya Hall,355.0 141 | 03/18/2016 12:00:00 AM,Complete,Special Event,Community,,Roosevelt High School Neighborhood Parade,S16JU190,06/18/2016 12:00:00 AM,06/18/2016 12:00:00 AM,,Roosevelt,4,North,Roosevelt Band Boosters,190.0 142 | 03/21/2016 12:00:00 AM,Complete,Special Event,Commercial,,Drink Pink at Café Campagne,S16JU192,06/02/2016 12:00:00 AM,06/02/2016 12:00:00 AM,,Downtown,7,West,Café Campagne,112.0 143 | 03/21/2016 12:00:00 AM,Complete,Special Event,Community,,Morgan Junction Community Festival,S16JU194,06/18/2016 12:00:00 AM,06/18/2016 12:00:00 AM,,West Seattle,1,West,Morgan Community Association (MoCA),750.0 144 | 02/16/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Hillel of UW,S16MR133,03/03/2016 12:00:00 AM,03/03/2016 12:00:00 AM,,University District,4,North,Red Carpet Valet,125.0 145 | 03/21/2016 12:00:00 AM,Complete,Special Event,Community,,HONK! Fest West 2016 (Columbia City),S16JU197,06/19/2016 12:00:00 AM,06/19/2016 12:00:00 AM,,Columbia City,2,South,HONK! Fest West,1800.0 146 | 03/23/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Seattle Dyke March,S16JU200,06/25/2016 12:00:00 AM,06/25/2016 12:00:00 AM,,Capitol Hill,3,East,Seattle Dyke March,725.0 147 | 03/25/2016 12:00:00 AM,Complete,Special Event,Commercial,,SAM Party in the Park,S16JU203,06/24/2016 12:00:00 AM,06/24/2016 12:00:00 AM,,Downtown,7,West,Seattle Art Museum,600.0 148 | 03/21/2016 12:00:00 AM,Complete,Special Event,Community,,HONK! Fest West 2016 (Capitol Hill),S16JU205,06/17/2016 12:00:00 AM,06/17/2016 12:00:00 AM,,Capitol Hill,3,East,HONK! Fest West,1800.0 149 | 03/28/2016 12:00:00 AM,Complete,Special Event,Commercial,,Fuel Outdoor Beer Garden (6.11),S16JU208,06/11/2016 12:00:00 AM,06/11/2016 12:00:00 AM,,Pioneer Square,7,South,Fuel Sports Eats and Beats,420.0 150 | 03/29/2016 12:00:00 AM,Complete,Special Event,Citywide,,Fremont Solstice Parade,S16JU210,06/18/2016 12:00:00 AM,06/18/2016 12:00:00 AM,,Fremont,4;6,North,Fremont Arts Council,25000.0 151 | 03/29/2016 12:00:00 AM,Complete,Special Event,Community,,Fremont Solstice Celebration,S16JU213,06/18/2016 12:00:00 AM,06/18/2016 12:00:00 AM,,Fremont,6,North,Fremont Arts Council,2000.0 152 | 03/29/2016 12:00:00 AM,Complete,Special Event,Community,,Fremont Solstice Float Move,S16JU214,06/17/2016 12:00:00 AM,06/17/2016 12:00:00 AM,,Fremont,6,North,Fremont Arts Council,300.0 153 | 03/29/2016 12:00:00 AM,Complete,Special Event,Community,,Pride Party in Tilikum Park,S16JU215,06/26/2016 12:00:00 AM,06/26/2016 12:00:00 AM,,Belltown,7,West,The 5 Point Café,510.0 154 | 03/30/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Race for the Cure - Susan G. Komen,S16JU217,06/05/2016 12:00:00 AM,06/05/2016 12:00:00 AM,,Queen Anne,7,West,Susan G. Komen Puget Sound,5500.0 155 | 03/31/2016 12:00:00 AM,Complete,Special Event,Commercial,,Cuff Pride Day Celebration,S16JU220,06/26/2016 12:00:00 AM,06/26/2016 12:00:00 AM,,Capitol Hill,3,East,Cuff Pride Day Celebration, 156 | 04/06/2016 12:00:00 AM,Complete,Special Event,Community,,Hopscotch CD,S16JU230,06/11/2016 12:00:00 AM,06/11/2016 12:00:00 AM,,Central District,3,East,Centerstone,500.0 157 | 12/01/2015 12:00:00 AM,Complete,Special Event,Commercial,,Clips Beer and Film Tour,S16JY007,07/29/2016 12:00:00 AM,07/29/2016 12:00:00 AM,Gas Works Park,Portage Bay,4,West,The World is Fun,2500.0 158 | 11/25/2015 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Crown of Queen Anne Fun Run/Walk,S16JY020,07/09/2016 12:00:00 AM,07/09/2016 12:00:00 AM,,Queen Anne,7,West,Crown of Queen Anne Fun Run/Walk,760.0 159 | 11/20/2015 12:00:00 AM,Complete,Special Event,Athletic,Cycling,Group Health Seattle to Portland presented by Alaska Airlines (STP),S16JY021,07/16/2016 12:00:00 AM,07/16/2016 12:00:00 AM,,University District,2;3;4,North,Cascade Bicycle Club,10090.0 160 | 12/21/2015 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Float Dodger 5K,S16JY032,07/23/2016 12:00:00 AM,07/23/2016 12:00:00 AM,,West Seattle,1,Southwest,Run for Good Racing Co./5 Focus,650.0 161 | 12/29/2015 12:00:00 AM,Complete,Special Event,Athletic,Cycling,Seattle Night Ride,S16JY040,07/08/2016 12:00:00 AM,07/08/2016 12:00:00 AM,,Multiple Neighborhoods,6;7,North;West,Cascade Bicycle Club,620.0 162 | 01/04/2016 12:00:00 AM,Complete,Special Event,Athletic,Water,Fat Salmon Open Water Swim,S16JY042,07/16/2016 12:00:00 AM,07/16/2016 12:00:00 AM,Madison Park,Multiple Neighborhoods,3,East,Orca Swim Team,450.0 163 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (3.19),S16MR067,03/19/2016 12:00:00 AM,03/19/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 164 | 01/25/2016 12:00:00 AM,Complete,Special Event,Community,,Magnolia Little League Annual Parade,S16MR088,03/26/2016 12:00:00 AM,03/26/2016 12:00:00 AM,,Magnolia,7,West,Magnolia Little League,2025.0 165 | 01/27/2016 12:00:00 AM,Complete,Special Event,Commercial,,"The 5th Avenue Theatre Student Matinee for ""How to Succeed in Business""",S16MR093,03/03/2016 12:00:00 AM,03/04/2016 12:00:00 AM,,Downtown,7,West,The 5th Avenue Theatre,1820.0 166 | 02/01/2016 12:00:00 AM,Complete,Special Event,Commercial,,All Hands,S16MR100,03/31/2016 12:00:00 AM,03/31/2016 12:00:00 AM,,Multiple Neighborhoods,7,West,Spplus,2940.0 167 | 02/01/2016 12:00:00 AM,Complete,Special Event,Commercial,,Fuel Outdoor Beer Garden (3.19),S16MR101,03/19/2016 12:00:00 AM,03/19/2016 12:00:00 AM,,Pioneer Square,7,South,Fuel Outdoor Beer Garden,420.0 168 | 02/09/2016 12:00:00 AM,Complete,Special Event,Commercial,,Seattle Symphony Friday Matinees Concert,S16MR114,03/25/2016 12:00:00 AM,03/25/2016 12:00:00 AM,,Downtown,7,West,Seattle Symphony/Benaroya Hall,355.0 169 | 02/16/2016 12:00:00 AM,Complete,Special Event,Commercial,,Starbucks Coffee Company 2016 Annual Shareholders Meeting,S16MR126,03/23/2016 12:00:00 AM,03/23/2016 12:00:00 AM,,Queen Anne,7,West,Starbucks Coffee Company,3000.0 170 | 02/16/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Holocaust Center,S16MR128,03/02/2016 12:00:00 AM,03/02/2016 12:00:00 AM,,Pioneer Square,7,West,Red Carpet Valet,30.0 171 | 02/16/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Palace Ballroom,S16MR134,03/05/2016 12:00:00 AM,03/05/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,130.0 172 | 02/18/2016 12:00:00 AM,Complete,Special Event,Free Speech,,57th Tibetan Uprising Day,S16MR136,03/10/2016 12:00:00 AM,03/10/2016 12:00:00 AM,,Downtown,7,West,Tibetan Assocation of Washington Seattle Chapter,80.0 173 | 02/19/2016 12:00:00 AM,Complete,Special Event,Community,,Sound Transit U Link Launch Capitol Hill Station,S16MR140,03/19/2016 12:00:00 AM,03/19/2016 12:00:00 AM,,Capitol Hill,3,East,Sound Transit,30500.0 174 | 02/19/2016 12:00:00 AM,Complete,Special Event,Community,,Sound Transit U Link Launch University of Washington Station,S16MR141,03/19/2016 12:00:00 AM,03/19/2016 12:00:00 AM,,University District,4,North,Sound Transit,30500.0 175 | 02/22/2016 12:00:00 AM,Complete,Special Event,Athletic,Water,Class Day,S16MR144,03/26/2016 12:00:00 AM,03/26/2016 12:00:00 AM,,Montlake,3;4,North;South,University of Washington Rowing,620.0 176 | 02/26/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Palace Ballroom (3.12),S16MR150,03/12/2016 12:00:00 AM,03/12/2016 12:00:00 AM,,Downtown,7,West,Butler Valet,100.0 177 | 03/01/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Tom Douglas Event,S16MR151,03/05/2016 12:00:00 AM,03/05/2016 12:00:00 AM,,Downtown,7,West,Butler Valet,100.0 178 | 03/01/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Oromo Community Rally Against Ethiopian Government,S16MR154,03/11/2016 12:00:00 AM,03/11/2016 12:00:00 AM,,Central District,3,East,Oromo Community Service of Seattle,400.0 179 | 03/10/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Pier 70 Graham and Dunn,S16MR167,03/17/2016 12:00:00 AM,03/17/2016 12:00:00 AM,,Downtown,7,West,Butler Valet,300.0 180 | 03/10/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Quality Athletics,S16MR168,03/17/2016 12:00:00 AM,03/17/2016 12:00:00 AM,,Pioneer Square,7,West,Butler Valet,50.0 181 | 03/15/2016 12:00:00 AM,Complete,Special Event,Commercial,,"National Geographic Live! Student Series: Rhinos, Rickshaws & Revolutions",S16MR177,03/21/2016 12:00:00 AM,03/22/2017 12:00:00 AM,,Downtown,7,West,Benaroya Hall,2300.0 182 | 03/16/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Neptune Theatre,S16MR178,03/25/2016 12:00:00 AM,03/25/2016 12:00:00 AM,,University District,4,North,Butler Valet,150.0 183 | 03/17/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Seattle Good Bar,S16MR181,03/31/2016 12:00:00 AM,03/31/2016 12:00:00 AM,,Pioneer Square,7,West,Red Carpet Valet,80.0 184 | 03/17/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Jessica Atkinson,S16MR183,03/30/2016 12:00:00 AM,03/30/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,100.0 185 | 11/30/2015 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,The Color Run Seattle 2016,S16MY009,05/08/2016 12:00:00 AM,05/08/2016 12:00:00 AM,,Queen Anne,7,West,"The Color Run, LLC",9000.0 186 | 12/16/2015 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,West Seattle 5K Run/Walk,S16MY028,05/22/2016 12:00:00 AM,05/22/2016 12:00:00 AM,,West Seattle,1,Southwest,West Seattle High School PTSA,1400.0 187 | 12/23/2015 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,2016 Seattle Lung Force Walk,S16MY036,05/07/2016 12:00:00 AM,05/07/2016 12:00:00 AM,,South Lake Union,7,West,American Lung Association of the Mountain Pacific,750.0 188 | 02/19/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Fiesta 5K Ole,S16MY047,05/07/2016 12:00:00 AM,05/07/2016 12:00:00 AM,Volunteer Park,Capitol Hill,3,East,"Fizz Events, LLC",5100.0 189 | 01/20/2016 12:00:00 AM,Complete,Special Event,Community,,Northwest Folklife Staging and Production,S16MY060,05/24/2016 12:00:00 AM,06/01/2016 12:00:00 AM,,Queen Anne,7,West,Northwest Folklife Staging and Production,1000.0 190 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Opening Day of Boating Season Parade,S16MY064,05/07/2016 12:00:00 AM,05/07/2016 12:00:00 AM,,Portage Bay,3;4,North,Seattle Yacht Club,4700.0 191 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (5.07),S16MY071,05/07/2016 12:00:00 AM,05/07/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 192 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (5.21),S16MY072,05/21/2016 12:00:00 AM,05/21/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 193 | 01/27/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Great Strides Seattle,S16MY092,05/22/2016 12:00:00 AM,05/22/2016 12:00:00 AM,,Queen Anne,7,North;West,Cystic Fibrosis Foundation,750.0 194 | 01/28/2016 12:00:00 AM,Complete,Special Event,Community,,Taco Libre,S16MY094,05/01/2016 12:00:00 AM,05/01/2016 12:00:00 AM,,Fremont,6,North,Piranha Blonde Creative,10100.0 195 | 01/29/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Brooks Trailhead 10K and 15K,S16MY097,05/22/2016 12:00:00 AM,05/22/2016 12:00:00 AM,Gas Works Park,Multiple Neighborhoods,3;4;6,East;North;West,Snohomish Running Company,1450.0 196 | 02/01/2016 12:00:00 AM,Complete,Special Event,Commercial,,Cinco de Mayo Tacos Guaymas,S16MY102,05/05/2016 12:00:00 AM,05/05/2016 12:00:00 AM,,Green Lake,6,North,Tacos Guaymas/Salvador Sahagun,950.0 197 | 02/10/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Nordstrom Beat the Bridge 8K Run and Walk,S16MY117,05/15/2016 12:00:00 AM,05/15/2016 12:00:00 AM,,University District,3;4,North,Nordstrom - NW Event Marketing,11000.0 198 | 02/10/2016 12:00:00 AM,Complete,Special Event,Community,,West Seattle Bee Festival,S16MY119,05/21/2016 12:00:00 AM,05/21/2016 12:00:00 AM,,West Seattle,1,West,"High Point Open Spaces Association, Events Committee",450.0 199 | 02/10/2016 12:00:00 AM,Complete,Special Event,Commercial,,Sonia & Kiran Wedding Procession,S16MY120,05/21/2016 12:00:00 AM,05/21/2016 12:00:00 AM,,Downtown,7,West,Sarika Paul,70.0 200 | 02/16/2016 12:00:00 AM,Cancelled,Special Event,Commercial,,OWSLA Sound System,S16MY125,05/21/2016 12:00:00 AM,05/21/2016 12:00:00 AM,,Downtown,7,West,Upper Left,6100.0 201 | 02/16/2016 12:00:00 AM,Complete,Special Event,Community,,University District Street Fair,S16MY131,05/20/2016 12:00:00 AM,05/22/2016 12:00:00 AM,,University District,4,North,The U District Partnership,31075.0 202 | 02/22/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Norwegian 17th of May Parade,S16MY142,05/17/2016 12:00:00 AM,05/17/2016 12:00:00 AM,,Ballard,6,North,Seattle Norwegian 17th of May Committee,4500.0 203 | 02/22/2016 12:00:00 AM,Complete,Special Event,Commercial,,Localicious - Living Future 2016,S16MY148,05/12/2016 12:00:00 AM,05/13/2016 12:00:00 AM,,Downtown,7,West,International Living Future Institute,1870.0 204 | 03/01/2016 12:00:00 AM,Complete,Special Event,Community,,Madrona Mayfair,S16MY152,05/14/2016 12:00:00 AM,05/14/2016 12:00:00 AM,,Madrona,3,East,Madrona Community Council,525.0 205 | 03/03/2016 12:00:00 AM,Complete,Special Event,Free Speech,,March Against Monsanto - Seattle 2016,S16MY156,05/21/2016 12:00:00 AM,05/21/2016 12:00:00 AM,,Downtown,7,West,March Against Monsanto - Seattle,922.0 206 | 03/07/2016 12:00:00 AM,Complete,Special Event,Commercial,,National Geographic Live (5.15-5.16),S16MY162,05/16/2016 12:00:00 AM,05/17/2016 12:00:00 AM,,Downtown,7,West,Benaroya Hall,1200.0 207 | 03/07/2016 12:00:00 AM,Complete,Special Event,Community,,Homeless Veterans Day,S16MY163,05/30/2016 12:00:00 AM,05/30/2016 12:00:00 AM,,Pioneer Square,7,West,Bread of Life Mission,2580.0 208 | 03/10/2016 12:00:00 AM,In Process,Special Event,Commercial,,Seattle Symphony Link Up (5.11),S16MY171,05/11/2016 12:00:00 AM,05/11/2016 12:00:00 AM,,Downtown,7,West,Seattle Symphony,3825.0 209 | 03/10/2016 12:00:00 AM,In Process,Special Event,Commercial,,Seattle Symphony Link Up (5.18-5.19),S16MY172,05/18/2016 12:00:00 AM,05/19/2016 12:00:00 AM,,Downtown,7,West,Seattle Symphony,6855.0 210 | 03/14/2016 12:00:00 AM,Cancelled,Special Event,Community,,Cascadia Day Community Celebration,S16MY174,05/21/2016 12:00:00 AM,05/21/2016 12:00:00 AM,,Fremont,6,North,CascadiaNow!,250.0 211 | 03/17/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - SODO Park,S16MY184,05/15/2016 12:00:00 AM,05/15/2016 12:00:00 AM,,Sodo,2,South,Red Carpet Valet,150.0 212 | 03/17/2016 12:00:00 AM,Complete,Special Event,Athletic,Water,Opening Day Windermere Cup,S16MY188,05/07/2016 12:00:00 AM,05/07/2016 12:00:00 AM,,Portage Bay,3;4,North;South,University of Washington Rowing,5500.0 213 | 03/21/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Ice Cream Festival,S16MY193,05/22/2016 12:00:00 AM,05/22/2016 12:00:00 AM,,Capitol Hill,3,East,Dunn & Hobbes,2530.0 214 | 03/28/2016 12:00:00 AM,Complete,Special Event,Commercial,,Fuel Outdoor Beer Garden (5.7),S16MY207,05/07/2016 12:00:00 AM,05/07/2016 12:00:00 AM,,Pioneer Square,7,South,Fuel Sports Eats and Beats,420.0 215 | 03/31/2016 12:00:00 AM,Complete,Special Event,Commercial,,Diversified Production Services,S16MY223,05/17/2016 12:00:00 AM,05/17/2016 12:00:00 AM,,Fremont,6,North,Fremont Studios,230.0 216 | 04/01/2016 12:00:00 AM,Complete,Special Event,Community,,National Park Services BioBlitz,S16MY225,05/21/2016 12:00:00 AM,05/21/2016 12:00:00 AM,,Pioneer Square,2,South,InterIm CDA,280.0 217 | 12/02/2015 12:00:00 AM,Complete,Special Event,Commercial,,My Macy's Starlighting and Fireworks,S16NO016,11/25/2016 12:00:00 AM,11/25/2016 12:00:00 AM,,Downtown,7,West,Macy's Inc,15010.0 218 | 12/02/2015 12:00:00 AM,In Process,Special Event,Citywide,,My Macy's Holiday Parade,S16NO018,11/25/2016 12:00:00 AM,11/25/2016 12:00:00 AM,,Downtown,7,West,Macy's Inc.,23000.0 219 | 01/21/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Seattle Turkey Trot,S16NO083,11/24/2016 12:00:00 AM,11/24/2016 12:00:00 AM,,Ballard,6,North,Ballard Food Bank,4600.0 220 | 10/05/2015 12:00:00 AM,Complete,Special Event,Athletic,Water,Tail of the Lake Regatta,S16OC006,10/02/2016 12:00:00 AM,10/02/2016 12:00:00 AM,,South Lake Union,4,West,Holy Names Academy,950.0 221 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (10.12),S16OC081,10/12/2016 12:00:00 AM,10/12/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 222 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (10.23),S16OC082,10/23/2016 12:00:00 AM,10/23/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 223 | 01/26/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,PurpleStride Puget Sound 2016,S16OC090,10/30/2016 12:00:00 AM,10/30/2016 12:00:00 AM,,Sand Point,4,North,Pancreatic Cancer Action Network,2700.0 224 | 02/01/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Making Strides Against Breast Cancer of Seattle,S16OC099,10/29/2016 12:00:00 AM,10/29/2016 12:00:00 AM,,Queen Anne,7,West,"AMERICAN CANCER SOCIETY, INC.",3600.0 225 | 12/01/2015 12:00:00 AM,In Process,Special Event,Mixed Free Speech,,San Gennaro Festival,S16SE004,09/09/2016 12:00:00 AM,09/11/2016 12:00:00 AM,,Georgetown,2,South,San Gennaro Foundation - Seattle,2010.0 226 | 12/07/2015 12:00:00 AM,Complete,Special Event,Free Speech,,Mass of the Holy Spirit Procession,S16SE024,09/29/2016 12:00:00 AM,09/29/2016 12:00:00 AM,,First Hill,3,East,Seattle University,410.0 227 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (9.17),S16SE079,09/17/2016 12:00:00 AM,09/17/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 228 | 01/21/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (9.28),S16SE080,09/28/2016 12:00:00 AM,09/28/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,705.0 229 | 02/02/2016 12:00:00 AM,Complete,Special Event,Commercial,,Fremont Oktoberfest,S16SE104,09/23/2016 12:00:00 AM,09/25/2016 12:00:00 AM,,Fremont,6,North,Fremont Chamber of Commerce,16450.0 230 | 02/02/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Fremont Oktoberfest Alpine Climb 5K,S16SE105,09/25/2016 12:00:00 AM,09/25/2016 12:00:00 AM,Gas Works Park,Fremont,6,North,Bold Hat Productions,1230.0 231 | 02/16/2016 12:00:00 AM,Complete,Special Event,Athletic,Other,US Gaelic Athletic Association Finals,S16SE135,09/02/2016 12:00:00 AM,09/04/2016 12:00:00 AM,,Sand Point,4,North,Irish Heritage Club/Seattle Gaels,7500.0 232 | 03/07/2016 12:00:00 AM,Complete,Special Event,Free Speech,,"Global March for Elephants, Rhinos and Lions",S16SE160,09/24/2016 12:00:00 AM,09/24/2016 12:00:00 AM,,Queen Anne,7,West,Emerald City Pet Rescue,320.0 233 | 03/25/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,The Orca Half,S16SE202,09/25/2016 12:00:00 AM,09/25/2016 12:00:00 AM,,West Seattle,1,Southwest;West,Orca Running,650.0 234 | 04/06/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Raise the Alarm Route 1: Capitol Hill to Downtown,S16AP233,04/14/2016 12:00:00 AM,04/14/2016 12:00:00 AM,,Downtown,3;7,East;West,Working Washington,120.0 235 | 04/06/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Raise the Alarm Route 2: Pike Place to Downtown,S16AP234,04/14/2016 12:00:00 AM,04/14/2016 12:00:00 AM,,Downtown,7,West,Working Washington,120.0 236 | 04/07/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Fremont 5K & Briefcase Relay,S16JU235,06/03/2016 12:00:00 AM,06/03/2016 12:00:00 AM,,Fremont,4;6,North,"Pro-Motion Events, Inc.",1250.0 237 | 05/24/2016 12:00:00 AM,In Process,Special Event,Citywide,,Seafair Weekend,S16AU305,08/05/2016 12:00:00 AM,08/07/2016 12:00:00 AM,,Mount Baker,1;2;3;4;5;6;7,East;North;South;West,Seafair,175300.0 238 | 05/25/2016 12:00:00 AM,Cancelled,Valet Parking,,,Red Carpet Valet - CBRE,S16JU306,06/08/2016 12:00:00 AM,06/08/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,75.0 239 | 05/26/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Eats and Beats (7.19),S16JY307,07/19/2016 12:00:00 AM,07/19/2016 12:00:00 AM,,Downtown,7,West,Seafair,200.0 240 | 05/26/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Eats and Beats (7.26),S16JY308,07/26/2016 12:00:00 AM,07/26/2016 12:00:00 AM,,Downtown,7,West,Seafair,200.0 241 | 05/26/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Eats and Beats (7.12),S16JY309,07/12/2016 12:00:00 AM,07/12/2016 12:00:00 AM,,Downtown,7,West,Seafair,200.0 242 | 05/31/2016 12:00:00 AM,Complete,Special Event,Commercial,,CBS Radio Hometown Hangar (9.11),S16SE319,09/11/2016 12:00:00 AM,09/11/2016 12:00:00 AM,,Sodo,2,South,CBS Seattle,770.0 243 | 05/31/2016 12:00:00 AM,Complete,Special Event,Commercial,,CBS Radio Hometown Hangar (9.25),S16SE320,09/25/2016 12:00:00 AM,09/25/2016 12:00:00 AM,,Sodo,2,South,CBS Seattle,770.0 244 | 05/31/2016 12:00:00 AM,Complete,Special Event,Commercial,,CBS Radio Hometown Hangar (10.16),S16OC321,10/16/2016 12:00:00 AM,10/16/2016 12:00:00 AM,,Sodo,2,South,CBS Seattle,770.0 245 | 05/31/2016 12:00:00 AM,Complete,Special Event,Commercial,,CBS Radio Hometown Hangar (11.20),S16NO322,11/20/2016 12:00:00 AM,11/20/2016 12:00:00 AM,,Sodo,2,South,CBS Seattle,770.0 246 | 05/31/2016 12:00:00 AM,Complete,Special Event,Commercial,,CBS Radio Hometown Hangar (12.04),S16DE323,12/04/2016 12:00:00 AM,12/04/2016 12:00:00 AM,,Sodo,2,South,CBS Seattle,770.0 247 | 08/01/2016 12:00:00 AM,Complete,Special Event,Commercial,,Fuel Outdoor Beer Garden (11.6-7),S16NO413,11/06/2016 12:00:00 AM,11/07/2016 12:00:00 AM,,Pioneer Square,7,South,Fuel Sports Eats and Beats,420.0 248 | 08/01/2016 12:00:00 AM,Complete,Special Event,Community,,Fuel Outdoor Been Garden (12.4),S16DE414,12/04/2016 12:00:00 AM,12/04/2016 12:00:00 AM,,Pioneer Square,7,South,Fuel Sports Eats and Beats,420.0 249 | 07/29/2016 12:00:00 AM,Complete,Special Event,Community,,Weyerhaeuser Grand Opening,S16OC415,10/21/2016 12:00:00 AM,10/21/2016 12:00:00 AM,,Pioneer Square,7,South,Dover Entertainment,800.0 250 | 07/29/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,End AIDS Walk & 5K Run,S16SE416,09/24/2016 12:00:00 AM,09/24/2016 12:00:00 AM,Volunteer Park,Capitol Hill,3,East,Lifelong,2150.0 251 | 08/01/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Women of Wonder 10K & 5K Run & Walk,S16SE417,09/11/2016 12:00:00 AM,09/11/2016 12:00:00 AM,Greenlake Park,Green Lake,6,North,"Pro-Motion Events, Inc",1750.0 252 | 08/29/2016 12:00:00 AM,Cancelled,Special Event,Free Speech,,A21 Walk For Freedom,S16OC445,10/15/2016 12:00:00 AM,10/15/2016 12:00:00 AM,,Downtown,7,West,City Church,200.0 253 | 08/30/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Washington State Nurses Association Informational Picket - Seattle Children's Hospital,S16SE446,09/13/2016 12:00:00 AM,09/13/2016 12:00:00 AM,,Laurelhurst,4,East,Washington State Nurses Association,415.0 254 | 08/30/2016 12:00:00 AM,Complete,Special Event,Commercial,,Winter Beer Festival,S16DE447,12/02/2016 12:00:00 AM,12/03/2016 12:00:00 AM,Magnuson Park,Sand Point,4,East,Washington Brewers Guild,3600.0 255 | 08/29/2016 12:00:00 AM,Complete,Special Event,Community,,UW Husky Marching Band Pre-Game Rally (9.9),S16SE448,09/09/2016 12:00:00 AM,09/09/2016 12:00:00 AM,,University District,4,North,University of Washington Husky Marching Band,1000.0 256 | 08/29/2016 12:00:00 AM,Complete,Special Event,Community,,UW Husky Marching Band Pre-Game Rally (9.29),S16SE449,09/29/2016 12:00:00 AM,09/29/2016 12:00:00 AM,,University District,4,North,University of Washington Husky Marching Band,1000.0 257 | 08/29/2016 12:00:00 AM,Complete,Special Event,Community,,UW Husky Marching Band Pre-Game Rally (10.21),S16OC450,10/21/2016 12:00:00 AM,10/21/2016 12:00:00 AM,,University District,4,North,University of Washington Husky Marching Band,1000.0 258 | 08/29/2016 12:00:00 AM,Complete,Special Event,Community,,UW Husky Marching Band Pre-Game Rally (11.11),S16NO451,11/11/2016 12:00:00 AM,11/11/2016 12:00:00 AM,,University District,4,North,University of Washington Husky Marching Band,1000.0 259 | 08/29/2016 12:00:00 AM,Complete,Special Event,Community,,UW Husky Marching Band Pre-Game Rally (11.18),S16NO452,11/18/2016 12:00:00 AM,11/18/2016 12:00:00 AM,,University District,4,North,University of Washington Husky Marching Band,1000.0 260 | 09/01/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Team RWB Old Glory Relay,S16SE453,09/11/2016 12:00:00 AM,09/11/2016 12:00:00 AM,,Multiple Neighborhoods,2;7,North,Microsoft - Team RWB,150.0 261 | 09/01/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Dawg Dash,S16OC454,10/23/2016 12:00:00 AM,10/23/2016 12:00:00 AM,,Multiple Neighborhoods,4,North,"University of Washington, Alumni",2700.0 262 | 09/06/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Gen Next (9.14),S16SE455,09/14/2016 12:00:00 AM,09/14/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,20.0 263 | 08/22/2016 12:00:00 AM,Complete,Special Event,Community,,Magnolia Village Halloween Trick or Treat,S16OC442,10/31/2016 12:00:00 AM,10/31/2016 12:00:00 AM,,Magnolia,7,West,Magnolia Chamber of Commerce,955.0 264 | 08/23/2016 12:00:00 AM,Complete,Special Event,Community,,Trolloween and Haunt of Fremont Procession,S16OC443,10/31/2016 12:00:00 AM,10/31/2016 12:00:00 AM,,Fremont,6,North,Fremont Arts Council,400.0 265 | 08/25/2016 12:00:00 AM,Complete,Special Event,Community,,Elysian Brewing’s 2nd Annual Great Pumpkin Weigh-Off,S16OC444,10/01/2016 12:00:00 AM,10/01/2016 12:00:00 AM,,Georgetown,2,South,Elysian Brewing,300.0 266 | 09/06/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Fashion First,S16SE456,09/16/2016 12:00:00 AM,09/16/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,75.0 267 | 09/06/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Georgetown Ballroom,S16SE457,09/21/2016 12:00:00 AM,09/21/2016 12:00:00 AM,,Georgetown,2,South,Red Carpet Valet,100.0 268 | 09/06/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Showbox Sodo,S16DE458,12/04/2016 12:00:00 AM,12/04/2016 12:00:00 AM,,Sodo,2,West,Red Carpet Valet,120.0 269 | 09/08/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Merrill Gardens,S16SE459,09/29/2016 12:00:00 AM,09/29/2016 12:00:00 AM,,Ballard,6,North,Red Carpet Valet,75.0 270 | 09/09/2016 12:00:00 AM,Complete,Valet Parking,,,Gail & Rice Media Drive,S16SE460,09/09/2016 12:00:00 AM,09/17/2016 12:00:00 AM,,Downtown,7,West,"Gail & Rice, Inc.",200.0 271 | 10/17/2016 12:00:00 AM,Complete,Special Event,Community,,76 Seafair Holiday Cruise,S16DE495,12/04/2016 12:00:00 AM,12/04/2016 12:00:00 AM,,South Lake Union,3,West,Seafair Foundation,1800.0 272 | 10/19/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Proton 360,S16OC496,10/27/2016 12:00:00 AM,10/27/2016 12:00:00 AM,,Pioneer Square,7,South,Red Carpet Valet,40.0 273 | 10/24/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (10.27),S16OC497,10/27/2016 12:00:00 AM,10/27/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,505.0 274 | 10/24/2016 12:00:00 AM,Complete,Special Event,Community,,Boo Bash at the Beach,S16OC498,10/31/2016 12:00:00 AM,10/31/2016 12:00:00 AM,,Rainier Valley,2,South,Southeast Effective Development/SEED,2100.0 275 | 10/25/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Trove,S16NO499,11/03/2016 12:00:00 AM,11/03/2016 12:00:00 AM,,Capitol Hill,3,East,Red Carpet Valet,60.0 276 | 10/25/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Grim Home,S16OC500,10/29/2016 12:00:00 AM,10/29/2016 12:00:00 AM,,Capitol Hill,3,East,Butler Valet,100.0 277 | 10/28/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (10.30),S16OC501,10/30/2016 12:00:00 AM,10/30/2016 12:00:00 AM,,Pioneer Square,3,West,Seattle Sounders FC,505.0 278 | 10/27/2016 12:00:00 AM,Complete,Special Event,Community,,Alley Lights,S16DE502,12/03/2016 12:00:00 AM,12/03/2016 12:00:00 AM,,University District,4,North,The U District Partnership,110.0 279 | 10/27/2016 12:00:00 AM,Complete,Special Event,Community,,Queen City Yacht Club Presents Chet Gibson Memorial Lighted Boat Parade,S16DE503,12/09/2016 12:00:00 AM,12/10/2016 12:00:00 AM,,South Lake Union,3,West,Queen City Yacht Club,40.0 280 | 11/02/2016 12:00:00 AM,Complete,Valet Parking,,,Four Park Avenue - Pacific Northwest Ballet Opening Night,S16NO504,11/04/2016 12:00:00 AM,11/04/2016 12:00:00 AM,,Queen Anne,7,West,Four Park Avenue,30.0 281 | 11/03/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Showbox Sodo,S16NO505,11/10/2016 12:00:00 AM,11/10/2016 12:00:00 AM,,Sodo,2,West,Red Carpet Valet,90.0 282 | 11/03/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Shade Store,S16NO506,11/09/2016 12:00:00 AM,11/09/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,50.0 283 | 11/01/2016 12:00:00 AM,Complete,Special Event,Community,,New Year's at the Needle,S16DE507,12/31/2016 12:00:00 AM,12/31/2016 12:00:00 AM,,Queen Anne,7,West,Seattle Needle LLC,25100.0 284 | 11/07/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (11.22),S16NO508,11/22/2016 12:00:00 AM,11/22/2016 12:00:00 AM,Occidental Park,Pioneer Square,7,West,Seattle Sounders FC,500.0 285 | 11/07/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Swedish Cherry Hill,S16NO509,11/09/2016 12:00:00 AM,11/09/2016 12:00:00 AM,,First Hill,3,East,Butler Valet,250.0 286 | 11/09/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Metropolis,S16NO510,11/17/2016 12:00:00 AM,11/17/2016 12:00:00 AM,,Sodo,2,West,Red Carpet Valet,40.0 287 | 09/08/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Indigenous Peoples' Day Celebration March,S16OC461,10/10/2016 12:00:00 AM,10/10/2016 12:00:00 AM,,Downtown,7,West,Canoes C/O Shannon Morrison,220.0 288 | 09/09/2016 12:00:00 AM,Complete,Special Event,Free Speech,,"Water is Life - ""Mni Wiconi""",S16SE462,09/16/2016 12:00:00 AM,09/16/2016 12:00:00 AM,,Downtown,7,West,Ndns for Justice,220.0 289 | 09/09/2016 12:00:00 AM,Complete,Special Event,Community,,"Toth Construction, Inc Open Haus/Oktoberfest",S16OC463,10/06/2016 12:00:00 AM,10/06/2016 12:00:00 AM,,Georgetown,2,South,Toth Construction,600.0 290 | 09/12/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Fremont Studios (10.4),S16OC464,10/04/2016 12:00:00 AM,10/04/2016 12:00:00 AM,,Fremont,6,North,Red Carpet Valet,65.0 291 | 09/12/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Seattle Art Museum,S16OC465,10/07/2016 12:00:00 AM,10/07/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,125.0 292 | 09/12/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Holy Names Academy,S16OC466,10/12/2016 12:00:00 AM,10/12/2016 12:00:00 AM,,Capitol Hill,3,East,Red Carpet Valet,80.0 293 | 09/12/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Fremont Studios (12.3),S16DE467,12/03/2016 12:00:00 AM,12/03/2016 12:00:00 AM,,Fremont,6,North,Red Carpet Valet,400.0 294 | 09/12/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Foster White Gallery,S16DE468,12/10/2016 12:00:00 AM,12/10/2016 12:00:00 AM,,Sodo,2,West,Red Carpet Valet,50.0 295 | 09/12/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Jingle Bell Run/Walk,S16DE469,12/11/2016 12:00:00 AM,12/11/2016 12:00:00 AM,,Downtown,7,West,Arthritis Foundation,10500.0 296 | 08/13/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Aegis of Queen Anne Rodgers Park,S16SE470,09/17/2016 12:00:00 AM,09/17/2016 12:00:00 AM,,Queen Anne,7,West,Butler Valet,250.0 297 | 09/14/2016 12:00:00 AM,Complete,Special Event,Community,,Corson Building Wedding (10.8),S16OC471,10/08/2016 12:00:00 AM,10/08/2016 12:00:00 AM,,Georgetown,2,South,The Corson Building,92.0 298 | 09/16/2016 12:00:00 AM,Cancelled,Special Event,Free Speech,,Ethiopian Community Protest Rally,S16SE472,09/19/2016 12:00:00 AM,09/19/2016 12:00:00 AM,,Downtown,3,West,Ethiopians in Seattle,520.0 299 | 08/10/2016 12:00:00 AM,Complete,Special Event,Community,,PAX West - Magic the Gathering Procession,S16SE432,09/03/2016 12:00:00 AM,09/03/2016 12:00:00 AM,,Downtown,3,West,Siteline Productions,25.0 300 | 08/12/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Ethiopian Community Public Protest,S16AU433,08/16/2016 12:00:00 AM,08/16/2016 12:00:00 AM,,Downtown,7,West,Ethiopians in Seattle,500.0 301 | 08/15/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Oromo Community Rally Against Ethiopian Government,S16AU434,08/18/2016 12:00:00 AM,08/18/2016 12:00:00 AM,,Downtown,7,West,Oromo Community Service of Seattle,400.0 302 | 08/15/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Montlake Community Club 5K Turkey Trot and Kids Run,S16NO435,11/24/2016 12:00:00 AM,11/24/2016 12:00:00 AM,,Montlake,3,North,Montlake Community Club,430.0 303 | 08/16/2016 12:00:00 AM,Complete,Special Event,Community,,Bizzarro Italian Café Celebration,S16OC436,10/01/2016 12:00:00 AM,10/01/2016 12:00:00 AM,,Wallingford,4,North,Bizzarro Italian Café,425.0 304 | 08/16/2016 12:00:00 AM,Complete,Special Event,Community,,West Seattle Harvest Festival,S16OC437,10/30/2016 12:00:00 AM,10/30/2016 12:00:00 AM,,West Seattle,1,West,West Seattle Junction Association,550.0 305 | 08/16/2016 12:00:00 AM,Complete,Special Event,Community,,West Seattle Hometown Holidays,S16DE438,12/03/2016 12:00:00 AM,12/03/2016 12:00:00 AM,,West Seattle,1,West,West Seattle Junction Association,770.0 306 | 08/17/2016 12:00:00 AM,Complete,Special Event,Community,,Tag and Table,S16SE439,09/18/2016 12:00:00 AM,09/18/2016 12:00:00 AM,,Capitol Hill,3,East,Les Dames D'Escoffier Seattle Chapter,220.0 307 | 08/17/2016 12:00:00 AM,Complete,Special Event,Community,,Leschi 5th Annual Community Festival,S16SE440,09/10/2016 12:00:00 AM,09/10/2016 12:00:00 AM,,Leschi,3;4,West,Leschi Business Association/ Leschi Community Council,330.0 308 | 08/18/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,The Mustache Dache,S16NO441,11/06/2016 12:00:00 AM,11/06/2016 12:00:00 AM,Magnuson Park,Sand Point,4,North,Fizz Events LLC,1425.0 309 | 05/31/2016 12:00:00 AM,Complete,Special Event,Commercial,,CBS Radio Hometown Hangar (12.24),S16DE324,12/24/2016 12:00:00 AM,12/24/2016 12:00:00 AM,,Sodo,2,South,CBS Seattle,770.0 310 | 05/31/2016 12:00:00 AM,Complete,Charter Vessel,,,Sternwheeler Charters - Christine W,CV16JY325,07/04/2016 12:00:00 AM,07/04/2016 12:00:00 AM,,Wallingford,4,North,Stenwheeler Charters LLC,49.0 311 | 05/31/2016 12:00:00 AM,Complete,Charter Vessel,,,Anchor Bay Charters - Seeker,CV16JY326,07/04/2016 12:00:00 AM,07/04/2016 12:00:00 AM,,Wallingford,4,North,Anchor Bay Charters,30.0 312 | 05/31/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Tracing our Steps,S16JU327,06/25/2016 12:00:00 AM,06/25/2016 12:00:00 AM,,Beacon Hill,2,South,Chinese Baptist Church,175.0 313 | 06/01/2016 12:00:00 AM,Complete,Charter Vessel,,,Waterways Cruises-Emerald Star,CV16JY328,07/04/2016 12:00:00 AM,07/04/2016 12:00:00 AM,,Wallingford,4,North,Waterways Cruises,100.0 314 | 06/01/2016 12:00:00 AM,Complete,Charter Vessel,,,Waterways Cruises-Olympic Star,CV16JY329,07/04/2016 12:00:00 AM,07/04/2016 12:00:00 AM,,Wallingford,4,North,Waterways Cruises,90.0 315 | 06/01/2016 12:00:00 AM,Complete,Charter Vessel,,,Waterways Cruises-West Star,CV16JY330,07/04/2016 12:00:00 AM,07/04/2016 12:00:00 AM,,Wallingford,4,North,Waterways Cruises,70.0 316 | 06/01/2016 12:00:00 AM,Complete,Charter Vessel,,,Waterways Cruises-Destiny,CV16JY331,07/04/2016 12:00:00 AM,07/04/2016 12:00:00 AM,,Wallingford,4,North,Waterways Cruises,20.0 317 | 06/01/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet-Seattle Aquarium SPLASH,S16JU332,06/04/2016 12:00:00 AM,06/04/2016 12:00:00 AM,,Downtown,7,West,Butler Valet,200.0 318 | 06/02/2016 12:00:00 AM,Complete,Special Event,Community,,Celebrate Little Saigon,S16AU333,08/28/2016 12:00:00 AM,08/28/2016 12:00:00 AM,,International District,2,West,Friends of Little Saigon,330.0 319 | 05/12/2016 12:00:00 AM,Complete,Special Event,Commercial,,HTC Home Run Derby with Robinson Cano of the Seattle Mariners,S16JY295,07/15/2016 12:00:00 AM,07/15/2016 12:00:00 AM,,Pioneer Square,7,South,HTC,110.0 320 | 05/13/2016 12:00:00 AM,Complete,Special Event,Community,,Pista sa Nayon,S16JY296,07/31/2016 12:00:00 AM,07/31/2016 12:00:00 AM,,Seward Park,2,South,Pista sa Nayon,10000.0 321 | 05/17/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Fisher Plaza - Sports Restaurant and Bar,S16MY297,05/21/2016 12:00:00 AM,05/21/2016 12:00:00 AM,,Queen Anne,7,West,Butler Valet,150.0 322 | 05/17/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Lard Butt 1K,S16JU298,06/11/2016 12:00:00 AM,06/11/2016 12:00:00 AM,Magnuson Park,Sand Point,4,North,"Pro-Motion Events, Inc.",1250.0 323 | 05/18/2016 12:00:00 AM,Complete,Special Event,Community,,St. James Cathedral Parish Picnic,S16JY299,07/24/2016 12:00:00 AM,07/24/2016 12:00:00 AM,,First Hill,3,East,St. James Cathedral,520.0 324 | 04/29/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Protest Patty Murray,S16MY274,05/20/2016 12:00:00 AM,05/20/2016 12:00:00 AM,,Downtown,7,West,Kelley Whitty-Sandaker,105.0 325 | 04/29/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - BEC Luncheon at Cinerama,S16MY275,05/05/2016 12:00:00 AM,05/05/2016 12:00:00 AM,,Downtown,7,West,Butler Valet,25.0 326 | 04/29/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Fiestas Patrias 2016,S16SE276,09/17/2016 12:00:00 AM,09/17/2016 12:00:00 AM,,South Park,1,Southwest,Sea Mar Community Health Centers,500.0 327 | 05/02/2016 12:00:00 AM,Complete,Special Event,Commercial,,Café Campagne's Bastille Day Celebration,S16JY277,07/14/2016 12:00:00 AM,07/14/2016 12:00:00 AM,,Downtown,7,West,Café Campagne,325.0 328 | 05/04/2016 12:00:00 AM,Complete,Special Event,Commercial,,Controlled Release Society - (private party),S16JY278,07/19/2016 12:00:00 AM,07/19/2016 12:00:00 AM,,Downtown,7,West,Controlled Release Society,1000.0 329 | 05/04/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,2016 Puget Sound Heart and Stroke Walk,S16OC279,10/15/2016 12:00:00 AM,10/15/2016 12:00:00 AM,,Queen Anne,7,West,American Heart Association,6200.0 330 | 05/06/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Democracy Spring Across America!,S16MY287,05/14/2016 12:00:00 AM,05/14/2016 12:00:00 AM,,Pioneer Square,7,South,Democracy Spring Across America,110.0 331 | 05/06/2016 12:00:00 AM,Complete,Special Event,Community,,Sounders FC March to the Match (7.05),S16JY288,07/05/2016 12:00:00 AM,07/05/2016 12:00:00 AM,,Pioneer Square,7,South,Sounders FC March to the Match,705.0 332 | 05/09/2016 12:00:00 AM,Complete,Special Event,Commercial,,O'Dea High School Spirit Day,S16MY289,05/20/2016 12:00:00 AM,05/20/2016 12:00:00 AM,,First Hill,3,East,O'Dea High School,475.0 333 | 05/11/2016 12:00:00 AM,Complete,Valet Parking,,,Luxe Valet Inc - Mariner's Game,S16MY290,05/27/2016 12:00:00 AM,05/27/2016 12:00:00 AM,,Sodo,2,South,Luxe Valet Inc,20.0 334 | 05/11/2016 12:00:00 AM,Cancelled,Special Event,Athletic,Run/Walk,10936.1 Yard Dash,S16OC291,10/15/2016 12:00:00 AM,10/15/2016 12:00:00 AM,Lake Union Park,Westlake,3;4;7,West,Flow Fitness,600.0 335 | 05/18/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet - Fremont Foundry (5.23),S16MY300,05/23/2016 12:00:00 AM,05/23/2016 12:00:00 AM,,Fremont,6,North,Red Carpet Valet,100.0 336 | 05/20/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Furry 5K Fun Run and Walk,S16JU301,06/12/2016 12:00:00 AM,06/12/2016 12:00:00 AM,Seward Park,Seward Park,2,South,City of Seattle/Animal Shelter,2600.0 337 | 05/20/2016 12:00:00 AM,Complete,Special Event,Community,,Sustainable Ballard Festival,S16AU302,08/27/2016 12:00:00 AM,08/27/2016 12:00:00 AM,Ballard Commons Park,Ballard,6,North,Sustainable Ballard,4100.0 338 | 05/16/2016 12:00:00 AM,Complete,Special Event,Community,,West Seattle Summer Fest,S16JY303,07/08/2016 12:00:00 AM,07/10/2016 12:00:00 AM,,West Seattle,1,West,West Seattle Junction Association,24100.0 339 | 05/20/2016 12:00:00 AM,Complete,Special Event,Commercial,,CBS Radio Tailgate Country Cares,S16JY304,07/23/2016 12:00:00 AM,07/23/2016 12:00:00 AM,,Sodo,2,South,CBS,770.0 340 | 07/21/2016 12:00:00 AM,Complete,Special Event,Community,,Belltown Crush Block Party,S16AU404,08/28/2016 12:00:00 AM,08/28/2016 12:00:00 AM,,Belltown,7,West,Plymouth Housing Group,425.0 341 | 07/22/2016 12:00:00 AM,Complete,Special Event,Athletic,Water,Seattle Row for the Cure,S16SE405,09/18/2016 12:00:00 AM,09/18/2016 12:00:00 AM,,South Lake Union,3;4;6;7,West,George Pocock Rowing Foundation,1000.0 342 | 07/25/2016 12:00:00 AM,Complete,Special Event,Community,,Fuel Outdoor Beer Garden (8.21),S16AU406,08/21/2016 12:00:00 AM,08/21/2016 12:00:00 AM,,Pioneer Square,7,South,Fuel Sports Eats and Beats,420.0 343 | 07/25/2016 12:00:00 AM,Complete,Special Event,Community,,Fuel Outdoor Beer Garden (9.11),S16SE407,09/11/2016 12:00:00 AM,09/11/2016 12:00:00 AM,,Pioneer Square,7,South,Fuel Sports Eats and Beats,420.0 344 | 09/21/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Agros - Fremont Studios,S16SE473,09/23/2016 12:00:00 AM,09/23/2016 12:00:00 AM,,Fremont,6,North,Butler Valet,150.0 345 | 09/21/2016 12:00:00 AM,Complete,Valet Parking,,,Butlet Valet - World Concern - Fremont Studios,S16SE474,09/25/2016 12:00:00 AM,09/25/2016 12:00:00 AM,,Fremont,6,North,Butler Valet,225.0 346 | 09/22/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Grand Protest of Ethiopians in Seattle,S16OC475,10/11/2016 12:00:00 AM,10/11/2016 12:00:00 AM,,Belltown,7,West,Ethiopians Public Forum in Seattle,100.0 347 | 09/22/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Westward Boat Cruises,S16OC476,10/07/2016 12:00:00 AM,10/07/2016 12:00:00 AM,,South Lake Union,3,West,Red Carpet Valet,60.0 348 | 09/22/2016 12:00:00 AM,Complete,Special Event,Community,,Plaza Roberto Maestas Grand Opening Ceremony,S16OC477,10/01/2016 12:00:00 AM,10/01/2016 12:00:00 AM,,Beacon Hill,2,South,El Centro de La Raza,1250.0 349 | 09/22/2016 12:00:00 AM,Complete,Special Event,Community,,Book Signing,S16OC478,10/01/2016 12:00:00 AM,10/01/2016 12:00:00 AM,,Capitol Hill,3,East,Elliott Bay Book Co,1530.0 350 | 07/20/2016 12:00:00 AM,Complete,Special Event,Community,,HRS Back to School BBQ,S16SE403,09/09/2016 12:00:00 AM,09/09/2016 12:00:00 AM,,Beacon Hill,3,South,Hamlin Robinson School,500.0 351 | 07/25/2016 12:00:00 AM,Complete,Special Event,Community,,Fuel Outdoor Beer Garden (9.25),S16SE408,09/25/2016 12:00:00 AM,09/25/2016 12:00:00 AM,,Pioneer Square,7,South,Fuel Sports Eats and Beats,420.0 352 | 07/26/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,The Susan G. Komen Seattle 3-Day,S16SE409,09/16/2016 12:00:00 AM,09/18/2016 12:00:00 AM,,Lower Queen Anne,2;3;4;7,West,"The Susan G Komen Breast Cancer Foundation, Inc",1550.0 353 | 07/26/2016 12:00:00 AM,Complete,Special Event,Community,,SODO Flea,S16SE410,09/10/2016 12:00:00 AM,09/10/2016 12:00:00 AM,,Sodo,2,West,Rejuvenation,700.0 354 | 07/27/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Menorah Lighting Celebration,S16DE411,12/25/2016 12:00:00 AM,12/25/2016 12:00:00 AM,,Queen Anne,7,West,Chabad of Queen Anne, 355 | 07/18/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,The Great Kilted Run,S16AU396,08/28/2016 12:00:00 AM,08/28/2016 12:00:00 AM,Magnuson Park,Sand Point,4,North,"Pro-Motion Events, Inc.",400.0 356 | 07/19/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Fare Start,S16JY397,07/30/2016 12:00:00 AM,07/30/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,100.0 357 | 07/19/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Chihuly Studios Boathouse (8.6),S16AU398,08/06/2016 12:00:00 AM,08/06/2016 12:00:00 AM,,Wallingford,4,North,Red Carpet Valet,80.0 358 | 07/19/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Miller Nash Graham and Dunn,S16AU399,08/11/2016 12:00:00 AM,08/11/2016 12:00:00 AM,,Belltown,7,West,Red Carpet Valet,200.0 359 | 07/19/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet- Mortons Celebrity Steakout,S16AU400,08/23/2016 12:00:00 AM,08/23/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,100.0 360 | 07/19/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - UW Medicine Advancement,S16SE401,09/15/2016 12:00:00 AM,09/16/2016 12:00:00 AM,,South Lake Union,7,West,Red Carpet Valet,85.0 361 | 07/20/2016 12:00:00 AM,Cancelled,Special Event,Athletic,Cycling,Ride Around the Sound,S16SE402,09/17/2016 12:00:00 AM,09/17/2016 12:00:00 AM,,Downtown,7,West,American Lung Association of the Mountain Pacific,265.0 362 | 07/27/2016 12:00:00 AM,Complete,Special Event,Community,,Corson Building Wedding (8.20),S16AU412,08/20/2016 12:00:00 AM,08/20/2016 12:00:00 AM,,Georgetown,2,South,The Corson Building,68.0 363 | 08/02/2016 12:00:00 AM,Cancelled,Special Event,Community,,SCC 50th Anniversary Celebration,S16SE418,09/22/2016 12:00:00 AM,09/22/2016 12:00:00 AM,,Capitol Hill,3,East,Seattle Central College,500.0 364 | 08/02/2016 12:00:00 AM,Complete,Special Event,Community,,Greek Community Block Party,S16OC419,10/05/2016 12:00:00 AM,10/05/2016 12:00:00 AM,,University District,4,North,Interfraternity Council and Panhellenic Council at the University of Washington,900.0 365 | 08/03/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Gen Next,S16AU420,08/11/2016 12:00:00 AM,08/11/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,20.0 366 | 08/03/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Carpenters 4 Carpenters Rally and March to Trust Office,S16AU421,08/04/2016 12:00:00 AM,08/04/2016 12:00:00 AM,,Belltown,7,West,Carpenters 4 Carpenters,250.0 367 | 08/02/2016 12:00:00 AM,Complete,Special Event,Community,,C-ID Night Market,S16SE422,09/10/2016 12:00:00 AM,09/10/2016 12:00:00 AM,,International District,2,West,Chinatown International District Business Improvement Area,7600.0 368 | 08/03/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Magnolia Run the Bluff,S16OC423,10/02/2016 12:00:00 AM,10/02/2016 12:00:00 AM,,Magnolia,7,West,"Pro-Motion Events, Inc",900.0 369 | 08/03/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Green Lake Gobble 10K & 5K Run and Walk,S16NO424,11/20/2016 12:00:00 AM,11/20/2016 12:00:00 AM,,Green Lake,6,North,"Pro-Motion Events, Inc",1750.0 370 | 04/08/2016 12:00:00 AM,Complete,Special Event,Community,,Umoja Fest Africatown Heritage Festival Parade March,S16AU237,08/06/2016 12:00:00 AM,08/06/2016 12:00:00 AM,,Central District,3,East,Umoja Fest,975.0 371 | 04/08/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Fight Back Islamophobia & Dump Trump,S16AP238,04/09/2016 12:00:00 AM,04/09/2016 12:00:00 AM,,Downtown,7,West,Americans for Refugees and Immigrants,220.0 372 | 04/08/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Estelle Thyer,S16AP239,04/14/2016 12:00:00 AM,04/14/2016 12:00:00 AM,,Capitol Hill,3,East,Red Carpet Valet,25.0 373 | 04/08/2016 12:00:00 AM,Complete,Special Event,Community,,Ballard SeafoodFest 2016,S16JY240,07/09/2016 12:00:00 AM,07/10/2016 12:00:00 AM,,Ballard,6,North,The Ballard Chamber of Commerce,49970.0 374 | 04/08/2016 12:00:00 AM,Complete,Special Event,Community,,Group Hug for the Admiral Theater,S16JU241,06/03/2016 12:00:00 AM,06/03/2016 12:00:00 AM,,West Seattle,1,Southwest,Southwest Seattle Historical Society,800.0 375 | 04/11/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Summer Parkways - Ballard,S16AU242,08/27/2016 12:00:00 AM,08/27/2016 12:00:00 AM,,Ballard,6,North,Seattle Department of Transportation,3150.0 376 | 04/11/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Summer Parkways - Rainier Valley,S16AU243,08/13/2016 12:00:00 AM,08/13/2016 12:00:00 AM,,Rainier Valley,2,South,Seattle Department of Transportation,3150.0 377 | 04/11/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Summer Parkways - West Seattle,S16SE244,09/25/2016 12:00:00 AM,09/25/2016 12:00:00 AM,,West Seattle,1,West,Seattle Department of Transportation,3070.0 378 | 04/12/2016 12:00:00 AM,Complete,Special Event,Athletic,Cycling,Verity Credit Union Classic p/b Ascent Cycles (Ballard Criterium),S16JU245,06/04/2016 12:00:00 AM,06/04/2016 12:00:00 AM,,Ballard,6,North,Apex Racing,600.0 379 | 04/11/2016 12:00:00 AM,Complete,Special Event,Athletic,Cycling,Georgetown Criterium,S16JY246,07/17/2016 12:00:00 AM,07/17/2016 12:00:00 AM,,Georgetown,2,South,Stranamanti Cycling,500.0 380 | 05/26/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Eats and Beats (8.2),S16AU310,08/02/2016 12:00:00 AM,08/02/2016 12:00:00 AM,,Downtown,7,West,Seafair,200.0 381 | 05/26/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Eats and Beats (8.9),S16AU311,08/09/2016 12:00:00 AM,08/09/2016 12:00:00 AM,,Downtown,7,West,Seafair,200.0 382 | 05/26/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Eats and Beats (8.16),S16AU312,08/16/2016 12:00:00 AM,08/16/2016 12:00:00 AM,,Downtown,7,West,Seafair,200.0 383 | 05/26/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Eats and Beats (8.23),S16AU313,08/23/2016 12:00:00 AM,08/23/2016 12:00:00 AM,,Downtown,7,West,Seafair,200.0 384 | 05/26/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Eats and Beats (8.30),S16AU314,08/30/2016 12:00:00 AM,08/30/2016 12:00:00 AM,,Downtown,7,West,Seafair,200.0 385 | 05/25/2016 12:00:00 AM,Complete,Special Event,Commercial,,Redfest,S16JU315,06/25/2016 12:00:00 AM,06/25/2016 12:00:00 AM,,Georgetown,2,South,Elysian Brewing,999.0 386 | 05/27/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Lark Restaurant,S16JU316,06/16/2016 12:00:00 AM,06/16/2016 12:00:00 AM,,Capitol Hill,3,East,Red Carpet Valet,15.0 387 | 05/27/2016 12:00:00 AM,Complete,Special Event,Commercial,,Seafair Indian Pow Wow,S16JY317,07/15/2016 12:00:00 AM,07/17/2016 12:00:00 AM,,Magnolia,1,South,United Indians of All Tribes Foundation,7150.0 388 | 05/31/2016 12:00:00 AM,Complete,Special Event,Community,,14/48: Outdoors,S16AU318,08/24/2016 12:00:00 AM,08/28/2016 12:00:00 AM,,Ballard,6,North,The 14/48 Projects,802.0 389 | 06/03/2016 12:00:00 AM,Complete,Special Event,Community,,Bastille Dinner 2016,S16JY334,07/14/2016 12:00:00 AM,07/14/2016 12:00:00 AM,,Central District,3,East,"Luc Bistro, Madison Valley Merchants Association",90.0 390 | 06/03/2016 12:00:00 AM,Complete,Special Event,Commercial,,Bumbershoot Festival [Street Use],S16SE335,08/26/2016 12:00:00 AM,09/08/2016 12:00:00 AM,,Queen Anne,7,West,"AEG Live NW, LLC",105600.0 391 | 05/11/2016 12:00:00 AM,Complete,Special Event,Commercial,,Postback,S16JY292,07/22/2016 12:00:00 AM,07/22/2016 12:00:00 AM,,South Lake Union,4,West,TUNE,650.0 392 | 05/11/2016 12:00:00 AM,Complete,Special Event,Community,,GPK,S16AU293,08/06/2016 12:00:00 AM,08/06/2016 12:00:00 AM,,Georgetown,2,South,GPK,4150.0 393 | 05/12/2016 12:00:00 AM,Complete,Special Event,Community,,PrideFest Capitol Hill,S16JU294,06/25/2016 12:00:00 AM,06/25/2016 12:00:00 AM,,Capitol Hill,3,East,PrideFest,5030.0 394 | 06/06/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Seattle U / Matteo Ricci College Rally to Support Dean Kelly,S16JU336,06/09/2016 12:00:00 AM,06/09/2016 12:00:00 AM,,Capitol Hill,3,East,Alumni of Seattle University,50.0 395 | 06/07/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Design Festival Block Party,S16SE337,09/10/2016 12:00:00 AM,09/11/2016 12:00:00 AM,,Pioneer Square,7,West,Design in Public (Pacific Northwest Center for Architecture and Design),2000.0 396 | 06/07/2016 12:00:00 AM,Complete,Special Event,Community,,Chinatown Seafair Parade,S16JY338,07/24/2016 12:00:00 AM,07/24/2016 12:00:00 AM,,International District,2,West,The Greater Seattle Chinese Chamber of Commerce,9500.0 397 | 06/07/2016 12:00:00 AM,Complete,Special Event,Community,,Bite of Broadview,S16SE339,09/23/2016 12:00:00 AM,09/25/2016 12:00:00 AM,,Broadview,5,North,Christ the King Catholic Church,2090.0 398 | 09/22/2016 12:00:00 AM,Complete,Special Event,Community,,Sodo Flea (10.8),S16OC479,10/08/2016 12:00:00 AM,10/08/2016 12:00:00 AM,,Sodo,2,West,Rejuvenation,2030.0 399 | 09/22/2016 12:00:00 AM,Complete,Special Event,Community,,Sodo Flea (11.12),S16NO480,11/12/2016 12:00:00 AM,11/12/2016 12:00:00 AM,,Sodo,2,West,Rejuvenation,2030.0 400 | 09/22/2016 12:00:00 AM,Cancelled,Special Event,Community,,Sodo Flea (12.10),S16DE481,12/10/2016 12:00:00 AM,12/10/2016 12:00:00 AM,,Sodo,2,West,Rejuvenation,2030.0 401 | 09/28/2016 12:00:00 AM,Complete,Special Event,Community,,Benefit for NW Harvest/ Don Steven's Birthday and Celebration of Life,S16OC482,10/04/2016 12:00:00 AM,10/04/2016 12:00:00 AM,,Capitol Hill,3,East,Bill's off Broadway Restaurant,315.0 402 | 09/27/2016 12:00:00 AM,Complete,Special Event,Community,,USC Trojan Marching Band Pep Rally,S16NO483,11/11/2016 12:00:00 AM,11/11/2016 12:00:00 AM,,South Lake Union,3,West,Lake Union Park,180.0 403 | 08/03/2016 12:00:00 AM,Complete,Special Event,Community,,Double Tenth Flag Raising and Parade,S16OC425,10/09/2016 12:00:00 AM,10/09/2016 12:00:00 AM,,International District,2,West,Taiwanese Chamber of Commerce of Seattle,350.0 404 | 08/03/2016 12:00:00 AM,Complete,Special Event,Community,,Boogie Nights,S16OC426,10/29/2016 12:00:00 AM,10/29/2016 12:00:00 AM,,Green Lake,6,North,"Pro-Motion Events, Inc",340.0 405 | 08/05/2016 12:00:00 AM,Complete,Special Event,Community,,Emerald City Pet Rescue Second Annual Anniversary Event,S16AU427,08/27/2016 12:00:00 AM,08/27/2016 12:00:00 AM,,Sodo,2,West,Emerald City Pet Rescue,300.0 406 | 08/05/2016 12:00:00 AM,Complete,Special Event,Community,,S Spencer Street International Block Party,S16SE428,09/10/2016 12:00:00 AM,09/10/2016 12:00:00 AM,,Beacon Hill,2,South,So Spencer Street Steering Committee,320.0 407 | 08/08/2016 12:00:00 AM,Complete,Special Event,Commercial,,Seattle Symphony Friday Matinees Concert,S16SE429,09/30/2016 12:00:00 AM,09/30/2016 12:00:00 AM,,Downtown,7,West,Seattle Symphony/Benaroya Hall,198.0 408 | 06/13/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Trans Pride Seattle 2016,S16JU340,06/24/2016 12:00:00 AM,06/24/2016 12:00:00 AM,,Capitol Hill,3,East,Gender Justice League,950.0 409 | 06/13/2016 12:00:00 AM,Complete,Charter Vessel,,,Argosy Cruises - Sightseer,CV16JY341,07/04/2016 12:00:00 AM,07/04/2016 12:00:00 AM,,Wallingford,4,North,Argosy Cruises,250.0 410 | 06/13/2016 12:00:00 AM,Complete,Charter Vessel,,,Argosy Cruises - Champagne Lady,CV16JY342,07/04/2016 12:00:00 AM,07/04/2016 12:00:00 AM,,Wallingford,4,North,Argosy Cruises,149.0 411 | 06/13/2016 12:00:00 AM,Complete,Charter Vessel,,,Argosy Cruises - Lady Mary,CV16JY343,07/04/2016 12:00:00 AM,07/04/2016 12:00:00 AM,,Wallingford,4,North,Argosy Cruises,298.0 412 | 06/13/2016 12:00:00 AM,Complete,Charter Vessel,,,Argosy Cruises - Celebrations,CV16JY344,07/04/2016 12:00:00 AM,07/04/2016 12:00:00 AM,,Wallingford,4,North,Argosy Cruises,149.0 413 | 06/13/2016 12:00:00 AM,Cancelled,Special Event,Commercial,,Rave Foundation Beer Garden at The NINETY,S16JY345,07/31/2016 12:00:00 AM,07/31/2016 12:00:00 AM,,Pioneer Square,2,West,Rave Foundation,85.0 414 | 06/13/2016 12:00:00 AM,Cancelled,Special Event,Commercial,,Rave Foundation Beer Garden at the NINETY,S16AU346,08/14/2016 12:00:00 AM,08/14/2016 12:00:00 AM,,Pioneer Square,2,West,Rave Foundation,85.0 415 | 06/13/2016 12:00:00 AM,Complete,Special Event,Commercial,,Rave Foundation Beer Garden at the NINETY,S16AU347,08/21/2016 12:00:00 AM,08/21/2016 12:00:00 AM,,Pioneer Square,2,West,Rave Foundation,85.0 416 | 06/13/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Prayer & Procession for Orlando Victims,S16JU348,06/15/2016 12:00:00 AM,06/15/2016 12:00:00 AM,,Capitol Hill,3,East,St. James Cathedral,1000.0 417 | 06/16/2016 12:00:00 AM,Complete,Special Event,Community,,American Outlaws March to the Match,S16JU349,06/16/2016 12:00:00 AM,06/16/2016 12:00:00 AM,,Pioneer Square,3,West,American Outlaws Tacoma,705.0 418 | 06/15/2016 12:00:00 AM,Complete,Special Event,Community,,St. Benedict Wallingford Wurst Festival,S16SE350,09/16/2016 12:00:00 AM,09/17/2016 12:00:00 AM,,Wallingford,4,North,St. Benedict Parish & School,4800.0 419 | 08/08/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Smith Tower,S16AU430,08/23/2016 12:00:00 AM,08/24/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,70.0 420 | 06/16/2016 12:00:00 AM,In Process,Special Event,Commercial,,These Are The Drones You're Looking For,S16JY351,10/22/2016 12:00:00 AM,10/22/2016 12:00:00 AM,Magnuson Park,Sand Point,4,North,"UIEvolution, Inc",125.0 421 | 06/17/2016 12:00:00 AM,Cancelled,Special Event,Commercial,,Trucktoberfest,S16OC352,10/01/2016 12:00:00 AM,10/02/2016 12:00:00 AM,,South Lake Union,7,West,Piranha Blonde Interactive,20040.0 422 | 06/16/2016 12:00:00 AM,Complete,Special Event,Community,,Lake City Pioneer Days Parade,S16AU353,08/06/2016 12:00:00 AM,08/06/2016 12:00:00 AM,,Lake City,5,North,North Seattle Chamber of Commerce Parade Committee,4600.0 423 | 06/19/2016 12:00:00 AM,Complete,Special Event,Community,,Tabernacle Missionary Baptist Church Community BBQ,S16AU354,08/27/2016 12:00:00 AM,08/27/2016 12:00:00 AM,,Leschi,2,West,Tabernacle Missionary Baptist Church,350.0 424 | 06/20/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - 206 Inc,S16JY355,07/07/2016 12:00:00 AM,07/07/2016 12:00:00 AM,,Queen Anne,7,West,Red Carpet Valet,130.0 425 | 06/11/2016 12:00:00 AM,Complete,Valet Parking,,,LAZ Parking - Thompson Hotel Grand Opening,S16JU356,06/28/2016 12:00:00 AM,06/28/2016 12:00:00 AM,,Downtown,7,West,LAZ Parking,300.0 426 | 06/21/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Debre Genet Kidisti Sellassie Eritrean Orthodox Church,S16JY357,07/16/2016 12:00:00 AM,07/16/2016 12:00:00 AM,,Central District,3,East,Debre Genet Kidisti Sellassie Eritrean Orthodox Church,200.0 427 | 06/10/2016 12:00:00 AM,Complete,Special Event,Community,,Greenwood Blasts Off Community Summer Concert,S16AU358,08/28/2016 12:00:00 AM,08/28/2016 12:00:00 AM,,Greenwood,6,North,School of Rock,840.0 428 | 06/20/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Trot to Yacht,S16SE359,09/25/2016 12:00:00 AM,09/25/2016 12:00:00 AM,,South Lake Union,3,West,Flying Unicorn Racing,600.0 429 | 06/21/2016 12:00:00 AM,In Process,Special Event,Community,,Magnuson Series Beer Garden,S16AU360,08/13/2016 12:00:00 AM,08/13/2016 12:00:00 AM,,Sand Point,4,North,Magnuson Series,60.0 430 | 06/22/2016 12:00:00 AM,Complete,Special Event,Community,,Dragon Fest 2016,S16JY361,07/16/2016 12:00:00 AM,07/17/2016 12:00:00 AM,,International District,2,West,Chinatown-International District Business Improvement Area,15400.0 431 | 09/30/2016 12:00:00 AM,Complete,Special Event,Community,,The 30th Annual Great Figgy Pudding Caroling Competition,S16DE484,12/02/2016 12:00:00 AM,12/02/2016 12:00:00 AM,,Downtown,7,West,Pike Market Senior Center & Food Bank,9000.0 432 | 09/30/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - ACT Theatre,S16OC485,10/14/2016 12:00:00 AM,10/14/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,90.0 433 | 10/03/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Seattle Children's Marathon,S16NO486,11/26/2016 12:00:00 AM,11/26/2016 12:00:00 AM,,Queen Anne,7,West,Seattle Marathon Association,3700.0 434 | 10/03/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Seattle Marathon,S16NO487,11/27/2016 12:00:00 AM,11/27/2016 12:00:00 AM,,Multiple Neighborhoods,2;3;7,East;South;West,Seattle Marathon Association,10500.0 435 | 06/23/2016 12:00:00 AM,Complete,Special Event,Commercial,,PAX West,S16SE362,09/02/2016 12:00:00 AM,09/05/2016 12:00:00 AM,,Downtown,7,West,WSCC,100000.0 436 | 06/24/2016 12:00:00 AM,Complete,Charter Vessel,,,Venture Charters - Joker,CV16JY363,07/04/2016 12:00:00 AM,07/04/2016 12:00:00 AM,,Wallingford,4,North,Venture Charters Inc,30.0 437 | 06/24/2016 12:00:00 AM,Cancelled,Special Event,Community,,Art Rising,S16SE364,09/17/2016 12:00:00 AM,09/17/2016 12:00:00 AM,,South Lake Union,7,West,South Lake Union Chamber of Commerce,4050.0 438 | 06/27/2016 12:00:00 AM,Cancelled,Special Event,Community,,Music in the Park (7.21),S16JY365,07/21/2016 12:00:00 AM,07/21/2016 12:00:00 AM,,Madison Park,3,East,Madison Park Business Association,610.0 439 | 06/27/2016 12:00:00 AM,Cancelled,Special Event,Community,,Music in the Park (7.28),S16JY366,07/28/2016 12:00:00 AM,07/28/2016 12:00:00 AM,,Madison Park,3,East,Madison Park Business Association,610.0 440 | 06/27/2016 12:00:00 AM,Cancelled,Special Event,Community,,Music in the Park (8.4),S16AU367,08/04/2016 12:00:00 AM,08/04/2016 12:00:00 AM,,Madison Park,3,East,Madison Park Business Association,610.0 441 | 06/27/2016 12:00:00 AM,Cancelled,Special Event,Community,,Music in the Park (8.11),S16AU368,08/11/2016 12:00:00 AM,08/11/2016 12:00:00 AM,,Madison Park,3,East,Madison Park Business Association,610.0 442 | 06/27/2016 12:00:00 AM,Cancelled,Special Event,Commercial,,Daybreak Festival,S16AU369,08/27/2016 12:00:00 AM,08/27/2016 12:00:00 AM,,Ballard,6,North,"Daybreak, LLC",2100.0 443 | 06/28/2016 12:00:00 AM,Complete,Special Event,Community,,R-Day,S16OC370,10/22/2016 12:00:00 AM,10/22/2016 12:00:00 AM,,Sodo,2,South,KEXP and Boldhat Productions,3020.0 444 | 06/28/2016 12:00:00 AM,Complete,Special Event,Community,,Live in D5,S16AU371,08/13/2016 12:00:00 AM,08/13/2016 12:00:00 AM,,Northgate,5,North,"City of Seattle, City Council Member Debora Juarez",110.0 445 | 06/28/2016 12:00:00 AM,Complete,Special Event,Commercial,,Boats Afloat Show,S16SE372,09/14/2016 12:00:00 AM,09/18/2016 12:00:00 AM,,South Lake Union,3,West,Northwest Yacht Brokers Association,6350.0 446 | 06/28/2016 12:00:00 AM,Cancelled,Special Event,Commercial,,Miss DiJulio Hydro Rally,S16AU373,08/02/2016 12:00:00 AM,08/02/2016 12:00:00 AM,,Downtown,7,West,"Miss DiJulio Racing, LLC",151.0 447 | 06/29/2016 12:00:00 AM,Cancelled,Special Event,Commercial,,Baby and Co 40th Anniversary Celebration,S16SE374,09/09/2016 12:00:00 AM,09/09/2016 12:00:00 AM,,Downtown,7,West,Baby & Company,125.0 448 | 06/29/2016 12:00:00 AM,Complete,Special Event,Commercial,,Corson Building Wedding 7.23,S16JY375,07/23/2016 12:00:00 AM,07/23/2016 12:00:00 AM,,Georgetown,2,South,The Corson Building,105.0 449 | 06/30/2016 12:00:00 AM,Complete,Charter Vessel,,,"Seattle Ferry Services, LLC",CV16JY376,07/04/2016 12:00:00 AM,07/04/2016 12:00:00 AM,,Wallingford,4,North,"Seattle Ferry Services, LLC",42.0 450 | 06/30/2016 12:00:00 AM,Complete,Special Event,Athletic,Water,Head of the Lake,S16NO377,11/06/2016 12:00:00 AM,11/06/2016 12:00:00 AM,,South Lake Union,2,West,Lake Washington Rowing Club,2300.0 451 | 06/29/2016 12:00:00 AM,Complete,Special Event,Commercial,,VA Puget Sound Health Care System Employee Appreciation Picnic,S16AU378,08/16/2016 12:00:00 AM,08/16/2016 12:00:00 AM,,Beacon Hill,2,South,VA Puget Sound Health Care System,950.0 452 | 06/30/2016 12:00:00 AM,Cancelled,Special Event,Free Speech,,Night Light,S16SE379,09/17/2016 12:00:00 AM,09/17/2016 12:00:00 AM,,Bitter Lake,5,North,REST (Real Escape from the Sex Trade),200.0 453 | 07/01/2016 12:00:00 AM,Complete,Special Event,Commercial,,Great Pumpkin Beer Festival,S16OC380,10/08/2016 12:00:00 AM,10/08/2016 12:00:00 AM,,Sodo,2,West,Elysian Brewing,10000.0 454 | 07/01/2016 12:00:00 AM,Complete,Special Event,Commercial,,EPOCH shows at Bad Jimmy's Brewing Co,S16AU381,08/12/2016 12:00:00 AM,08/12/2016 12:00:00 AM,,Ballard,6,North,Kellyco Enterprises,420.0 455 | 07/01/2016 12:00:00 AM,Complete,Special Event,Community,,Mount Baker Town Center: the Design Change Street Festival!,S16SE382,09/18/2016 12:00:00 AM,09/18/2016 12:00:00 AM,,Mount Baker,2,South,"Friends of Mt Baker Town Center (sponsored by Seattle Parks Foundation), with Mt Baker Hub Business Association",315.0 456 | 07/01/2016 12:00:00 AM,Complete,Special Event,Community,,Up Your Ave,S16SE383,09/29/2016 12:00:00 AM,09/29/2016 12:00:00 AM,,University District,4,North,The U District Partnership,1025.0 457 | 07/05/2016 12:00:00 AM,Complete,Special Event,Commercial,,Macefield Music Festival,S16OC384,10/01/2016 12:00:00 AM,10/01/2016 12:00:00 AM,,Ballard,6,North,"Macefield Music Festival, LLC",925.0 458 | 07/05/2016 12:00:00 AM,Complete,Special Event,Community,,Van Haven,S16SE385,09/10/2016 12:00:00 AM,09/10/2016 12:00:00 AM,,Georgetown,2,South,TNE Network,550.0 459 | 07/06/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Seattle Marathon 10K Race,S16AU386,08/26/2016 12:00:00 AM,08/27/2016 12:00:00 AM,,Fremont,4;6,North,Seattle Marathon Association,1600.0 460 | 07/07/2016 12:00:00 AM,Complete,Special Event,Commercial,,First Place Breakfast on the Beach with Luvo Inc and Russell Wilson,S16JY387,07/18/2016 12:00:00 AM,07/18/2016 12:00:00 AM,Gas Works Park,Wallingford,4,North,First Place, 461 | 07/08/2016 12:00:00 AM,Cancelled,Special Event,Community,,Chinatown International District Block Party,S16AU388,08/28/2016 12:00:00 AM,08/28/2016 12:00:00 AM,,International District,2,West,Seattle Chinatown International District Preservation and Development Authority,500.0 462 | 07/08/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Light the Night Walk,S16OC389,10/22/2016 12:00:00 AM,10/22/2016 12:00:00 AM,,Lower Queen Anne,7,West,Leukemia & Lymphoma Society,2100.0 463 | 07/13/2016 12:00:00 AM,Complete,Special Event,Commercial,,NFL Sponsor Appreciation Event,S16OC390,10/16/2016 12:00:00 AM,10/16/2016 12:00:00 AM,,Sodo,2,West,The Travelers Inc/National Event Pros,315.0 464 | 07/13/2016 12:00:00 AM,Complete,Special Event,Free Speech,,St. Gebreal Ethiopian Orthodox Celebration,S16JY391,07/24/2016 12:00:00 AM,07/24/2016 12:00:00 AM,,Central District,2,West,St. Gebreal Ethiopian Orthodox Church,710.0 465 | 07/13/2016 12:00:00 AM,Cancelled,Special Event,Community,,Rave Foundation Occidental Square Event,S16AU392,08/21/2016 12:00:00 AM,08/21/2016 12:00:00 AM,,Pioneer Square,2,West,RAVE Foundation,160.0 466 | 07/13/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Greek Festival,S16OC393,10/07/2016 12:00:00 AM,10/09/2016 12:00:00 AM,,Montlake,3,North,St. Demetrios Greek Orthodox Church,4500.0 467 | 07/14/2016 12:00:00 AM,Complete,Special Event,Community,,Kawabe SummerFest!,S16AU394,08/28/2016 12:00:00 AM,08/28/2016 12:00:00 AM,,Central District,3,East,Kawabe Memorial House,500.0 468 | 07/14/2016 12:00:00 AM,Cancelled,Special Event,Athletic,Run/Walk,PAX 5K,S16SE395,09/01/2016 12:00:00 AM,09/01/2016 12:00:00 AM,,South Lake Union,3,West,Run for Good Racing Co. / Reed Pop,310.0 469 | 11/09/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Holy Names Academy,S16DE511,12/03/2016 12:00:00 AM,12/03/2016 12:00:00 AM,,Capitol Hill,3,East,Red Carpet Valet,100.0 470 | 04/13/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Seafair Pirate Landing,S16JU247,06/25/2016 12:00:00 AM,06/25/2016 12:00:00 AM,Alki Beach,West Seattle,1,West,Seattle Seafair Pirates,3100.0 471 | 04/13/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Children's Health Fair,S16SE248,09/10/2016 12:00:00 AM,09/10/2016 12:00:00 AM,,Cascade,7,West,Seattle Children's,1650.0 472 | 04/14/2016 12:00:00 AM,Complete,Special Event,Athletic,Cycling,Obliteride,S16AU249,08/12/2016 12:00:00 AM,08/14/2016 12:00:00 AM,Gas Works Park,Cascade,1;2;3;4;6;7,North;West,Fred Hutchinson Cancer Research Center,5400.0 473 | 04/15/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,SummeRun&Walk,S16JY250,07/17/2016 12:00:00 AM,07/17/2016 12:00:00 AM,,First Hill,3,West,Swedish Medical Center Foundation,2950.0 474 | 04/18/2016 12:00:00 AM,Complete,Special Event,Free Speech,,International Workers Day March and Rally,S16MY251,05/01/2016 12:00:00 AM,05/01/2016 12:00:00 AM,Judkins Park,Central District,3,East,El -Comite - May 1st Action Coalition,550.0 475 | 04/18/2016 12:00:00 AM,Complete,Special Event,Athletic,Water,Seattle Dragon Boat Festival,S16JY252,07/30/2016 12:00:00 AM,07/30/2016 12:00:00 AM,,South Lake Union,7,West,Paddlepult,1600.0 476 | 04/22/2016 12:00:00 AM,Complete,Special Event,Commercial,,Festival of Fountains - (Street Use),S16JY253,07/22/2016 12:00:00 AM,07/22/2016 12:00:00 AM,,Queen Anne,7,West,Pacific Science Center,850.0 477 | 04/22/2016 12:00:00 AM,In Process,Special Event,Citywide,,Seafair Summer Fourth,S16JY254,07/04/2016 12:00:00 AM,07/04/2016 12:00:00 AM,Gas Works Park,Wallingford,4,North,Seafair,65020.0 478 | 04/22/2016 12:00:00 AM,Complete,Special Event,Community,,Seafair Milk Carton Derby,S16JY255,07/16/2016 12:00:00 AM,07/16/2016 12:00:00 AM,,Green Lake,6,North,Seafair,4150.0 479 | 04/22/2016 12:00:00 AM,Complete,Special Event,Athletic,Run/Walk,Swedish Seafair Triathlon,S16JY256,07/23/2016 12:00:00 AM,07/24/2016 12:00:00 AM,,Seward Park,2;3,South,Seafair,3350.0 480 | 04/22/2016 12:00:00 AM,In Process,Special Event,Citywide,,Torchlight Parade at Seafair,S16JY257,07/30/2016 12:00:00 AM,07/30/2016 12:00:00 AM,,Downtown,7,West,Seafair,251000.0 481 | 05/05/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Fremont Foundry,S16MY285,05/11/2016 12:00:00 AM,05/11/2016 12:00:00 AM,,Fremont,6,North,Red Carpet Valet,100.0 482 | 05/05/2016 12:00:00 AM,Cancelled,Special Event,Commercial,,Starbucks - Sounders Pride Party,S16JU286,06/25/2016 12:00:00 AM,06/25/2016 12:00:00 AM,,Sodo,2,South,Starbucks,875.0 483 | 08/09/2016 12:00:00 AM,Complete,Special Event,Community,,MBCC's Day in the Park Event,S16SE431,09/11/2016 12:00:00 AM,09/11/2016 12:00:00 AM,,Mount Baker,2,South,Mount Baker Community Club,350.0 484 | 10/04/2016 12:00:00 AM,Complete,Special Event,Community,,Magnolia Winterfest,S16NO488,11/26/2016 12:00:00 AM,11/26/2016 12:00:00 AM,,Magnolia,7,West,Magnolia Chamber of Commerce,530.0 485 | 10/05/2016 12:00:00 AM,Complete,Special Event,Community,,All Hands,S16NO489,11/03/2016 12:00:00 AM,11/03/2016 12:00:00 AM,,Multiple Neighborhoods,7,West,Spplus,2940.0 486 | 10/10/2016 12:00:00 AM,Complete,Special Event,Community,,2016 Tree Lighting Celebration,S16NO490,11/25/2016 12:00:00 AM,11/25/2016 12:00:00 AM,,Downtown,7,West,Downtown Seattle Association,3000.0 487 | 10/11/2016 12:00:00 AM,In Process,Special Event,Commercial,,Seattle Symphony Open Rehearsal,S16OC491,10/13/2016 12:00:00 AM,10/13/2016 12:00:00 AM,,Downtown,7,West,Seattle Symphony,1300.0 488 | 10/10/2016 12:00:00 AM,Complete,Special Event,Community,,Dog-o-ween,S16OC492,10/22/2016 12:00:00 AM,10/22/2016 12:00:00 AM,Bell Street Park,Belltown,7,West,Seattle Parks and Recreation,250.0 489 | 10/12/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Palace Ballroom (10.12),S16OC493,10/15/2016 12:00:00 AM,10/15/2016 12:00:00 AM,,Downtown,7,West,Butler Valet,60.0 490 | 10/12/2016 12:00:00 AM,Complete,Special Event,Community,,Seattle Symphony Friday Matinees concert (11.18),S16NO494,11/18/2016 12:00:00 AM,11/18/2016 12:00:00 AM,,Downtown,7,West,Seattle Symphony/Benaroya Hall,329.0 491 | 11/10/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Fred Lind Manor,S16NO512,11/16/2016 12:00:00 AM,11/16/2016 12:00:00 AM,,Capitol Hill,3,East,Red Carpet Valet,25.0 492 | 11/14/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Tiger Oak Publications Fremont Studios,S16NO513,11/17/2016 12:00:00 AM,11/17/2016 12:00:00 AM,,Fremont,6,North,Butler Valet,300.0 493 | 11/14/2016 12:00:00 AM,Complete,Valet Parking,,,Butlet Valet - Seattle Aquarium - Grinstein Memorial,S16NO514,11/20/2016 12:00:00 AM,11/20/2016 12:00:00 AM,,Downtown,7,West,Butler Valet,150.0 494 | 11/15/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - The Ruins,S16NO515,11/26/2016 12:00:00 AM,11/26/2016 12:00:00 AM,,Queen Anne,7,West,Red Carpet Valet,20.0 495 | 11/15/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Sitka and Spruce,S16DE516,12/07/2016 12:00:00 AM,12/07/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,80.0 496 | 04/08/2016 12:00:00 AM,Complete,Special Event,Community,,Umoja Fest Africatown Heritage Festival Rally,S16AU236,08/05/2016 12:00:00 AM,08/07/2016 12:00:00 AM,,Central District,3,East,Umoja Fest,4000.0 497 | 04/25/2016 12:00:00 AM,Complete,Special Event,Community,,McDonald International Elementary School International Night,S16MY258,05/07/2016 12:00:00 AM,05/07/2016 12:00:00 AM,,Wallingford,4,North,McDonald International Elementary School,850.0 498 | 04/25/2016 12:00:00 AM,Complete,Special Event,Community,,Admiral 4th of July Kids Parade,S16JY259,07/04/2016 12:00:00 AM,07/04/2016 12:00:00 AM,Hamilton Viewpoint Park,West Seattle,1,Southwest,FIT4MOM West Seattle,910.0 499 | 04/25/2016 12:00:00 AM,Complete,Special Event,Community,,Rainier Valley Heritage Festival,S16AU260,08/13/2016 12:00:00 AM,08/13/2016 12:00:00 AM,,Rainier Valley,2,South,Rainier Chamber Foundation,3020.0 500 | 04/25/2016 12:00:00 AM,Complete,Special Event,Community,,Rainier Valley Heritage Festival Parade,S16AU261,08/13/2016 12:00:00 AM,08/13/2016 12:00:00 AM,,Rainier Valley,2,South,Rainier Chamber Foundation,3020.0 501 | 05/09/2016 12:00:00 AM,Cancelled,Special Event,Community,,Renegade Craft Fair,S16JY262,07/23/2016 12:00:00 AM,07/24/2016 12:00:00 AM,Magnuson Park,Sand Point,4,North,"Renegade Craft Fair, Inc.",2164.0 502 | 04/25/2016 12:00:00 AM,Complete,Special Event,Community,,Greaseball,S16AU263,08/14/2016 12:00:00 AM,08/14/2016 12:00:00 AM,,Sodo,2,South,"Sea Deli, Inc",325.0 503 | 04/26/2016 12:00:00 AM,Cancelled,Special Event,Athletic,Water,Takarabune Regatta,S16MY264,05/01/2016 12:00:00 AM,05/03/2016 12:00:00 AM,,South Lake Union,3;7,West,Seattle Yacht Club,150.0 504 | 04/26/2016 12:00:00 AM,Complete,Special Event,Commercial,,Julia's Broadway Pride Event,S16JU265,06/25/2016 12:00:00 AM,06/26/2016 12:00:00 AM,,Capitol Hill,3,East,Julia's on Broadway,120.0 505 | 04/27/2016 12:00:00 AM,Complete,Special Event,Community,,Craig Wilson Queen Anne Days Kiddies Parade,S16JY266,07/09/2016 12:00:00 AM,07/09/2016 12:00:00 AM,,Queen Anne,4,West,The Queen Anne Chamber of Commerce,160.0 506 | 04/27/2016 12:00:00 AM,Complete,Special Event,Commercial,,Outlines,S16JY267,07/01/2016 12:00:00 AM,07/01/2016 12:00:00 AM,,Sodo,2,South,Upper Left,1600.0 507 | 04/28/2016 12:00:00 AM,Complete,Special Event,Community,,Block Party @ The Station,S16JU270,06/18/2016 12:00:00 AM,06/18/2016 12:00:00 AM,,Beacon Hill,2,South,Beacon Arts,312.0 508 | 04/28/2016 12:00:00 AM,Complete,Special Event,Community,,Big Day Of Play,S16AU271,08/13/2016 12:00:00 AM,08/13/2016 12:00:00 AM,,Rainier Valley,2,South,City of Seattle Parks and Recreation Department,2500.0 509 | 04/28/2016 12:00:00 AM,Complete,Special Event,Community,,SLU Saturday Market,S16MY272,05/14/2016 12:00:00 AM,09/24/2016 12:00:00 AM,,South Lake Union,7,West,NW Market Places,1005.0 510 | 04/29/2016 12:00:00 AM,Complete,Special Event,Commercial,,Fuel Outdoor Beer Garden (6.2),S16JU273,06/02/2016 12:00:00 AM,06/02/2016 12:00:00 AM,,Sodo,7,South,Fuel Sports Eats and Beats,420.0 511 | 05/04/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Chihuly Boat House (6.18),S16JU280,06/18/2016 12:00:00 AM,06/18/2016 12:00:00 AM,,Wallingford,4,North,Red Carpet Valet,200.0 512 | 05/04/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Seattle Children's Theater,S16MY281,05/16/2016 12:00:00 AM,05/16/2016 12:00:00 AM,,Queen Anne,7,West,Red Carpet Valet,175.0 513 | 05/04/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Zoe Events,S16JU282,06/02/2016 12:00:00 AM,06/02/2016 12:00:00 AM,,Capitol Hill,3,East,Red Carpet Valet,25.0 514 | 05/04/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Jewish Federation,S16MY283,05/19/2016 12:00:00 AM,05/19/2016 12:00:00 AM,,First Hill,3,East,Red Carpet Valet,70.0 515 | 05/04/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - The Sanctuary,S16MY284,05/21/2016 12:00:00 AM,05/21/2016 12:00:00 AM,,West Seattle,1,Southwest,Red Carpet Valet,80.0 516 | 11/17/2016 12:00:00 AM,Complete,Special Event,Community,,SOURCE_NYE,S16DE517,12/31/2016 12:00:00 AM,12/31/2016 12:00:00 AM,,Sodo,2,West,Upper Left,1000.0 517 | 04/27/2016 12:00:00 AM,Complete,Special Event,Community,,Magnolia Village Car Show,S16AU268,08/13/2016 12:00:00 AM,08/13/2016 12:00:00 AM,,Magnolia,7,West,Werner's Crash Shop/Magnolia Chamber of Commerce,880.0 518 | 04/28/2016 12:00:00 AM,Complete,Special Event,Commercial,,Sunset Supper at Pike Place Market,S16AU269,08/12/2016 12:00:00 AM,08/12/2016 12:00:00 AM,,Downtown,7,West,Market Foundation,1600.0 519 | 11/17/2016 12:00:00 AM,Complete,Special Event,Free Speech,,"Our Lady of Guadalupe, Mother of the Americas Celebration",S16DE518,12/03/2016 12:00:00 AM,12/03/2016 12:00:00 AM,,Central District,3,East,Catholic Corporation of the Archdiocese of Seattle,1060.0 520 | 11/28/2016 12:00:00 AM,Complete,Special Event,Free Speech,,Seattle Women March Against Hate,S16DE519,12/03/2016 12:00:00 AM,12/03/2016 12:00:00 AM,,Capitol Hill,3,East,,2030.0 521 | 11/29/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Paramount Theater,S16DE520,12/02/2016 12:00:00 AM,12/02/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,100.0 522 | 12/05/2016 12:00:00 AM,In Process,Valet Parking,,,Butler Valet - Memorial - The Ruins,S16DE521,12/07/2016 12:00:00 AM,12/07/2016 12:00:00 AM,,Queen Anne,7,West,Butler Valet,150.0 523 | 12/05/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Luncheon - The Ruins,S16DE522,12/09/2016 12:00:00 AM,12/09/2016 12:00:00 AM,,Queen Anne,7,West,Butler Valet,100.0 524 | 12/05/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Holiday Party - The Foundry by Herban Feast,S16DE523,12/09/2016 12:00:00 AM,12/09/2016 12:00:00 AM,,Sodo,2,West,Butler Valet,250.0 525 | 12/05/2016 12:00:00 AM,Complete,Valet Parking,,,Butler Valet - Waste Management - The Foundry by Herban Feast,S16DE524,12/08/2016 12:00:00 AM,12/08/2016 12:00:00 AM,,Sodo,2,West,Butler Valet,200.0 526 | 12/06/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Axis Pioneer Square,S16DE525,12/14/2016 12:00:00 AM,12/14/2016 12:00:00 AM,,Pioneer Square,7,West,Red Carpet Valet,75.0 527 | 12/06/2016 12:00:00 AM,Complete,Valet Parking,,,Red Carpet Valet - Showbox Seattle,S16DE526,12/17/2016 12:00:00 AM,12/17/2016 12:00:00 AM,,Downtown,7,West,Red Carpet Valet,60.0 528 | 12/06/2016 12:00:00 AM,Complete,Special Event,Community,,SLU Winter Market,S16DE527,12/15/2016 12:00:00 AM,12/15/2016 12:00:00 AM,,South Lake Union,3,West,Amazon Global Real Estate and Facilities / Urban Craft Uprising,780.0 529 | 12/12/2016 12:00:00 AM,In Process,Special Event,Citywide,,MLS Cup Championship March and Rally,S16DE528,12/13/2016 12:00:00 AM,12/13/2016 12:00:00 AM,,Downtown,7,West,Seattle Sounders FC,23300.0 530 | 12/16/2016 12:00:00 AM,Complete,Special Event,Free Speech,,March for Aleppo,S16DE529,12/16/2016 12:00:00 AM,12/16/2016 12:00:00 AM,,Downtown,7,West,Americans for Refugees and Immigrants,275.0 531 | -------------------------------------------------------------------------------- /plots/hist_attendance.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jem1031/pandas-pipelines-custom-transformers/e30255511deff543b09a9c3a9f0744cce5886203/plots/hist_attendance.png -------------------------------------------------------------------------------- /plots/hist_attendance_log.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jem1031/pandas-pipelines-custom-transformers/e30255511deff543b09a9c3a9f0744cce5886203/plots/hist_attendance_log.png -------------------------------------------------------------------------------- /slides.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jem1031/pandas-pipelines-custom-transformers/e30255511deff543b09a9c3a9f0744cce5886203/slides.pdf --------------------------------------------------------------------------------