├── CNN Multilabel Classifier.ipynb ├── README.md ├── agg_data └── .keep ├── args.py ├── cnn.py ├── data ├── .keep ├── fastText-0.1.0 │ ├── .keep │ ├── corpus_vectors_default_200d │ │ └── .keep │ └── corpus_vectors_default_300d │ │ └── .keep └── glove.6B │ └── .keep ├── data_processing.py ├── datasets ├── Majority │ ├── Label Distribution.txt │ ├── test_dataset.csv │ ├── test_dataset_label6.pkl │ ├── train_dataset.csv │ ├── train_dataset_label6.pkl │ ├── validation_dataset.csv │ └── validation_dataset_label6.pkl └── Union │ ├── Distribution.txt │ ├── test_dataset.csv │ ├── test_dataset_label6.pkl │ ├── train_dataset.csv │ ├── train_dataset_label6.pkl │ ├── validation_dataset.csv │ └── validation_dataset_label6.pkl ├── embeddings_data └── .keep ├── fastText-0.1.0 ├── corpus_vectors_default_200d │ └── .keep └── corpus_vectors_default_300d │ └── .keep ├── glove.6B └── .keep ├── labels.pkl ├── predict.py ├── privacy_policies_dataset.py ├── processed_data └── .keep ├── raw_data ├── 1017_sci-news.com.csv ├── 1028_redorbit.com.csv ├── 1034_aol.com.csv ├── 1050_honda.com.csv ├── 105_amazon.com.csv ├── 1070_wnep.com.csv ├── 1083_highgearmedia.com.csv ├── 1089_freep.com.csv ├── 1099_enthusiastnetwork.com.csv ├── 1106_allstate.com.csv ├── 1164_acbj.com.csv ├── 1205_opensecrets.org.csv ├── 1206_dcccd.edu.csv ├── 1221_gwdocs.com.csv ├── 1224_austincc.edu.csv ├── 1252_cincymuseum.org.csv ├── 1259_fool.com.csv ├── 1261_zacks.com.csv ├── 1264_citizen.org.csv ├── 1300_bankofamerica.com.csv ├── 1306_chasepaymentech.com.csv ├── 133_fortune.com.csv ├── 135_instagram.com.csv ├── 1360_thehill.com.csv ├── 1361_yahoo.com.csv ├── 1419_miaminewtimes.com.csv ├── 144_style.com.csv ├── 1468_rockstargames.com.csv ├── 1470_steampowered.com.csv ├── 1498_ticketmaster.com.csv ├── 1510_jibjab.com.csv ├── 1539_geocaching.com.csv ├── 1545_taylorswift.com.csv ├── 1582_msn.com.csv ├── 1610_post-gazette.com.csv ├── 1618_sltrib.com.csv ├── 1636_sidearmsports.com.csv ├── 1637_dailyillini.com.csv ├── 164_adweek.com.csv ├── 1666_wsmv.com.csv ├── 1673_tulsaworld.com.csv ├── 1683_dailynews.com.csv ├── 1694_lids.com.csv ├── 1703_sports-reference.com.csv ├── 1708_foxsports.com.csv ├── 1713_latinpost.com.csv ├── 175_mlb.mlb.com.csv ├── 186_abcnews.com.csv ├── 200_washingtonpost.com.csv ├── 202_foodallergy.org.csv ├── 207_reference.com.csv ├── 20_theatlantic.com.csv ├── 21_imdb.com.csv ├── 228_gawker.com.csv ├── 26_nytimes.com.csv ├── 303_reddit.com.csv ├── 320_timeinc.com.csv ├── 325_ocregister.com.csv ├── 32_voxmedia.com.csv ├── 331_tgifridays.com.csv ├── 33_nbcuniversal.com.csv ├── 348_walmart.com.csv ├── 359_vikings.com.csv ├── 394_newsbusters.org.csv ├── 414_washingtonian.com.csv ├── 453_barnesandnoble.com.csv ├── 456_boardgamegeek.com.csv ├── 481_fredericknewspost.com.csv ├── 503_buffalowildwings.com.csv ├── 517_kaleidahealth.org.csv ├── 523_usa.gov.csv ├── 531_archives.gov.csv ├── 541_ifsa-butler.org.csv ├── 559_www.loc.gov.csv ├── 571_abita.com.csv ├── 581_coffeereview.com.csv ├── 584_communitycoffee.com.csv ├── 586_cariboucoffee.com.csv ├── 58_esquire.com.csv ├── 591_google.com.csv ├── 59_liquor.com.csv ├── 627_dairyqueen.com.csv ├── 635_playstation.com.csv ├── 640_gamestop.com.csv ├── 641_cbsinteractive.com.csv ├── 642_thefreedictionary.com.csv ├── 652_randomhouse.com.csv ├── 676_restaurantnews.com.csv ├── 686_military.com.csv ├── 701_tangeroutlet.com.csv ├── 70_meredith.com.csv ├── 723_dogbreedinfo.com.csv ├── 744_minecraft.gamepedia.com.csv ├── 745_eatchicken.com.csv ├── 746_kraftrecipes.com.csv ├── 760_si.edu.csv ├── 777_education.jlab.org.csv ├── 807_lodgemfg.com.csv ├── 817_ironhorsevineyards.com.csv ├── 82_sheknows.com.csv ├── 856_sciencemag.org.csv ├── 862_disinfo.com.csv ├── 883_ted.com.csv ├── 884_naturalnews.com.csv ├── 891_everydayhealth.com.csv ├── 898_uptodate.com.csv ├── 907_earthkam.org.csv ├── 919_uh.edu.csv ├── 928_stlouisfed.org.csv ├── 93_pbs.org.csv ├── 940_internetbrands.com.csv ├── 962_lynda.com.csv ├── 988_solarviews.com.csv ├── 98_neworleansonline.com.csv └── 995_mohegansun.com.csv └── requirements.txt /README.md: -------------------------------------------------------------------------------- 1 | # Polisis_Benchmark 2 | Reproducing state-of-the-art results 3 | 4 | This repo is our effort to reproduce Polisis results for privacy policy classification based on their paper: https://arxiv.org/abs/1802.02561 5 | 6 | # Setup instructions 7 | 1. Setup a virtual environment using any tool (e.g., conda) and activate it: conda -n privacy_policy python=3.6 source activate privacy_policy 8 | 2. Install dependecies from the requirement file: pip install -r requirement.txt 9 | 3. install NLTK tokenizer: python -m nltk.downloader punkt 10 | 11 | # Usage instructions 12 | To run the experiment: python -u cnn_multi_label_classifier.py 13 | 14 | Parameters can be found in args.py 15 | 16 | Important Note: By default the code will use GloVe embeddings. Due to licesing the in-domain embeddings can be provided only upon request. 17 | -------------------------------------------------------------------------------- /agg_data/.keep: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/agg_data/.keep -------------------------------------------------------------------------------- /args.py: -------------------------------------------------------------------------------- 1 | from argparse import ArgumentParser 2 | import datetime 3 | 4 | def get_args(): 5 | parser = ArgumentParser(description="Multi-label Privacy Policy Classification") 6 | parser.add_argument('--model_name', type=str, required=False, default='model'+str(datetime.datetime.now().strftime("%Y-%m-%d_%H:%M"))) 7 | parser.add_argument('--label_set', type=str, required=False, help='Union or Majority', default='Majority') 8 | parser.add_argument('--epochs', type=int, default=350) 9 | parser.add_argument('--lr', type=float, default=0.01) 10 | parser.add_argument('--dropout', type=float, default=0.5) 11 | parser.add_argument('--optim', type=str, required=False, help='SGD or Adam', default='SGD') 12 | args = parser.parse_args() 13 | return args 14 | -------------------------------------------------------------------------------- /data/.keep: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/data/.keep -------------------------------------------------------------------------------- /data/fastText-0.1.0/.keep: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/data/fastText-0.1.0/.keep -------------------------------------------------------------------------------- /data/fastText-0.1.0/corpus_vectors_default_200d/.keep: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/data/fastText-0.1.0/corpus_vectors_default_200d/.keep -------------------------------------------------------------------------------- /data/fastText-0.1.0/corpus_vectors_default_300d/.keep: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/data/fastText-0.1.0/corpus_vectors_default_300d/.keep -------------------------------------------------------------------------------- /data/glove.6B/.keep: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/data/glove.6B/.keep -------------------------------------------------------------------------------- /datasets/Majority/Label Distribution.txt: -------------------------------------------------------------------------------- 1 | Train 2 | Num of segments: 2286 3 | Num of labels: 2639 4 | Percentages with respect to number of segments ... 5 | 0. First Party Collection/Use : 781 (34.16447944006999%) 6 | 1. Third Party Sharing/Collection : 584 (25.546806649168854%) 7 | 2. User Access, Edit and Deletion : 101 (4.418197725284339%) 8 | 3. Data Retention : 50 (2.1872265966754156%) 9 | 4. Data Security : 139 (6.080489938757656%) 10 | 5. International and Specific Audiences : 204 (8.923884514435695%) 11 | 6. Do Not Track : 22 (0.9623797025371829%) 12 | 7. Policy Change : 73 (3.1933508311461067%) 13 | 8. User Choice/Control : 233 (10.192475940507437%) 14 | 9. Introductory/Generic : 240 (10.498687664041995%) 15 | 10. Practice not covered : 83 (3.63079615048119%) 16 | 11. Privacy contact information : 129 (5.6430446194225725%) 17 | --------------------------------------------------------------------------------------------------------- 18 | Validation 19 | Num of segments: 571 20 | Num of labels: 648 21 | Percentages with respect to number of segments ... 22 | 0. First Party Collection/Use : 176 (30.823117338003502%) 23 | 1. Third Party Sharing/Collection : 158 (27.6707530647986%) 24 | 2. User Access, Edit and Deletion : 24 (4.203152364273205%) 25 | 3. Data Retention : 14 (2.4518388791593697%) 26 | 4. Data Security : 31 (5.42907180385289%) 27 | 5. International and Specific Audiences : 41 (7.1803852889667255%) 28 | 6. Do Not Track : 6 (1.0507880910683012%) 29 | 7. Policy Change : 25 (4.378283712784588%) 30 | 8. User Choice/Control : 48 (8.40630472854641%) 31 | 9. Introductory/Generic : 72 (12.609457092819614%) 32 | 10. Practice not covered : 21 (3.677758318739054%) 33 | 11. Privacy contact information : 32 (5.604203152364273%) 34 | --------------------------------------------------------------------------------------------------------- 35 | Test 36 | Num of segments: 714 37 | Num of labels: 833 38 | Percentages with respect to number of segments ... 39 | 0. First Party Collection/Use : 250 (35.0140056022409%) 40 | 1. Third Party Sharing/Collection : 203 (28.431372549019606%) 41 | 2. User Access, Edit and Deletion : 24 (3.361344537815126%) 42 | 3. Data Retention : 14 (1.9607843137254901%) 43 | 4. Data Security : 40 (5.602240896358543%) 44 | 5. International and Specific Audiences : 56 (7.8431372549019605%) 45 | 6. Do Not Track : 3 (0.42016806722689076%) 46 | 7. Policy Change : 21 (2.9411764705882355%) 47 | 8. User Choice/Control : 77 (10.784313725490197%) 48 | 9. Introductory/Generic : 78 (10.92436974789916%) 49 | 10. Practice not covered : 25 (3.5014005602240896%) 50 | 11. Privacy contact information : 42 (5.882352941176471%) 51 | --------------------------------------------------------------------------------------------------------- -------------------------------------------------------------------------------- /datasets/Majority/test_dataset_label6.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/datasets/Majority/test_dataset_label6.pkl -------------------------------------------------------------------------------- /datasets/Majority/train_dataset_label6.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/datasets/Majority/train_dataset_label6.pkl -------------------------------------------------------------------------------- /datasets/Majority/validation_dataset_label6.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/datasets/Majority/validation_dataset_label6.pkl -------------------------------------------------------------------------------- /datasets/Union/Distribution.txt: -------------------------------------------------------------------------------- 1 | Train 2 | Num of segments: 2425 3 | Num of labels: 4153 4 | Percentages with respect to number of segments ... 5 | 0. First Party Collection/Use : 988 (40.74226804123711%) 6 | 1. Third Party Sharing/Collection : 755 (31.1340206185567%) 7 | 2. User Access, Edit and Deletion : 155 (6.391752577319588%) 8 | 3. Data Retention : 111 (4.577319587628866%) 9 | 4. Data Security : 251 (10.350515463917526%) 10 | 5. International and Specific Audiences : 225 (9.278350515463918%) 11 | 6. Do Not Track : 22 (0.9072164948453608%) 12 | 7. Policy Change : 118 (4.865979381443299%) 13 | 8. User Choice/Control : 405 (16.701030927835053%) 14 | 9. Introductory/Generic : 514 (21.195876288659793%) 15 | 10. Practice not covered : 402 (16.577319587628867%) 16 | 11. Privacy contact information : 207 (8.536082474226804%) 17 | --------------------------------------------------------------------------------------------------------- 18 | Validation 19 | Num of segments: 606 20 | Num of labels: 1039 21 | Percentages with respect to number of segments ... 22 | 0. First Party Collection/Use : 243 (40.0990099009901%) 23 | 1. Third Party Sharing/Collection : 204 (33.663366336633665%) 24 | 2. User Access, Edit and Deletion : 29 (4.785478547854786%) 25 | 3. Data Retention : 21 (3.4653465346534653%) 26 | 4. Data Security : 65 (10.726072607260726%) 27 | 5. International and Specific Audiences : 67 (11.056105610561056%) 28 | 6. Do Not Track : 3 (0.49504950495049505%) 29 | 7. Policy Change : 27 (4.455445544554456%) 30 | 8. User Choice/Control : 97 (16.006600660066006%) 31 | 9. Introductory/Generic : 137 (22.607260726072607%) 32 | 10. Practice not covered : 102 (16.831683168316832%) 33 | 11. Privacy contact information : 44 (7.260726072607261%) 34 | --------------------------------------------------------------------------------------------------------- 35 | Test 36 | Num of segments: 757 37 | Num of labels: 1261 38 | Percentages with respect to number of segments ... 39 | 0. First Party Collection/Use : 288 (38.044914134742406%) 40 | 1. Third Party Sharing/Collection : 227 (29.98678996036988%) 41 | 2. User Access, Edit and Deletion : 46 (6.07661822985469%) 42 | 3. Data Retention : 24 (3.1704095112285335%) 43 | 4. Data Security : 59 (7.793923381770146%) 44 | 5. International and Specific Audiences : 61 (8.058124174372523%) 45 | 6. Do Not Track : 7 (0.9247027741083224%) 46 | 7. Policy Change : 47 (6.208718626155878%) 47 | 8. User Choice/Control : 130 (17.17305151915456%) 48 | 9. Introductory/Generic : 162 (21.400264200792602%) 49 | 10. Practice not covered : 138 (18.229854689564068%) 50 | 11. Privacy contact information : 72 (9.511228533685602%) 51 | --------------------------------------------------------------------------------------------------------- -------------------------------------------------------------------------------- /datasets/Union/test_dataset_label6.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/datasets/Union/test_dataset_label6.pkl -------------------------------------------------------------------------------- /datasets/Union/train_dataset_label6.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/datasets/Union/train_dataset_label6.pkl -------------------------------------------------------------------------------- /datasets/Union/validation_dataset_label6.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/datasets/Union/validation_dataset_label6.pkl -------------------------------------------------------------------------------- /embeddings_data/.keep: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/embeddings_data/.keep -------------------------------------------------------------------------------- /fastText-0.1.0/corpus_vectors_default_200d/.keep: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/fastText-0.1.0/corpus_vectors_default_200d/.keep -------------------------------------------------------------------------------- /fastText-0.1.0/corpus_vectors_default_300d/.keep: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/fastText-0.1.0/corpus_vectors_default_300d/.keep -------------------------------------------------------------------------------- /glove.6B/.keep: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/glove.6B/.keep -------------------------------------------------------------------------------- /labels.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/labels.pkl -------------------------------------------------------------------------------- /predict.py: -------------------------------------------------------------------------------- 1 | from cnn import CNN 2 | from privacy_policies_dataset import PrivacyPoliciesDataset as PPD 3 | from os.path import join, isfile 4 | from os import listdir 5 | from collections import OrderedDict 6 | import time 7 | import torch 8 | import pickle 9 | import csv 10 | import numpy as np 11 | import matplotlib.pyplot as plt 12 | import data_processing as dp 13 | from data_processing import get_policy_of_interest_tokens 14 | 15 | def _cm(y, y_hat): 16 | 17 | #Empty dict where the data will be stored 18 | cm = OrderedDict() 19 | 20 | #Computation fo true positives, false positives, true negatives and false negatives 21 | tp = (y * y_hat).sum() 22 | tn = ((1 - y) * (1 - y_hat)).sum() 23 | fp = (y_hat * (1 - y)).sum() 24 | fn = ((1 - y_hat) * y).sum() 25 | 26 | #Storage of results in the dictionary 27 | cm['TP'] = tp.item() 28 | cm['TN'] = tn.item() 29 | cm['FP'] = fp.item() 30 | cm['FN'] = fn.item() 31 | 32 | return cm 33 | 34 | def _cms(y, y_hat): 35 | 36 | #Empty tensor where the data will be stored 37 | cms = torch.tensor([]) 38 | 39 | #Computation of cm for every label and pack them in cms 40 | for label in range(12): 41 | cm = torch.tensor(_cm(y[:,label], y_hat[:,label]).values()).unsqueeze(1) 42 | cms = torch.cat([cms,cm],1) 43 | 44 | return cms 45 | 46 | def _metrics(cm): 47 | 48 | tp, tn, fp, fn = cm.values() 49 | eps = 1e-10 50 | 51 | #Computation of F1 score, precision and recall 52 | p = tp / (tp + fp + eps) 53 | r = tp / (tp + fn + eps) 54 | f1 = 2 * p * r / (p + r + eps) 55 | 56 | return f1, p, r 57 | 58 | def _metrics_t(y, y_pred, t): 59 | 60 | y_hat = y_pred > t 61 | cm = _cm(y, y_hat.double()) 62 | 63 | return _metrics(cm) 64 | 65 | 66 | def _metrics_wrt_t(y, y_pred): 67 | 68 | #Initialization of range of thresholds and empty lists to store results 69 | ts = np.arange(0, 1, 0.01) 70 | f1s = [] 71 | ps = [] 72 | rs = [] 73 | 74 | #loop that computes metrics for every threshold 75 | for t in ts: 76 | 77 | f1, p, r = _metrics_t(y, y_pred, t) 78 | 79 | #Storage of results 80 | f1s.append(f1) 81 | ps.append(p) 82 | rs.append(r) 83 | 84 | return f1s, ps, rs, ts 85 | 86 | def _best_t_idx(y, y_pred): 87 | 88 | idxs = [] 89 | 90 | for label in range(12): 91 | 92 | f1, p, r, ts = _metrics_wrt_t(y[:,label], y_pred[:,label]) 93 | index = np.array(f1).argmax().item() 94 | idxs.append(index) 95 | 96 | return idxs 97 | 98 | def macro_metrics(y, y_hat): 99 | 100 | eps = 1e-10 101 | cms = _cms(y, y_hat) 102 | ps = cms[0] / (cms[0] + cms[2] + eps) 103 | rs = cms[0] / (cms[0] + cms[3] + eps) 104 | p = torch.mean(ps) 105 | r = torch.mean(rs) 106 | f1 = torch.mean(2 * ps * rs / (ps + rs + eps)) 107 | 108 | return f1, p, r 109 | 110 | def micro_metrics(y, y_hat): 111 | 112 | eps = 1e-10 113 | cms = _cms(y, y_hat) 114 | cm = cms.sum(1) 115 | p = cm[0] / (cm[0] + cm[2] + eps) 116 | r = torch.mean(cm[0] / (cm[0] + cm[3] + eps)) 117 | f1 = torch.mean(2 * p * r / (p + r + eps)) 118 | 119 | return f1, p, r 120 | 121 | def best_metrics(y, y_pred): 122 | 123 | f1s = [] 124 | ps = [] 125 | rs = [] 126 | ts = [] 127 | idxs = _best_t_idx(y, y_pred) 128 | 129 | for idx, label in zip(idxs, range(12)): 130 | 131 | f1, p, r, t = _metrics_wrt_t(y[:,label], y_pred[:,label]) 132 | f1s.append(f1[idx]) 133 | ps.append(p[idx]) 134 | rs.append(r[idx]) 135 | ts.append(t[idx]) 136 | 137 | return f1s, ps, rs, ts 138 | 139 | def save_metrics(y, y_pred, path): 140 | 141 | def label_scores(y, y_pred, label, idx): 142 | 143 | f1s, ps, rs, ts = predict._metrics_wrt_t(y[:,label], y_pred[:,label]) 144 | best_scores = f1s[idx], ps[idx], rs[idx] 145 | scores_05 = predict._metrics_t(y[:,label], y_pred[:,label], 0.5) 146 | return scores_05 + best_scores 147 | 148 | with open(path, 'w') as f: 149 | writer = csv.writer(f) 150 | idxs = predict._best_t_idx(y, y_pred) 151 | for label, idx in zip(range(12), idxs): 152 | scores = label_scores(y, y_pred, label, idx) 153 | writer.writerows([scores]) 154 | 155 | def load_model(path, label, epochs_num): 156 | 157 | #We set the name of the model and its parameters 158 | models_files = join(path, 'cnn_300_200_[100, 25]_1_[3]_e{}_label{}_polisis_state.pt') 159 | model_file = models_files.format(epochs_num , label) 160 | params_files = join(path, 'cnn_300_200_[100, 25]_1_[3]_e{}_label{}_polisis_params.pkl') 161 | params_file = params_files.format(epochs_num , label) 162 | 163 | #We now load the parameters 164 | with open(params_file, 'rb') as f: 165 | params = pickle.load(f) 166 | 167 | #We now load the model and pass the parameters 168 | model = CNN(**params) 169 | model.load_state_dict(torch.load(model_file)) 170 | 171 | return model 172 | 173 | def load_12CNN_model(path): 174 | 175 | #We instantiate an empty dictionary that will contain the models 176 | model12cnn = OrderedDict() 177 | epochs_num = [60, 60, 150, 150, 70, 100, 150, 100, 70, 65, 80, 60] 178 | for label in range(12): 179 | model12cnn['model{}'.format(label)] = load_model(path, label, epochs_num[label]) 180 | 181 | return model12cnn 182 | 183 | def predict(data, models): 184 | 185 | #We instantiate an empty y and instantiate the x 186 | x = PPD.collate_data(data)[0] 187 | y = torch.tensor([]) 188 | 189 | #We start a timer to compute predicions time and compute them 190 | start = time.time() 191 | for key, model in models.items(): 192 | y_label = model(x) 193 | y = torch.cat([y, y_label],1) 194 | end = time.time() 195 | 196 | print("Prediction time: {} seconds". format(end - start)) 197 | 198 | return 199 | 200 | 201 | 202 | def main(): 203 | 204 | #We set the folder path containing the models and load the labels 205 | # folder = 'trained_models/New folder' 206 | # models = load_12CNN_model(folder) 207 | # data_folder = 'datasets' 208 | # data_file = join(data_folder, 'test_dataset_label6.pkl') 209 | # data = PPD.unpickle_dataset(data_file) 210 | # predictions = predict(data, models) 211 | 212 | # We set the name of the model and its parameters 213 | path = 'trained_models' 214 | model_file = join(path, 'cnn_300_200_[100]_12_[3]_zeros_60-20-20_polisis_state.pt') 215 | params_file = join(path, 'cnn_300_200_[100]_12_[3]_zeros_60-20-20_polisis_params.pkl') 216 | 217 | #We set the folder containing the data already prepared for predicting 218 | data_folder = 'datasets' 219 | data_file = join(data_folder, 'test_dataset_label6.pkl') 220 | 221 | 222 | # We now load the parameters 223 | with open(params_file, 'rb') as f: 224 | params = pickle.load(f) 225 | 226 | model = CNN(**params) 227 | model.load_state_dict(torch.load(model_file)) 228 | model.eval() 229 | 230 | 231 | #We load 8the labels 232 | #with open('labels.pkl', 'rb') as f: 233 | #labels = pickle.load(f) 234 | 235 | 236 | # labels = ('First Party Collection/Use', 'Third Party Sharing/Collection', 'User Access, Edit and Deletion', 'Data Retention', 237 | # 'Data Security', 'International and Specific Audiences', 'Do Not Track', 'Policy Change', 'User Choice/Control', 238 | # 'Introductory/Generic', 'Practice not covered', 'Privacy contact information') 239 | # 240 | # all_tokens , all_paragraphs = get_policy_of_interest_tokens("random_pp", "embeddings_data") 241 | # segments_tensor = dp.process_policy_of_interest(all_tokens , all_paragraphs) 242 | # predictions = model(segments_tensor) 243 | # y_pred = predictions > 0.5 244 | # 245 | # for row in range(len(all_paragraphs)): 246 | # predictedValues = y_pred[row, :] 247 | # for label in range(12): 248 | # if predictedValues[label] == 1: 249 | # print("paragraph " + str(row) + " : " + labels[label]) 250 | # print('--------------------------------------') 251 | # 252 | # 253 | 254 | data = PPD.unpickle_dataset(data_file) 255 | x = PPD.collate_data(data)[0] 256 | y_pred = model(x) > 0.5 257 | predictions = model(x) 258 | 259 | # 260 | # for row in range(len(y_pred)): 261 | # predictedValues = y_pred[row, :] 262 | # for label in range(12): 263 | # if predictedValues[label] == 1: 264 | # print("paragraph " + str(row) + " : " + labels[label]) 265 | # print('--------------------------------------') 266 | 267 | 268 | #Computation of all metrics 269 | 270 | f1s, ps, rs, ts = _metrics_wrt_t(data.labels_tensor,predictions) 271 | figure = plt.figure(figsize=(18,5)) 272 | figure.suptitle('Micro Averages with respect to threshold') 273 | ax_f1 = figure.add_subplot(131) 274 | ax_f1.set_ylim(0.2,0.72) 275 | ax_p = figure.add_subplot(132) 276 | ax_p.set_ylim(0,1) 277 | ax_r = figure.add_subplot(133) 278 | ax_r.set_ylim(0,1) 279 | ax_f1.plot(ts, f1s) 280 | ax_p.plot(ts, ps) 281 | ax_r.plot(ts, rs) 282 | plt.show() 283 | 284 | 285 | if __name__ == '__main__': 286 | 287 | main() 288 | -------------------------------------------------------------------------------- /privacy_policies_dataset.py: -------------------------------------------------------------------------------- 1 | import data_processing as dp 2 | import numpy as np 3 | import torch 4 | from torch import tensor 5 | from torch.utils.data import Dataset 6 | 7 | class PrivacyPoliciesDataset(Dataset): 8 | 9 | def __init__(self, segments_array, labels_list, labels): 10 | 11 | self.segments_array = segments_array 12 | 13 | self.labels_tensor = tensor(labels_list) 14 | 15 | self.labels = labels 16 | 17 | def __len__(self): 18 | 19 | if self.segments_array.shape[0] == self.labels_tensor.shape[0]: 20 | 21 | return self.segments_array.shape[0] 22 | 23 | else: 24 | 25 | print("Warning: number of segments don't match number of annotations") 26 | 27 | return self.segments_array.shape[0] 28 | 29 | def __getitem__(self, idx): 30 | 31 | segment = self.segments_array[idx] 32 | 33 | label = self.labels_tensor[idx] 34 | 35 | return (segment, label) 36 | 37 | def split_dataset_randomly(self, ratio = 0.1): 38 | 39 | """ 40 | 41 | This function randomly splits the dataset in two parts using the split ratio provided 42 | 43 | Args: 44 | dataset: torch.utils.data.Dataset, dataset containing the data to split 45 | ratio: double, percentage of data that will be retrieved inside s_dataset 46 | Returns: 47 | s_dataset: torch.utils.data.Dataset, dataset with length = len(dataset) * ratio 48 | b_dataset: torch.utils.data.Dataset, dataset with length = len(dataset) * (1 - ratio) 49 | 50 | """ 51 | 52 | from random import sample 53 | 54 | labels = self.labels 55 | 56 | num_samples = int(ratio * len(self)) 57 | 58 | s_dataset_idx_set = set(sample(range(len(self)), num_samples)) 59 | 60 | b_dataset_idx_set = set(range(len(self))).difference(s_dataset_idx_set) 61 | 62 | s_dataset_idx_tensor = tensor(list(s_dataset_idx_set)) 63 | 64 | b_dataset_idx_tensor = tensor(list(b_dataset_idx_set)) 65 | 66 | s_dataset_data = self[s_dataset_idx_tensor] 67 | 68 | b_dataset_data = self[b_dataset_idx_tensor] 69 | 70 | s_dataset = PrivacyPoliciesDataset(s_dataset_data[0], s_dataset_data[1], labels) 71 | 72 | b_dataset = PrivacyPoliciesDataset(b_dataset_data[0], b_dataset_data[1], labels) 73 | 74 | return s_dataset, b_dataset 75 | 76 | def pickle_dataset(self, path): 77 | 78 | import pickle 79 | 80 | with open(path, "wb") as dataset_file: 81 | 82 | pickle.dump(self, dataset_file) 83 | 84 | def labels_stats(self): 85 | 86 | p_labels = self.labels_tensor.sum(0) 87 | 88 | total_labels = int(p_labels.sum()) 89 | 90 | num_segments = len(self) 91 | 92 | print('Num of segments: {}'.format(num_segments)) 93 | 94 | print('Num of labels: {}'.format(total_labels)) 95 | 96 | print('Percentages with respect to number of labels ... ') 97 | 98 | for label, idx in self.labels.items(): 99 | 100 | num_p = int(p_labels[idx]) 101 | 102 | # pct = round((100 * p_labels[idx] / num_segments), 2) 103 | pct = 100 * p_labels[idx] / total_labels 104 | print('{}. {} : {} ({}%)'.format(idx, label, num_p, pct)) 105 | # print('{}. {} : ({}%)'.format(idx, label, num_p)) 106 | 107 | @staticmethod 108 | def unpickle_dataset(path): 109 | 110 | import pickle 111 | 112 | with open(path, "rb") as dataset_file: 113 | 114 | dataset = pickle.load(dataset_file) 115 | 116 | return dataset 117 | 118 | @staticmethod 119 | def collate_data(batch): 120 | 121 | def stack_segments(segments, clearance = 2): 122 | 123 | import numpy as np 124 | 125 | segments_len = map(len, segments) 126 | max_len = max(segments_len) 127 | 128 | segments_list = [] 129 | 130 | output_len = max_len + clearance * 2 131 | 132 | for i, segment in enumerate(segments): 133 | 134 | segment_array = np.array(segment) 135 | 136 | zeros_to_prepend = int((output_len - len(segment_array))/2) 137 | 138 | zeros_to_append = output_len - len(segment_array) - zeros_to_prepend 139 | 140 | resized_array = np.append(np.zeros(zeros_to_prepend), segment_array) 141 | 142 | resized_array = np.append(resized_array, np.zeros(zeros_to_append)) 143 | 144 | segments_list.append(torch.tensor(resized_array, dtype = torch.int64)) 145 | 146 | segments_tensor = torch.stack(segments_list).unsqueeze(1) 147 | 148 | return segments_tensor 149 | 150 | segments = [item[0] for item in batch] 151 | 152 | labels = [item[1] for item in batch] 153 | 154 | segments_tensor = stack_segments(segments) 155 | 156 | labels_tensor = torch.stack(labels) 157 | 158 | return [segments_tensor, labels_tensor] -------------------------------------------------------------------------------- /processed_data/.keep: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SmartDataAnalytics/Polisis_Benchmark/4e42f557c9937ca3f0536736f435a80f476213ef/processed_data/.keep -------------------------------------------------------------------------------- /raw_data/1017_sci-news.com.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy Policy Sci-News.com is committed to protecting and respecting your privacy. To better inform you of our policy concerning user privacy, we have adopted the following terms. Please note that these terms are subject to change, and any such changes will be included on this page. ","Introductory/Generic" 2 | "1","Information that Sci-News.com May Collect Online Sci-News.com may collect and process the following data about you: - information that you provide by filling in forms on our site, including names, e-mail and website addresses; we may also ask you for information for other purposes, for example when you report a problem with our site; ","First Party Collection/Use" 3 | "2","- if you contact us, we may keep a record of that correspondence; ","Data Retention" 4 | "3","- details of your visits to our site including, but not limited to, traffic data, location data, weblogs and other communication data. ","First Party Collection/Use" 5 | "4","Sci-News.com does not knowingly collect or solicit personal information from anyone under the age of 13. We assume that minors 13 years of age or older have received permission from their parents or guardians before using this website. Parents or guardians may contact us at privacy@sci-news.com with questions or concerns about our privacy policy. ","International and Specific Audiences" 6 | "4","Sci-News.com does not knowingly collect or solicit personal information from anyone under the age of 13. We assume that minors 13 years of age or older have received permission from their parents or guardians before using this website. Parents or guardians may contact us at privacy@sci-news.com with questions or concerns about our privacy policy. ","Privacy contact information" 7 | "5","Use of Cookies Sci-News.com uses cookie technology. A cookie is a small amount of data, which often includes a unique identifier that is sent to your computer or mobile phone browser from a websites computer and is stored on your devices hard drive. A website can send its own cookie to your browser if your browsers preferences allow it, but your browser only permits a website to access the cookies it has already sent to you, not the cookies sent to you by other websites. Many websites do this whenever a user visits their website in order to track online traffic flows. ","First Party Collection/Use" 8 | "6","During the course of any visit to the Sci-News.com website, the pages you see, along with a cookie, are downloaded to your device. A website does this because cookies enable a publisher to find out whether the device has visited the website before. This is done on a repeat visit by checking to see, and finding, the cookie left there on the last visit. ","Practice not covered" 9 | "7","Please note that during or after your visits to the Sci-News.com website you may notice some cookies that are not related to it. Sci-News.com does not control the dissemination of these cookies. You must check the third party websites for more information about these. ","Practice not covered" 10 | "8","You may refuse to accept cookies by activating the setting on your browser which allows you to refuse the setting of cookies. However, if you select this setting you may be unable to access certain parts of the site. ","User Choice/Control" 11 | "9","Disclosure of Your Information Sci-News.com does not sell, trade or rent your personal information to third parties. If we choose to do so in the future, you will be notified by email of our intentions, and have the right to be removed prior to the disclosure. ","Third Party Sharing/Collection" 12 | "10","Your Consent and Rights By using Sci-News.com, you consent to the collection and use, in accordance with this policy, of the information you provide to us. ","User Choice/Control" 13 | "11","We will remove you and your personally identifiable information from our records on request if you contact us with your request at privacy@sci-news.com. ","User Access, Edit and Deletion" 14 | "11","We will remove you and your personally identifiable information from our records on request if you contact us with your request at privacy@sci-news.com. ","Privacy contact information" 15 | "12","Contact Us If you have any inquiries about this Privacy Policy or its implementation, you may contact us at privacy@sci-news.com.","Privacy contact information" 16 | "6","During the course of any visit to the Sci-News.com website, the pages you see, along with a cookie, are downloaded to your device. A website does this because cookies enable a publisher to find out whether the device has visited the website before. This is done on a repeat visit by checking to see, and finding, the cookie left there on the last visit. ","First Party Collection/Use" 17 | "7","Please note that during or after your visits to the Sci-News.com website you may notice some cookies that are not related to it. Sci-News.com does not control the dissemination of these cookies. You must check the third party websites for more information about these. ","Third Party Sharing/Collection" 18 | "10","Your Consent and Rights By using Sci-News.com, you consent to the collection and use, in accordance with this policy, of the information you provide to us. ","Introductory/Generic" 19 | "0","Privacy Policy Sci-News.com is committed to protecting and respecting your privacy. To better inform you of our policy concerning user privacy, we have adopted the following terms. Please note that these terms are subject to change, and any such changes will be included on this page. ","Policy Change" 20 | "2","- if you contact us, we may keep a record of that correspondence; ","First Party Collection/Use" 21 | "9","Disclosure of Your Information Sci-News.com does not sell, trade or rent your personal information to third parties. If we choose to do so in the future, you will be notified by email of our intentions, and have the right to be removed prior to the disclosure. ","Policy Change" 22 | "10","Your Consent and Rights By using Sci-News.com, you consent to the collection and use, in accordance with this policy, of the information you provide to us. ","Other" 23 | "11","We will remove you and your personally identifiable information from our records on request if you contact us with your request at privacy@sci-news.com. ","User Choice/Control" 24 | -------------------------------------------------------------------------------- /raw_data/1205_opensecrets.org.csv: -------------------------------------------------------------------------------- 1 | "0","OpenSecrets.org Privacy Policy ","Introductory/Generic" 2 | "1","The Center for Responsive Politics (CRP) takes your privacy very seriously. CRP is the sole owner of the information collected from users on OpenSecrets.org. ","Introductory/Generic" 3 | "2","CRP will not share, rent or sell personally identifiable information to any third parties . You will never be sent marketing materials by CRP unless you explicitly opt-in. ","Third Party Sharing/Collection" 4 | "2","CRP will not share, rent or sell personally identifiable information to any third parties . You will never be sent marketing materials by CRP unless you explicitly opt-in. ","User Choice/Control" 5 | "3","Information you submit to our web site will be used to contact you if you have subscribed to our newsletter, if you have made a donation or if you respond to an action request made by the Center. Should you ""unsubscribe"" from a newsletter you will be permanently removed from our contact list. ","First Party Collection/Use" 6 | "4","OpenSecrets.org uses temporary session ""cookies"" (data that is generated on our web server and stored on your computer) for authentication and other purposes. These cookies contain no personally identifiable information and are deleted when the browser window is closed. A user may set his or her browser to disallow cookies. In such a case, some features of the website may not work as intended. In addition, third party social networking services and advertisements are displayed on OpenSecrets.org which may use cookies as well. ","First Party Collection/Use" 7 | "4","OpenSecrets.org uses temporary session ""cookies"" (data that is generated on our web server and stored on your computer) for authentication and other purposes. These cookies contain no personally identifiable information and are deleted when the browser window is closed. A user may set his or her browser to disallow cookies. In such a case, some features of the website may not work as intended. In addition, third party social networking services and advertisements are displayed on OpenSecrets.org which may use cookies as well. ","Third Party Sharing/Collection" 8 | "5","OpenSecrets.org uses Google Analytics to learn how people use the site and to improve our services. We also collect standard log files from our systems to ensure the integrity of our services and for troubleshooting purposes. Included in these log files are the date, the IP address and the URL of the request. Log files are typically deleted from our servers after 90 days. Aggregate information that does not personally identify you may be shared with funders or potential future advertisers. ","First Party Collection/Use" 9 | "5","OpenSecrets.org uses Google Analytics to learn how people use the site and to improve our services. We also collect standard log files from our systems to ensure the integrity of our services and for troubleshooting purposes. Included in these log files are the date, the IP address and the URL of the request. Log files are typically deleted from our servers after 90 days. Aggregate information that does not personally identify you may be shared with funders or potential future advertisers. ","Data Retention" 10 | "5","OpenSecrets.org uses Google Analytics to learn how people use the site and to improve our services. We also collect standard log files from our systems to ensure the integrity of our services and for troubleshooting purposes. Included in these log files are the date, the IP address and the URL of the request. Log files are typically deleted from our servers after 90 days. Aggregate information that does not personally identify you may be shared with funders or potential future advertisers. ","Third Party Sharing/Collection" 11 | "6","When this privacy policy is revised or updated, CRP will post the updated version, including the effective date of the revision or update, on OpenSecrets.org. It shall be construed that you accept and agree with the revised or updated privacy policy when you access and use the website for the first time after the publication of such changes. If you have questions about this policy, please email us at feedback@crp.org. ","Policy Change" 12 | "6","When this privacy policy is revised or updated, CRP will post the updated version, including the effective date of the revision or update, on OpenSecrets.org. It shall be construed that you accept and agree with the revised or updated privacy policy when you access and use the website for the first time after the publication of such changes. If you have questions about this policy, please email us at feedback@crp.org. ","Privacy contact information" 13 | "7","This privacy policy was last updated on July 10, 2014.","Introductory/Generic" 14 | "7","This privacy policy was last updated on July 10, 2014.","Other" 15 | "2","CRP will not share, rent or sell personally identifiable information to any third parties . You will never be sent marketing materials by CRP unless you explicitly opt-in. ","First Party Collection/Use" 16 | "4","OpenSecrets.org uses temporary session ""cookies"" (data that is generated on our web server and stored on your computer) for authentication and other purposes. These cookies contain no personally identifiable information and are deleted when the browser window is closed. A user may set his or her browser to disallow cookies. In such a case, some features of the website may not work as intended. In addition, third party social networking services and advertisements are displayed on OpenSecrets.org which may use cookies as well. ","Data Retention" 17 | -------------------------------------------------------------------------------- /raw_data/1206_dcccd.edu.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy and Security Commitment Our Promise to You Dallas County Community College District's (DCCCD) Privacy Commitment is based on two principles. We promise to: Comply with all the applicable local, state and federal laws and regulations; and Protect your privacy while still offering relevant, personalized service. ","Introductory/Generic" 2 | "0","Privacy and Security Commitment Our Promise to You Dallas County Community College District's (DCCCD) Privacy Commitment is based on two principles. We promise to: Comply with all the applicable local, state and federal laws and regulations; and Protect your privacy while still offering relevant, personalized service. ","Data Security" 3 | "1","DCCCD is a public higher education institution and therefore bound by the Texas Public Information Act and the Family Education Rights and Privacy Act (FERPA). Continue reading for more detailed information about DCCCD's Privacy and Security Commitment. ","Introductory/Generic" 4 | "1","DCCCD is a public higher education institution and therefore bound by the Texas Public Information Act and the Family Education Rights and Privacy Act (FERPA). Continue reading for more detailed information about DCCCD's Privacy and Security Commitment. ","Data Security" 5 | "1","DCCCD is a public higher education institution and therefore bound by the Texas Public Information Act and the Family Education Rights and Privacy Act (FERPA). Continue reading for more detailed information about DCCCD's Privacy and Security Commitment. ","Practice not covered" 6 | "2"," Texas Public Information Act The Texas Public Information Act requires disclosure of information by a public body -- unless the law specifically protects the information. Most information kept by a public body is public under the Act. The State Attorney General enforces this Act. ","Introductory/Generic" 7 | "2"," Texas Public Information Act The Texas Public Information Act requires disclosure of information by a public body -- unless the law specifically protects the information. Most information kept by a public body is public under the Act. The State Attorney General enforces this Act. ","First Party Collection/Use" 8 | "2"," Texas Public Information Act The Texas Public Information Act requires disclosure of information by a public body -- unless the law specifically protects the information. Most information kept by a public body is public under the Act. The State Attorney General enforces this Act. ","Data Retention" 9 | "3"," Family Education Rights and Privacy Act of 1974 (FERPA) FERPA protects educational records of a student from public disclosure without written permission of the student. Although many exceptions to the Act exist, the exceptions are very limited. The Department of Education enforces this Act. ","Introductory/Generic" 10 | "3"," Family Education Rights and Privacy Act of 1974 (FERPA) FERPA protects educational records of a student from public disclosure without written permission of the student. Although many exceptions to the Act exist, the exceptions are very limited. The Department of Education enforces this Act. ","Data Security" 11 | "4"," Directory Information Unless you request that your information be withheld, to comply with FERPA, DCCCD may release information classified as ""directory information"" to the general public without the written consent of the student. Directory information includes: name; home address; home telephone number; email addresses; field of study; photograph; dates of attendance; enrollment status, i.e., full-time, part-time, undergraduate, graduate; degrees, certificates and other honors and awards received; the type of award received, i.e., academic, technical, tech-prep, or continuing education; participation in officially recognized activities; weight and height of members of athletic teams; student classification; name of the most recent previous institution attended ","Third Party Sharing/Collection" 12 | "4"," Directory Information Unless you request that your information be withheld, to comply with FERPA, DCCCD may release information classified as ""directory information"" to the general public without the written consent of the student. Directory information includes: name; home address; home telephone number; email addresses; field of study; photograph; dates of attendance; enrollment status, i.e., full-time, part-time, undergraduate, graduate; degrees, certificates and other honors and awards received; the type of award received, i.e., academic, technical, tech-prep, or continuing education; participation in officially recognized activities; weight and height of members of athletic teams; student classification; name of the most recent previous institution attended ","User Choice/Control" 13 | "4"," Directory Information Unless you request that your information be withheld, to comply with FERPA, DCCCD may release information classified as ""directory information"" to the general public without the written consent of the student. Directory information includes: name; home address; home telephone number; email addresses; field of study; photograph; dates of attendance; enrollment status, i.e., full-time, part-time, undergraduate, graduate; degrees, certificates and other honors and awards received; the type of award received, i.e., academic, technical, tech-prep, or continuing education; participation in officially recognized activities; weight and height of members of athletic teams; student classification; name of the most recent previous institution attended ","First Party Collection/Use" 14 | "5"," How to request that your directory information be withheld A student may request that the institution withhold from the public all or any part of the student's directory information. To request withholding of this information, a student shall give written notice (in person, by mail or fax) to the Registrar's Office during the first 12 class days of a Fall or Spring semester or the first four class days of a Summer session. If they are unable to provide written notice within these time frames, credit students may protect their directory information at any time during the academic year through eConnect's 'My Privacy' feature. If a request to withhold information is not made, the institution shall release all directory information. ","User Choice/Control" 15 | "6","Directory information is released only upon written request unless permitted by law. Telephone requests are not acceptable. Transcripts or academic records are not released without a student's written consent except as allowed by law. ","Third Party Sharing/Collection" 16 | "6","Directory information is released only upon written request unless permitted by law. Telephone requests are not acceptable. Transcripts or academic records are not released without a student's written consent except as allowed by law. ","First Party Collection/Use" 17 | "6","Directory information is released only upon written request unless permitted by law. Telephone requests are not acceptable. Transcripts or academic records are not released without a student's written consent except as allowed by law. ","User Choice/Control" 18 | "7"," Information collected by DCCCD DCCCD's Web servers only record the visitor's Internet Protocol (IP) address. ","First Party Collection/Use" 19 | "8","We also use Google's services (Google Analytics, Google's Display Advertising, Google Display Network Impression Reporting, the DoubleClick Campaign Manager Integration, and Google Analytics Demographics and Interest Reporting) to record and review additional information about our users to improve our user experience and services. ","Third Party Sharing/Collection" 20 | "9","You can review the information Google has about you in Google's Ads Settings and opt-out of the tracking at https://tools.google.com/dlpage/gaoptout. Cookies and how they are used ","User Choice/Control" 21 | "9","You can review the information Google has about you in Google's Ads Settings and opt-out of the tracking at https://tools.google.com/dlpage/gaoptout. Cookies and how they are used ","User Access, Edit and Deletion" 22 | "10","We use cookies to: Store visitors' preferences; Record session information; Record user-specific information on what pages visitors visit; Customize webpage content on visitors' browser type or other information that the visitor sends; Show DCCCD ads to people who have previously visited our website. ","First Party Collection/Use" 23 | "11"," How to view your information Currently enrolled (or recently enrolled) credit students who are registered at one of DCCCD's nine locations can obtain access to their personal information through eConnect, a secure web interface that requires you to enter your student identification number and a password. The following information is available to registered students: Class schedule information Email address Financial Aid information Grades Payment information Student ID number Student Information Profile Registration summary/fee receipts that contain: Address Class schedule information Student ID number ","User Access, Edit and Deletion" 24 | "11"," How to view your information Currently enrolled (or recently enrolled) credit students who are registered at one of DCCCD's nine locations can obtain access to their personal information through eConnect, a secure web interface that requires you to enter your student identification number and a password. The following information is available to registered students: Class schedule information Email address Financial Aid information Grades Payment information Student ID number Student Information Profile Registration summary/fee receipts that contain: Address Class schedule information Student ID number ","Data Security" 25 | "12"," How to update/correct your student record Currently enrolled (or recently enrolled students) credit students can correct their Student Information Profile and email address online through eConnect. ","User Access, Edit and Deletion" 26 | "13","If any of the remaining personal information in your student record contains an error, please visit the Registrar's Office and request that the error be corrected. Make sure you take a photo identification card with you. Dallas TeleCollege students should visit the Dallas TeleCollege Registrar's Contact Us website. ","User Access, Edit and Deletion" 27 | "14"," Security DCCCD has carefully implemented the information technology industry's best practices in security measures to ensure that: 1) the information you entrust to us is not intercepted or abused; and 2) to protect against the loss, misuse and alteration of the information under our control. ","Data Security" 28 | "15","Industry standard technologies like Secure Socket Layers (SSL) are used to protect your credit card information, email address, social security number and other information so it cannot be read as it travels on the Internet. Verisign, the leading provider of digital trust services, provides secure payment processing for your online transactions with DCCCD's eConnect. For Verisign's security information please visit their website at http://www.verisign.com/truste. ","Data Security" 29 | "16","Please send comments or questions to DCCCD's Director of Internet Publishing.","Privacy contact information" 30 | -------------------------------------------------------------------------------- /raw_data/1221_gwdocs.com.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy Policy ","Introductory/Generic" 2 | "1","The GW Medical Faculty Associates (MFA) is committed to respecting your privacy. In general, you can visit The MFA on the Web without identifying yourself or revealing any personal information. In some areas, however, you may choose services that require you to provide us with information by which you can be identified. Once any personally identifiable information is received, you can be assured that it will only be used to support your relationship with the MFA. ","Introductory/Generic" 3 | "1","The GW Medical Faculty Associates (MFA) is committed to respecting your privacy. In general, you can visit The MFA on the Web without identifying yourself or revealing any personal information. In some areas, however, you may choose services that require you to provide us with information by which you can be identified. Once any personally identifiable information is received, you can be assured that it will only be used to support your relationship with the MFA. ","First Party Collection/Use" 4 | "2","The MFA uses the information collected from you to better understand your needs and to provide you with better service. Specifically, we use your information to communicate back to you, to update you on services and benefits, and to personalize our website for you. ","First Party Collection/Use" 5 | "3","MFA will not sell, rent, or lease your personally identifiable information to others without your express permission. Unless we have your permission or are required by law, we will only share the personal data you provide online with authorized personnel within the institution. The MFA will not use or share the personally identifiable information provided to us online in ways unrelated to the ones described above without letting you know and offering you a choice. ","Third Party Sharing/Collection" 6 | "3","MFA will not sell, rent, or lease your personally identifiable information to others without your express permission. Unless we have your permission or are required by law, we will only share the personal data you provide online with authorized personnel within the institution. The MFA will not use or share the personally identifiable information provided to us online in ways unrelated to the ones described above without letting you know and offering you a choice. ","First Party Collection/Use" 7 | "4","The MFA is committed to ensuring the security of your information. To prevent unauthorized access, maintain data accuracy, and ensure the appropriate use of information, we have put in place appropriate physical, electronic, and managerial procedures to safeguard and secure the information we collect online. ","Data Security" 8 | "5","Disclaimer To assist users in finding related information, MFA provides links to other websites. Once users have left the MFA website and have entered another site, they are subject to the privacy policy of that site and MFA cannot be responsible for the privacy practices or the content of such websites.","Introductory/Generic" 9 | "5","Disclaimer To assist users in finding related information, MFA provides links to other websites. Once users have left the MFA website and have entered another site, they are subject to the privacy policy of that site and MFA cannot be responsible for the privacy practices or the content of such websites.","Practice not covered" 10 | -------------------------------------------------------------------------------- /raw_data/1224_austincc.edu.csv: -------------------------------------------------------------------------------- 1 | "0","Web Privacy Statement ","Introductory/Generic" 2 | "1","Austin Community College (ACC) is committed to ensuring the privacy of personal information. We do not actively share personal information gathered from our Web servers. However, because ACC is a public institution, some information collected from the ACC web site, including summary server log information, emails, and information collected from Web-based forms, may be subject to. This means that while we do not share or sell information unless solicited, in some cases we may be compelled by Open Records law to release information. ","Introductory/Generic" 3 | "1","Austin Community College (ACC) is committed to ensuring the privacy of personal information. We do not actively share personal information gathered from our Web servers. However, because ACC is a public institution, some information collected from the ACC web site, including summary server log information, emails, and information collected from Web-based forms, may be subject to. This means that while we do not share or sell information unless solicited, in some cases we may be compelled by Open Records law to release information. ","Third Party Sharing/Collection" 4 | "1","Austin Community College (ACC) is committed to ensuring the privacy of personal information. We do not actively share personal information gathered from our Web servers. However, because ACC is a public institution, some information collected from the ACC web site, including summary server log information, emails, and information collected from Web-based forms, may be subject to. This means that while we do not share or sell information unless solicited, in some cases we may be compelled by Open Records law to release information. ","First Party Collection/Use" 5 | "1","Austin Community College (ACC) is committed to ensuring the privacy of personal information. We do not actively share personal information gathered from our Web servers. However, because ACC is a public institution, some information collected from the ACC web site, including summary server log information, emails, and information collected from Web-based forms, may be subject to. This means that while we do not share or sell information unless solicited, in some cases we may be compelled by Open Records law to release information. ","Data Security" 6 | "2","Student directory information is routinely requested by vendors through the Texas Public Information Act. Students have the option of excluding their personal information from the directory during registration. ","Third Party Sharing/Collection" 7 | "2","Student directory information is routinely requested by vendors through the Texas Public Information Act. Students have the option of excluding their personal information from the directory during registration. ","User Choice/Control" 8 | "2","Student directory information is routinely requested by vendors through the Texas Public Information Act. Students have the option of excluding their personal information from the directory during registration. ","First Party Collection/Use" 9 | "3","ACC complies with the Family Educational Rights and Privacy Act (FERPA), which prohibits the release of education records without student permission. ","Introductory/Generic" 10 | "3","ACC complies with the Family Educational Rights and Privacy Act (FERPA), which prohibits the release of education records without student permission. ","User Choice/Control" 11 | "4","The ACC website consists of several web servers. Some servers hosted by ACC may adopt different privacy statements as their specific needs require. If another ACC web server has a privacy statement that is different from this statement, that policy will be posted on their site. ","Practice not covered" 12 | "4","The ACC website consists of several web servers. Some servers hosted by ACC may adopt different privacy statements as their specific needs require. If another ACC web server has a privacy statement that is different from this statement, that policy will be posted on their site. ","Introductory/Generic" 13 | "4","The ACC website consists of several web servers. Some servers hosted by ACC may adopt different privacy statements as their specific needs require. If another ACC web server has a privacy statement that is different from this statement, that policy will be posted on their site. ","Policy Change" 14 | "5","The ACC website contains links to external websites. The college is not responsible for the privacy practices or content of external web links. ","Introductory/Generic" 15 | "5","The ACC website contains links to external websites. The college is not responsible for the privacy practices or content of external web links. ","Practice not covered" 16 | "5","The ACC website contains links to external websites. The college is not responsible for the privacy practices or content of external web links. ","Other" 17 | "6"," Information we gather The following information is collected and stored automatically from all users accessing the ACC website to browse or download information: Internet address of computer being used Web pages requested Referring web page Date and time Type of web browser being used ","First Party Collection/Use" 18 | "7","This information is used to create summary statistics which are used for purposes such as assessing what information is of most interest to users, determining technical design specifications, and identifying system performance or problem areas. ","First Party Collection/Use" 19 | "8","This information is not reported or used in any manner that would reveal personally identifiable information, and will not be released to outside (third) parties unless legally required. ","Third Party Sharing/Collection" 20 | "8","This information is not reported or used in any manner that would reveal personally identifiable information, and will not be released to outside (third) parties unless legally required. ","First Party Collection/Use" 21 | "9","ACC will collect anonymous non-personally identifiable information about your website visit through pixel tags, sometimes known as cookies. These tags help us track information about your visit and are used to deliver banner advertisements to you on the Internet. ","First Party Collection/Use" 22 | "10"," Personal information you provide to us ACC does not retain personally identifiable information about you when you visit our web sites unless you choose to provide such information to us (i.e. sending an email, participating in a survey, responding to a request for information or ""contact us"" form, etc.) ","Data Retention" 23 | "10"," Personal information you provide to us ACC does not retain personally identifiable information about you when you visit our web sites unless you choose to provide such information to us (i.e. sending an email, participating in a survey, responding to a request for information or ""contact us"" form, etc.) ","First Party Collection/Use" 24 | "11","We consider any information that could reasonably be used to identify you as ""personally identifying information."" This includes, but is not limited to: Name Address Email address Social Security Number Any combination of data that could be used to identify you such as your birth date, your zip code and your gender ","Introductory/Generic" 25 | "11","We consider any information that could reasonably be used to identify you as ""personally identifying information."" This includes, but is not limited to: Name Address Email address Social Security Number Any combination of data that could be used to identify you such as your birth date, your zip code and your gender ","First Party Collection/Use" 26 | "12","If you provide personal information in an email or by completing a form and submitting it through our Web site, we may use that information to respond to your message and to help us get you the information you have requested. We do not collect personal information from such communications for any purpose other than to respond to you. ","First Party Collection/Use" 27 | "13"," Cookies ACC uses cookies, which are small pieces of information sent to your browser by a website that you visit. These cookies do not collect personally identifiable information. Cookies are used to track usage patterns, traffic trends and customer behavior, as well as to record other information from the website. Many content adjustments and customer service improvements are made based on the data derived from cookies. Information that ACC collects from cookies will not be used to create profiles of users and will only be used in aggregate form. ","Introductory/Generic" 28 | "13"," Cookies ACC uses cookies, which are small pieces of information sent to your browser by a website that you visit. These cookies do not collect personally identifiable information. Cookies are used to track usage patterns, traffic trends and customer behavior, as well as to record other information from the website. Many content adjustments and customer service improvements are made based on the data derived from cookies. Information that ACC collects from cookies will not be used to create profiles of users and will only be used in aggregate form. ","First Party Collection/Use" 29 | "14"," Web Beacons A ""tracking pixel"" (sometimes called ""web beacons"", ""transparent GIFs"", ""clear GIFs"", ""pixel gifs"", or ""pixel tags"") is a tiny, invisible image that allows us to track activities based on pages you visit. Tracking pixels redeliver advertising and notifications through 3rd party vendors. No personally identifiable information is collected through these retargeting services, and we do not sell or rent the information collected through tracking pixels. Information collected through tracking pixels can only be shared with third parties in aggregated form and in accordance with the college's privacy policy. ","Introductory/Generic" 30 | "14"," Web Beacons A ""tracking pixel"" (sometimes called ""web beacons"", ""transparent GIFs"", ""clear GIFs"", ""pixel gifs"", or ""pixel tags"") is a tiny, invisible image that allows us to track activities based on pages you visit. Tracking pixels redeliver advertising and notifications through 3rd party vendors. No personally identifiable information is collected through these retargeting services, and we do not sell or rent the information collected through tracking pixels. Information collected through tracking pixels can only be shared with third parties in aggregated form and in accordance with the college's privacy policy. ","Third Party Sharing/Collection" 31 | "14"," Web Beacons A ""tracking pixel"" (sometimes called ""web beacons"", ""transparent GIFs"", ""clear GIFs"", ""pixel gifs"", or ""pixel tags"") is a tiny, invisible image that allows us to track activities based on pages you visit. Tracking pixels redeliver advertising and notifications through 3rd party vendors. No personally identifiable information is collected through these retargeting services, and we do not sell or rent the information collected through tracking pixels. Information collected through tracking pixels can only be shared with third parties in aggregated form and in accordance with the college's privacy policy. ","First Party Collection/Use" 32 | "15"," Security accuracy of personal and confidential information Although no computer system is 100 percent secure, Austin Community College has deployed extensive security measures to protect against the loss, misuse, or alteration of the information under our control. ","Data Security" 33 | "16","If you are concerned about the accuracy of information contained in your personal records, you should contact the custodian of the record, which is typically the department that collects and maintains the information. For example, contact the Admissions and Records Office about information collected through the Web application for admission. ","User Access, Edit and Deletion" 34 | "16","If you are concerned about the accuracy of information contained in your personal records, you should contact the custodian of the record, which is typically the department that collects and maintains the information. For example, contact the Admissions and Records Office about information collected through the Web application for admission. ","Privacy contact information" 35 | "17"," Offsite links Links to non-ACC organizations are provided solely as a service to our users. These links do not constitute an endorsement of these organizations or their programs by ACC, and none should be inferred. ACC is not responsible for the content found at these links. ","Introductory/Generic" 36 | "18"," Questions If you have questions about this privacy statement or you believe that your personal information has been released without your consent email the Help Center.","Privacy contact information" 37 | -------------------------------------------------------------------------------- /raw_data/1264_citizen.org.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy Policy Your privacy is important to us. Public Citizen does not automatically collect personal information from people who visit or interact with our website. This privacy policy applies to the www.citizen.org website. ","Data Security" 2 | "0","Privacy Policy Your privacy is important to us. Public Citizen does not automatically collect personal information from people who visit or interact with our website. This privacy policy applies to the www.citizen.org website. ","First Party Collection/Use" 3 | "0","Privacy Policy Your privacy is important to us. Public Citizen does not automatically collect personal information from people who visit or interact with our website. This privacy policy applies to the www.citizen.org website. ","Introductory/Generic" 4 | "1","If you provide your name, postal address, email address, phone number, or other information via a form on the website, we may store that information and contact you about our work. Except as outlined below, we do not sell, rent, trade, or otherwise disclose to any business, organization, individual, or other outside entity information provided by people who visit or interact with the website. ","First Party Collection/Use" 5 | "1","If you provide your name, postal address, email address, phone number, or other information via a form on the website, we may store that information and contact you about our work. Except as outlined below, we do not sell, rent, trade, or otherwise disclose to any business, organization, individual, or other outside entity information provided by people who visit or interact with the website. ","Third Party Sharing/Collection" 6 | "2"," Taking Action We do not disclose the information you enter on an action page to any outside entity - except as follows: If you sign a petition, your name and state may be included in an electronic file or hard-copy printout delivered to legislators or other policymakers. If you email a member of Congress or other policymaker, submit a comment to a government agency, send a letter-to-the-editor, or take any other action that generates a communication to an outside entity, the information you enter on the action page may be passed along to that outside entity. We may give consultants and organizations working with us on specific projects temporary access to information about our online action-takers. They will not retain the information or contact the people whose information they have access to. We may offer to connect you to other activists or volunteer organizers. Before doing so, we will notify you by email with an option to decline. ","Third Party Sharing/Collection" 7 | "2"," Taking Action We do not disclose the information you enter on an action page to any outside entity - except as follows: If you sign a petition, your name and state may be included in an electronic file or hard-copy printout delivered to legislators or other policymakers. If you email a member of Congress or other policymaker, submit a comment to a government agency, send a letter-to-the-editor, or take any other action that generates a communication to an outside entity, the information you enter on the action page may be passed along to that outside entity. We may give consultants and organizations working with us on specific projects temporary access to information about our online action-takers. They will not retain the information or contact the people whose information they have access to. We may offer to connect you to other activists or volunteer organizers. Before doing so, we will notify you by email with an option to decline. ","Practice not covered" 8 | "2"," Taking Action We do not disclose the information you enter on an action page to any outside entity - except as follows: If you sign a petition, your name and state may be included in an electronic file or hard-copy printout delivered to legislators or other policymakers. If you email a member of Congress or other policymaker, submit a comment to a government agency, send a letter-to-the-editor, or take any other action that generates a communication to an outside entity, the information you enter on the action page may be passed along to that outside entity. We may give consultants and organizations working with us on specific projects temporary access to information about our online action-takers. They will not retain the information or contact the people whose information they have access to. We may offer to connect you to other activists or volunteer organizers. Before doing so, we will notify you by email with an option to decline. ","User Choice/Control" 9 | "3","Once you take action, we will send you emails about our work. To stop receiving emails, complete the form at http://action.citizen.org/unsubscribe.jsp. ","User Choice/Control" 10 | "4"," Signing Up for Email Lists or E-Newsletters We do not disclose the information you enter on a sign-up page to any outside entity - except as follows: We may give consultants and organizations working with us on specific projects temporary access to such information; they will not retain the information or contact the people whose information they have access to. To stop receiving emails, complete the form at http://action.citizen.org/unsubscribe.jsp. ","Third Party Sharing/Collection" 11 | "4"," Signing Up for Email Lists or E-Newsletters We do not disclose the information you enter on a sign-up page to any outside entity - except as follows: We may give consultants and organizations working with us on specific projects temporary access to such information; they will not retain the information or contact the people whose information they have access to. To stop receiving emails, complete the form at http://action.citizen.org/unsubscribe.jsp. ","Practice not covered" 12 | "5"," Making Donations or Payments The information you enter on a donation or payment page may be shared with third-party service providers (such as services that verify credit card data). ","Third Party Sharing/Collection" 13 | "6","If you donate, your contact information may be added to a donor file that is occasionally exchanged with other progressive organizations. You can opt out of such exchanges by contacting our Member Services team at (800) 289-3787 or member@citizen.org. ","Third Party Sharing/Collection" 14 | "6","If you donate, your contact information may be added to a donor file that is occasionally exchanged with other progressive organizations. You can opt out of such exchanges by contacting our Member Services team at (800) 289-3787 or member@citizen.org. ","User Choice/Control" 15 | "7","We may give consultants and organizations working with us on specific projects temporary access to information about people who make donations or payments; they will not retain the information or contact the people whose information they have access to. ","Third Party Sharing/Collection" 16 | "8"," Security Public Citizen is fully compliant with PCI-DSS (Payment Card Industry Data Security Standard) and does not maintain credit card information on any of our servers. Public Citizen's network is protected at the perimeter by firewalls that include intrusion detection and prevention capabilities, and all servers and workstations have centrally managed antivirus software. Servers and workstations are patched regularly and monitored for signs of suspicious activity. Access to Public Citizen's network is restricted to Public Citizen-owned devices. Data in transit outside of Public Citizen's secure network is encrypted. ","Data Security" 17 | "9"," Contacting Us If you contact us by phone or email, we may keep a record so that we can follow up with you if necessary. We do not disclose the information in that record to any outside entity unless you give us permission to do so or unless disclosure is compelled by law. ","Third Party Sharing/Collection" 18 | "10"," Cookies and IP Addresses Our website uses cookies for these reasons: so that you don't have to reenter information on action, donate, or payment pages; for tracking traffic so that we can evaluate and improve the website; and to facilitate outreach based on visitors' interests. ","First Party Collection/Use" 19 | "11","For systems administration and troubleshooting, we log the IP address (the location on the Internet) of the computer or network from which someone visits the website. We also use IP addresses in the aggregate to track traffic so that we can evaluate and improve the website. ","First Party Collection/Use" 20 | "12"," Updates to This Policy This page reflects the current policy at any given time. It may be updated occasionally. It was most recently updated on May 21, 2015. ","Policy Change" 21 | "13"," Questions If you have questions about this privacy policy, contact our Member Services team at (800) 289-3787 or member@citizen.org.","Privacy contact information" 22 | "3","Once you take action, we will send you emails about our work. To stop receiving emails, complete the form at http://action.citizen.org/unsubscribe.jsp. ","First Party Collection/Use" 23 | "1","If you provide your name, postal address, email address, phone number, or other information via a form on the website, we may store that information and contact you about our work. Except as outlined below, we do not sell, rent, trade, or otherwise disclose to any business, organization, individual, or other outside entity information provided by people who visit or interact with the website. ","Data Retention" 24 | "2"," Taking Action We do not disclose the information you enter on an action page to any outside entity - except as follows: If you sign a petition, your name and state may be included in an electronic file or hard-copy printout delivered to legislators or other policymakers. If you email a member of Congress or other policymaker, submit a comment to a government agency, send a letter-to-the-editor, or take any other action that generates a communication to an outside entity, the information you enter on the action page may be passed along to that outside entity. We may give consultants and organizations working with us on specific projects temporary access to information about our online action-takers. They will not retain the information or contact the people whose information they have access to. We may offer to connect you to other activists or volunteer organizers. Before doing so, we will notify you by email with an option to decline. ","Data Retention" 25 | "4"," Signing Up for Email Lists or E-Newsletters We do not disclose the information you enter on a sign-up page to any outside entity - except as follows: We may give consultants and organizations working with us on specific projects temporary access to such information; they will not retain the information or contact the people whose information they have access to. To stop receiving emails, complete the form at http://action.citizen.org/unsubscribe.jsp. ","Data Retention" 26 | "4"," Signing Up for Email Lists or E-Newsletters We do not disclose the information you enter on a sign-up page to any outside entity - except as follows: We may give consultants and organizations working with us on specific projects temporary access to such information; they will not retain the information or contact the people whose information they have access to. To stop receiving emails, complete the form at http://action.citizen.org/unsubscribe.jsp. ","User Choice/Control" 27 | "7","We may give consultants and organizations working with us on specific projects temporary access to information about people who make donations or payments; they will not retain the information or contact the people whose information they have access to. ","Data Retention" 28 | "9"," Contacting Us If you contact us by phone or email, we may keep a record so that we can follow up with you if necessary. We do not disclose the information in that record to any outside entity unless you give us permission to do so or unless disclosure is compelled by law. ","Data Retention" 29 | "12"," Updates to This Policy This page reflects the current policy at any given time. It may be updated occasionally. It was most recently updated on May 21, 2015. ","Introductory/Generic" 30 | -------------------------------------------------------------------------------- /raw_data/1637_dailyillini.com.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy Policy Our commitment to privacy Your privacy is important to us. To better protect your privacy we provide this notice explaining our online information practices and the choices you can make about the way your information is collected and used. ","Introductory/Generic" 2 | "1"," The information we collect This notice applies to all information collected or submitted on any of Illini Media's websites including dailyillini.com. On some of our pages, you may have the option to create an account, make requests, register for contests, and/or submit content to our websites. ","Introductory/Generic" 3 | "2","The personal information collected at these pages are used to identify you as a user of the site, to track your usage of interactive features, and to communicate with you regarding site news and updates. You can opt out of all newsletters, but you may still receive occasional notices regarding your specific usage of the site. We do not share this information with outside parties unless otherwise noted at the time of data entry. ","First Party Collection/Use" 4 | "2","The personal information collected at these pages are used to identify you as a user of the site, to track your usage of interactive features, and to communicate with you regarding site news and updates. You can opt out of all newsletters, but you may still receive occasional notices regarding your specific usage of the site. We do not share this information with outside parties unless otherwise noted at the time of data entry. ","Third Party Sharing/Collection" 5 | "3","Illini Media uses non-identifying and aggregate information to better customize our websites for your use and to share general data about those who view our websites with our advertisers. We do not disclose anything that could be used to identify individuals. ","First Party Collection/Use" 6 | "3","Illini Media uses non-identifying and aggregate information to better customize our websites for your use and to share general data about those who view our websites with our advertisers. We do not disclose anything that could be used to identify individuals. ","Third Party Sharing/Collection" 7 | "4","Illini Media partners with Google and OnCampus Advertising to serve some of the ads you see when you visit our websites. ","Introductory/Generic" 8 | "4","Illini Media partners with Google and OnCampus Advertising to serve some of the ads you see when you visit our websites. ","Third Party Sharing/Collection" 9 | "5","Illini Media also uses Google Analytics that allows us to analyze data on our users' demographics (age, gender) and interests (affinity categories, other categories). Specifically, we are able analyze the this type of data: ","First Party Collection/Use" 10 | "5","Illini Media also uses Google Analytics that allows us to analyze data on our users' demographics (age, gender) and interests (affinity categories, other categories). Specifically, we are able analyze the this type of data: ","Third Party Sharing/Collection" 11 | "6","Demographics Overview (overview of traffic by age and gender) Age (traffic by age ranges) Gender (traffic by gender) ","First Party Collection/Use" 12 | "6","Demographics Overview (overview of traffic by age and gender) Age (traffic by age ranges) Gender (traffic by gender) ","Introductory/Generic" 13 | "7","Interests Overview (overview of traffic by affinity and other categories) Affinity Categories (behavior by affinity categories) In-Market Categories (behavior by in-market categories) Other Categories (behavior by other interest categories) ","First Party Collection/Use" 14 | "7","Interests Overview (overview of traffic by affinity and other categories) Affinity Categories (behavior by affinity categories) In-Market Categories (behavior by in-market categories) Other Categories (behavior by other interest categories) ","Introductory/Generic" 15 | "8","This analysis enables us to track how our users engage over a date range, who our users are generally, and how their behavior varies by attribute (e.g., male vs. female). Illini Media may use this type of analysis to refine our advertising and content strategies. ","First Party Collection/Use" 16 | "8","This analysis enables us to track how our users engage over a date range, who our users are generally, and how their behavior varies by attribute (e.g., male vs. female). Illini Media may use this type of analysis to refine our advertising and content strategies. ","Introductory/Generic" 17 | "9","Please note: Illini Media uses Google Analytics. Third-party vendors ads (including those served by Google) that appear on Illini Media's websites may appear across the Internet. Illini Media and third-party vendors, including Google, use first-party cookies (such as the Google Analytics cookie) and third-party cookies (such as the DoubleClick cookie) together to inform, optimize, and serve ads based on someone's past visits to your website. Illini Media and third-party vendors, including Google, use first-party cookies (such as the Google Analytics cookies) and third-party cookies (such as the DoubleClick cookie) together to report how our ad impressions, other uses of ad services, and interactions with these ad impressions and ad services are related to visits to your site. ","First Party Collection/Use" 18 | "9","Please note: Illini Media uses Google Analytics. Third-party vendors ads (including those served by Google) that appear on Illini Media's websites may appear across the Internet. Illini Media and third-party vendors, including Google, use first-party cookies (such as the Google Analytics cookie) and third-party cookies (such as the DoubleClick cookie) together to inform, optimize, and serve ads based on someone's past visits to your website. Illini Media and third-party vendors, including Google, use first-party cookies (such as the Google Analytics cookies) and third-party cookies (such as the DoubleClick cookie) together to report how our ad impressions, other uses of ad services, and interactions with these ad impressions and ad services are related to visits to your site. ","Third Party Sharing/Collection" 19 | "10","Illini Media never shares personally identifiable information provided to us online in ways unrelated to the ones described above without also providing you an opportunity to opt-out or otherwise prohibit such unrelated uses. Google or any ad server may use information (not including your name, address, email address or telephone number) about your visits to this and other websites in order to provide advertisements about goods and services of interest to you. ","Third Party Sharing/Collection" 20 | "10","Illini Media never shares personally identifiable information provided to us online in ways unrelated to the ones described above without also providing you an opportunity to opt-out or otherwise prohibit such unrelated uses. Google or any ad server may use information (not including your name, address, email address or telephone number) about your visits to this and other websites in order to provide advertisements about goods and services of interest to you. ","User Choice/Control" 21 | "11"," To opt-out You may use Google Analytics' currently available opt-outs at any time. ","User Choice/Control" 22 | "12"," To access or correct your information You can access all your personally identifiable information that we collect online and maintain by logging into your account and adjusting your account settings and profile information. You can correct factual errors in your personally identifiable information by sending us a request that credibly shows error. To protect your privacy and security, we will also take reasonable steps to verify your identity before granting access or making corrections. ","User Access, Edit and Deletion" 23 | "13"," Our commitment to data security To prevent unauthorized access, maintain data accuracy, and ensure the correct use of information, we have put in place appropriate physical, electronic, and managerial procedures to safeguard and secure the information we collect online. ","Data Security" 24 | "14","May 12, 2014","Introductory/Generic" 25 | "14","May 12, 2014","Other" 26 | -------------------------------------------------------------------------------- /raw_data/456_boardgamegeek.com.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy Policy Geekdo takes your privacy seriously. Please read the following to learn more about our privacy policy. ","Introductory/Generic" 2 | "1","Geekdo does not rent, sell, or share personal information about you with other people or companies , except when we have your explicit permission (for example, to pass on your contact information when you have won a contest). You will not get on a spammer's list because of your interactions with Geekdo. ","Third Party Sharing/Collection" 3 | "2","Geekdo collects personal information when you register with Geekdo, when you use Geekdo products or services, when you visit Geekdo pages or the pages of certain Geekdo partners, and when you enter Geekdo contests. Geekdo may combine information about you that we have with information we obtain from business partners or other companies. ","First Party Collection/Use" 4 | "3","When you register we ask for information such as your name, e-mail address, birth date, gender, zip code, occupation, industry, and personal interests. Once you register with Geekdo and sign in to our services, you are not anonymous to us. ","First Party Collection/Use" 5 | "4","Geekdo collects information about your transactions with us. ","First Party Collection/Use" 6 | "5","Geekdo automatically receives and records information on our server logs from your browser, including your IP address, Geekdo cookie information, and the page you request. ","First Party Collection/Use" 7 | "6","Geekdo uses information for the following general purposes: to customize the advertising and content you see, fulfill your requests for products and services, improve our services, contact you, conduct research, and investigate abuse. ","First Party Collection/Use" 8 | "7","We partner with ValueClick to serve ads and/or collect certain information when you visit our website. ValueClick may use cookies or web beacons to collect non-personally identifiable information during your visit to this website in order to help show advertisements on other websites likely to be more interesting to you. To learn more about this ""behavioral advertising"" practice or to opt-out of this use of your anonymous information, you can visit http://www.valueclickmedia.com/member_privacy.shtml ","Third Party Sharing/Collection" 9 | "8","Geekdo reserves the right to modify all or some of this Privacy Policy at any time without notice. If we modify our Privacy Policy, we may post a notice on our website so our users are aware of what information we collect, how we use it, and under what circumstances, if any, we disclose it. We will use information only in accordance with the Privacy Policy under which the information was collected unless we have received explicit authorization from the appropriate user(s) to do otherwise. ","Policy Change" 10 | "9","We reserve the right to share information in order to investigate, prevent, or take action regarding illegal activities, suspected fraud, violations of the Geekdo Terms of Service, situations involving potential threats to the physical safety of any person, or as otherwise required by law.","Third Party Sharing/Collection" 11 | -------------------------------------------------------------------------------- /raw_data/481_fredericknewspost.com.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy Policy Posted: Tuesday, September 18, 2012 12:29 pm Updated: Thursday, May 21, 2015 3:22 pm. Our commitment to you The Frederick News-Post and its owner, Randall Family, LLC (collectively, ""The News-Post""), recognize the importance of protecting the privacy of personally identifiable information collected about you, our customers. This customer privacy policy is intended to outline our legitimate business interests in collecting and using information and your reasonable expectations of privacy. ","Introductory/Generic" 2 | "0","Privacy Policy Posted: Tuesday, September 18, 2012 12:29 pm Updated: Thursday, May 21, 2015 3:22 pm. Our commitment to you The Frederick News-Post and its owner, Randall Family, LLC (collectively, ""The News-Post""), recognize the importance of protecting the privacy of personally identifiable information collected about you, our customers. This customer privacy policy is intended to outline our legitimate business interests in collecting and using information and your reasonable expectations of privacy. ","First Party Collection/Use" 3 | "0","Privacy Policy Posted: Tuesday, September 18, 2012 12:29 pm Updated: Thursday, May 21, 2015 3:22 pm. Our commitment to you The Frederick News-Post and its owner, Randall Family, LLC (collectively, ""The News-Post""), recognize the importance of protecting the privacy of personally identifiable information collected about you, our customers. This customer privacy policy is intended to outline our legitimate business interests in collecting and using information and your reasonable expectations of privacy. ","Policy Change" 4 | "1"," Security We take the responsibility for keeping your payment and personal information private and secure very seriously. When entering payment and personal information on our web pages you will see that we use SSL certificates to encrypt your data as you submit it. Our internal systems and procedures are periodically reviewed for compliance with industry standards on data security. ","Data Security" 5 | "2"," User information collected The News-Post gathers identifying information about you only when you provide that information on a voluntary basis for such purposes as member or subscriber registration, reader comments and blogs, contests, news alerts, purchasing products and using social networking tools. The personal information required to use our site services varies from service to service but may include your name, age, email address, mailing address and phone number. For purchases, credit card and billing information may be required. ","First Party Collection/Use" 6 | "3","The News-Post employs 'cookies' in circumstances that require session data or require user verification. We have several feedback forms on websites operated by The News-Post. Any feedback that is submitted through these forms or through email is the property of The News-Post. We may use this feedback for marketing purposes or to contact you for additional feedback. ","First Party Collection/Use" 7 | "4"," Uses of information The News-Post may use information it has collected from users to communicate with its users about changes in policies or operations. ","First Party Collection/Use" 8 | "5","The News-Post may use information it has collected from users to promote News-Post products and services; we will make every effort to allow users to opt out of promotional messages from The News-Post. ","First Party Collection/Use" 9 | "6","The News-Post may use information it has collected from users to promote products and services on behalf of advertisers; we will make every effort to allow users to opt out of promotional messages from advertisers. ","Third Party Sharing/Collection" 10 | "6","The News-Post may use information it has collected from users to promote products and services on behalf of advertisers; we will make every effort to allow users to opt out of promotional messages from advertisers. ","First Party Collection/Use" 11 | "7","The News-Post performs statistical analyses of its server logs to study the use and popularity of various areas of our site. We also look at IP addresses to analyze where we are getting our audience. ","First Party Collection/Use" 12 | "8"," Third-party uses of information It is not the policy of The News-Post to sell or make available personally identifiable user information to unrelated third parties. The News-Post may provide advertisers and other third parties with general, aggregate usage data. Unless stated otherwise, we will use our best efforts not to disclose information about individual visits to websites operated by The News-Post or personal information that you provide, such as your name, address, e-mail address, telephone number, or credit card number to any outside parties, unless otherwise required by law. ","Third Party Sharing/Collection" 13 | "8"," Third-party uses of information It is not the policy of The News-Post to sell or make available personally identifiable user information to unrelated third parties. The News-Post may provide advertisers and other third parties with general, aggregate usage data. Unless stated otherwise, we will use our best efforts not to disclose information about individual visits to websites operated by The News-Post or personal information that you provide, such as your name, address, e-mail address, telephone number, or credit card number to any outside parties, unless otherwise required by law. ","Introductory/Generic" 14 | "9","The News-Post may allow registered users, members and subscribers to establish online identities and use social networking tools, which can include befriending other users, updating profile information, posting comments on other users' profiles and identifying pieces of content as something of interest. When you take advantage of these site features, you are agreeing to share personal information with other users. The News-Post provides privacy tools within its social networking framework so that you can control which types of personal information are shared with other users. ","Third Party Sharing/Collection" 15 | "10","Users should keep in mind when posting a user name or e-mail address on bulletin boards or in other user-posted content areas that information, along with any information in their postings, can be read by any third parties and may result in unsolicited messages from other posters or third parties. ","Introductory/Generic" 16 | "10","Users should keep in mind when posting a user name or e-mail address on bulletin boards or in other user-posted content areas that information, along with any information in their postings, can be read by any third parties and may result in unsolicited messages from other posters or third parties. ","Third Party Sharing/Collection" 17 | "11","The News-Post may make use of or refer to user-posted content for the purposes of promoting Randall Family, LLC publications, in print or online. The News-Post makes no claim of ownership to such user-posted content. ","First Party Collection/Use" 18 | "12","Please be aware that any information submitted on a co-branded page with a third party may result in that third party using your information according to its privacy policy. We do not and cannot control such third-party uses. Examples of third parties that The News-Post currently utilizes are Associated Press, Google.com, Second Street Media and Legacy.com. ","Third Party Sharing/Collection" 19 | "12","Please be aware that any information submitted on a co-branded page with a third party may result in that third party using your information according to its privacy policy. We do not and cannot control such third-party uses. Examples of third parties that The News-Post currently utilizes are Associated Press, Google.com, Second Street Media and Legacy.com. ","Practice not covered" 20 | "13","We use third-party advertising companies to serve ads when you visit websites operated by The News-Post. These companies may use information (not including your name, address, email address or telephone number) about your visits to this and other Web sites in order to provide advertisements about goods and services of interest to you. If you would like more information about this practice and to know your choices about not having this information used by these companies, visit http://www.networkadvertising.org. ","Third Party Sharing/Collection" 21 | "14"," Process to remove your personal information Most of our services include information on how to remove your information and cancel the service. You may alternatively send us an email at webmaster@newspost.com identifying the services and information you would like removed. Please provide explicit reasons why we should remove the content. We reserve the right to decline requests for removal of information based on maintaining the historical and archival nature of our website(s). ","User Access, Edit and Deletion" 22 | "14"," Process to remove your personal information Most of our services include information on how to remove your information and cancel the service. You may alternatively send us an email at webmaster@newspost.com identifying the services and information you would like removed. Please provide explicit reasons why we should remove the content. We reserve the right to decline requests for removal of information based on maintaining the historical and archival nature of our website(s). ","Privacy contact information" 23 | "15"," Children We do not specifically collect information about children. We believe that children should get their parents' consent before giving out personal information. We further believe that parents should participate in and guide their children's experiences on The News-Post. ","International and Specific Audiences" 24 | "16"," Privacy Policy Changes If we decide to change our privacy policy, we will post these changes here so that you will always know what information we gather, how we might use that information and whether we will disclose it to anyone. If, at any time, you have questions or concerns about The News-Post's privacy policy, please feel free to e-mail us at webmaster@newspost.com or call 301-662-1177 and speak to our Director of Online Operations. ","Policy Change" 25 | "16"," Privacy Policy Changes If we decide to change our privacy policy, we will post these changes here so that you will always know what information we gather, how we might use that information and whether we will disclose it to anyone. If, at any time, you have questions or concerns about The News-Post's privacy policy, please feel free to e-mail us at webmaster@newspost.com or call 301-662-1177 and speak to our Director of Online Operations. ","Privacy contact information" 26 | "17"," Terms of use By accessing or using a website operated by The News-Post, you agree to be bound by the site's Terms of Use and Privacy Policy (""Agreement""), as The News-Post may amend them at any time. All amendments automatically go into effect on the day after they are posted on the website. Use of the website subsequent to such posting shall constitute your agreement to all such amendments. (See Terms of Use.) ","Policy Change" 27 | "17"," Terms of use By accessing or using a website operated by The News-Post, you agree to be bound by the site's Terms of Use and Privacy Policy (""Agreement""), as The News-Post may amend them at any time. All amendments automatically go into effect on the day after they are posted on the website. Use of the website subsequent to such posting shall constitute your agreement to all such amendments. (See Terms of Use.) ","Practice not covered" 28 | "18","Revised May 3, 2012.","Introductory/Generic" 29 | "18","Revised May 3, 2012.","Policy Change" 30 | -------------------------------------------------------------------------------- /raw_data/523_usa.gov.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy, Security, and Accessibility Policies ","Introductory/Generic" 2 | "1","USA.gov doesn't collect personal information when you visit our web site unless you choose to provide that information. ","First Party Collection/Use" 3 | "2","What's on This Page Information Collected and Stored Automatically Site Security Use of Persistent Cookies Accessibility Policy External Links If You Send Us Personal Information ","Introductory/Generic" 4 | "3"," Information Collected and Stored Automatically When you visit USA.gov, we may store some or all of the following: the Internet protocol address from which you access USA.gov, date and time, the name of the web site from which you linked to USA.gov, the name of the file or words you searched, items clicked on a page, and the browser and operating system used. ","First Party Collection/Use" 5 | "3"," Information Collected and Stored Automatically When you visit USA.gov, we may store some or all of the following: the Internet protocol address from which you access USA.gov, date and time, the name of the web site from which you linked to USA.gov, the name of the file or words you searched, items clicked on a page, and the browser and operating system used. ","Data Retention" 6 | "4","This information is used to measure the number of visitors to the various sections of our site and identify system performance or problem areas. We also use this information to help us develop the site, analyze patterns of usage, and to make the site more useful. This information is not used for associating search terms or patterns of site navigation with individual users. USA.gov may anonymize and provide this information to third party entities for the purposes of research analysis. We do not share or sell visitor data for the purposes of advertising, marketing, or any other commercial purpose. ","First Party Collection/Use" 7 | "4","This information is used to measure the number of visitors to the various sections of our site and identify system performance or problem areas. We also use this information to help us develop the site, analyze patterns of usage, and to make the site more useful. This information is not used for associating search terms or patterns of site navigation with individual users. USA.gov may anonymize and provide this information to third party entities for the purposes of research analysis. We do not share or sell visitor data for the purposes of advertising, marketing, or any other commercial purpose. ","Third Party Sharing/Collection" 8 | "6","Except for authorized law enforcement investigations, no other attempts are made to identify individual users or their usage habits. Raw data logs are used for no other purposes and are scheduled for regular destruction in accordance with National Archives and Records Administration guidelines. ","Data Retention" 9 | "7","Unauthorized attempts to upload information or change information on this service are strictly prohibited and may be punishable under the Computer Fraud and Abuse Act of 1986 and the National Information Infrastructure Protection Act. ","Practice not covered" 10 | "8"," Use of Persistent Cookies Like many websites, USA.gov uses ""persistent cookie"" technology. A persistent cookie is a small text file that this website places on your web browser so that it can gather anonymous summary demographic information, and remember your browser when it is used to visit our site again laterkind of like cookie crumbs! (Hence the name.) These cookies uniquely identify a browser on a computer, but never a person. In other words, if the same person uses Chrome and Internet Explorer, two unique browser cookies will be assigned, one for each browser, so that person will be counted as two different visitors because visits are based on browsers, not computers or persons. We use persistent cookies in two ways, both of which enhance your experience on USA.gov while also protecting your privacy: ","First Party Collection/Use" 11 | "9"," To remember you when your browser comes back to the site, so we don't invite you to take our customer satisfaction survey every time you visit. Our customer satisfaction survey uses a persistent cookie to ensure we won't invite you to take a customer satisfaction survey within 90 days of completing a survey on USA.gov. ","First Party Collection/Use" 12 | "10"," To get aggregate metrics on site usage to understand how people are using the site and how we can make it better. We use web metrics services to track activity on USA.gov. Government agencies only ever receive traffic statistics anonymously and in the aggregate. ","First Party Collection/Use" 13 | "11"," To gather anonymous summary demographic information about our visitors such as gender, age range, and areas of interest for adults over the age of 18. We do this by using Google Demographic and Interests reports. When you visit a website that has partnered with the Google Display Network, Google stores a number in your browser using a persistent cookie to remember your visits. This number uniquely identifies a web browser, not a specific person. Browsers may be associated with a demographic category, such as gender or age range, based on the sites that were visited. This demographic information is used to help us better understand our visitors' interests and needs to more effectively develop content to serve you. ","First Party Collection/Use" 14 | "12","Most Internet browsers automatically accept persistent cookies. Although using persistent cookies creates a much better experience for you, this site will also work without them. If you don't want to accept cookies, you can edit your browser's options to stop accepting persistent cookies or to prompt you before accepting a cookie from the websites you visit. Here's how you can disable cookies and/or Google Demographic and Interests reports. ","User Choice/Control" 15 | "13"," Accessibility Policy USA.gov is committed to providing access to all individualswith or without disabilitiesseeking information on USA.gov. To provide this information, we've built USA.gov to conform to Section 508 of the Rehabilitation Act (as amended). Section 508 requires that all individuals with disabilities (whether federal employees or members of the general public) have access to, and use of, information and data comparable to that provided to individuals without disabilities, unless an undue burden would be imposed on us. ","Other" 16 | "14","If you use assistive technology (such as a screen reader, eye tracking device, voice recognition software, etc.) and have difficulty accessing information on USA.gov, please e-mail us and provide the URL (web address) of the material you tried to access, the problem you experienced, and your contact information. We'll contact you and attempt to provide the information you're seeking. ","Other" 17 | "15"," External Links USA.gov links to many websites created and maintained by other public and/or private organizations as outlined in our Linking Policy. If you click a link to an outside website, such as Facebook or YouTube, you will leave the USA.gov site and are subject to the privacy and security policies of the owners/sponsors of the outside website. ","Practice not covered" 18 | "16"," Social Media Sites While USA.gov manages presence on social media sites (e.g., Facebook, Twitter, YouTube) in order to share government information and engage with the public, we do not collect any Personally Identifiable Information through those sites. We also do not use personal information made available by the user to these third-party sites. ","First Party Collection/Use" 19 | "17"," If You Send Us Personal Information We do not collect personal information for any purpose other than to respond to your request. The only personal information that we collect is what you decide to give us by ordering publications, sending us an e-mail, or subscribing to our e-mail subscription services. If you choose to provide us with personal information like filling out a Contact Us form, with an e-mail address and ZIP code, and submitting it to us through the website we use that information to respond to your message, and to help get you the information you requested. Similarly, if you order a publication from us, we will collect your name, and mailing address to fulfill your order. ","User Choice/Control" 20 | "18","We only share the information you give us with another government agency if your question relates to that agency, or as otherwise required by law. USA.gov never collects information or creates individual profiles for commercial marketing.","Third Party Sharing/Collection" 21 | "5"," Site Security For site security purposes and to ensure that this service remains available to all users, this government computer system employs commercial software programs to monitor network traffic to identify unauthorized attempts to upload or change information, or otherwise cause damage. ","Data Security" 22 | "6","Except for authorized law enforcement investigations, no other attempts are made to identify individual users or their usage habits. Raw data logs are used for no other purposes and are scheduled for regular destruction in accordance with National Archives and Records Administration guidelines. ","First Party Collection/Use" 23 | "7","Unauthorized attempts to upload information or change information on this service are strictly prohibited and may be punishable under the Computer Fraud and Abuse Act of 1986 and the National Information Infrastructure Protection Act. ","Introductory/Generic" 24 | "15"," External Links USA.gov links to many websites created and maintained by other public and/or private organizations as outlined in our Linking Policy. If you click a link to an outside website, such as Facebook or YouTube, you will leave the USA.gov site and are subject to the privacy and security policies of the owners/sponsors of the outside website. ","Third Party Sharing/Collection" 25 | "16"," Social Media Sites While USA.gov manages presence on social media sites (e.g., Facebook, Twitter, YouTube) in order to share government information and engage with the public, we do not collect any Personally Identifiable Information through those sites. We also do not use personal information made available by the user to these third-party sites. ","Third Party Sharing/Collection" 26 | "17"," If You Send Us Personal Information We do not collect personal information for any purpose other than to respond to your request. The only personal information that we collect is what you decide to give us by ordering publications, sending us an e-mail, or subscribing to our e-mail subscription services. If you choose to provide us with personal information like filling out a Contact Us form, with an e-mail address and ZIP code, and submitting it to us through the website we use that information to respond to your message, and to help get you the information you requested. Similarly, if you order a publication from us, we will collect your name, and mailing address to fulfill your order. ","First Party Collection/Use" 27 | "10"," To get aggregate metrics on site usage to understand how people are using the site and how we can make it better. We use web metrics services to track activity on USA.gov. Government agencies only ever receive traffic statistics anonymously and in the aggregate. ","Third Party Sharing/Collection" 28 | "12","Most Internet browsers automatically accept persistent cookies. Although using persistent cookies creates a much better experience for you, this site will also work without them. If you don't want to accept cookies, you can edit your browser's options to stop accepting persistent cookies or to prompt you before accepting a cookie from the websites you visit. Here's how you can disable cookies and/or Google Demographic and Interests reports. ","Other" 29 | "13"," Accessibility Policy USA.gov is committed to providing access to all individualswith or without disabilitiesseeking information on USA.gov. To provide this information, we've built USA.gov to conform to Section 508 of the Rehabilitation Act (as amended). Section 508 requires that all individuals with disabilities (whether federal employees or members of the general public) have access to, and use of, information and data comparable to that provided to individuals without disabilities, unless an undue burden would be imposed on us. ","Practice not covered" 30 | "14","If you use assistive technology (such as a screen reader, eye tracking device, voice recognition software, etc.) and have difficulty accessing information on USA.gov, please e-mail us and provide the URL (web address) of the material you tried to access, the problem you experienced, and your contact information. We'll contact you and attempt to provide the information you're seeking. ","Privacy contact information" 31 | "18","We only share the information you give us with another government agency if your question relates to that agency, or as otherwise required by law. USA.gov never collects information or creates individual profiles for commercial marketing.","First Party Collection/Use" 32 | -------------------------------------------------------------------------------- /raw_data/541_ifsa-butler.org.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy Policy IFSA-Butler is committed to respecting your privacy and protecting the information we receive from you. This policy is intended to outline the information we collect from users who visit and submit applications to our website and how we use and disclose that information. ","Introductory/Generic" 2 | "0","Privacy Policy IFSA-Butler is committed to respecting your privacy and protecting the information we receive from you. This policy is intended to outline the information we collect from users who visit and submit applications to our website and how we use and disclose that information. ","First Party Collection/Use" 3 | "1"," Information We Collect IFSA-Butler collects two types of information from visitors to this website: non-personally identifiable information that is automatically collected anytime you visit an IFSA-Butler webpage, such as IP address, browser type, and referring websites and information that is voluntarily supplied by visitors through the submission of inquiry forms or applications for programs offered through IFSA-Butler. ","First Party Collection/Use" 4 | "2"," How We Use Visitor Information IFSA-Butler collects non-personally identifiable information with the purpose of optimizing the performance of our website. ","First Party Collection/Use" 5 | "3","We do not rent or sell personally identifiable information to third-parties for their marketing purposes. We may share your information with select third parties in the following circumstances: We share certain information with overseas institutions and service providers, including universities and host families, so that they may provide our students with the services we request of them. We may share certain information about you, including but not limited to your name and home institution, for the purposes of promoting IFSA-Butler programs. We reserve the right to disclose your information to law enforcement and government officials in accordance with applicable laws, court orders and government regulations. ","Third Party Sharing/Collection" 6 | "3","We do not rent or sell personally identifiable information to third-parties for their marketing purposes. We may share your information with select third parties in the following circumstances: We share certain information with overseas institutions and service providers, including universities and host families, so that they may provide our students with the services we request of them. We may share certain information about you, including but not limited to your name and home institution, for the purposes of promoting IFSA-Butler programs. We reserve the right to disclose your information to law enforcement and government officials in accordance with applicable laws, court orders and government regulations. ","First Party Collection/Use" 7 | "4","We use reasonable precautions to protect your information and voluntarily abide by the guidelines outlined in the Family Educational Rights and Privacy Act to maintain your privacy. By using our website, you agree to the transfer of information to countries outside the United States that have institution and service providers associated with our overseas programs. ","Data Security" 8 | "4","We use reasonable precautions to protect your information and voluntarily abide by the guidelines outlined in the Family Educational Rights and Privacy Act to maintain your privacy. By using our website, you agree to the transfer of information to countries outside the United States that have institution and service providers associated with our overseas programs. ","Practice not covered" 9 | "4","We use reasonable precautions to protect your information and voluntarily abide by the guidelines outlined in the Family Educational Rights and Privacy Act to maintain your privacy. By using our website, you agree to the transfer of information to countries outside the United States that have institution and service providers associated with our overseas programs. ","User Choice/Control" 10 | "5"," Use of Cookies IFSA-Butler uses Cookies for the purpose of maintaining your session when you provide information to IFSA-Butler through web forms and our application system. Cookies are small pieces of information transferred from our website to your web browser to streamline your experience on our website and allow web servers to recognize the computer used to access the website. Our website does not use cookies to collect personally identifiable information. You can modify your browser settings to decline cookies if you wish to opt out of this service. ","Introductory/Generic" 11 | "5"," Use of Cookies IFSA-Butler uses Cookies for the purpose of maintaining your session when you provide information to IFSA-Butler through web forms and our application system. Cookies are small pieces of information transferred from our website to your web browser to streamline your experience on our website and allow web servers to recognize the computer used to access the website. Our website does not use cookies to collect personally identifiable information. You can modify your browser settings to decline cookies if you wish to opt out of this service. ","First Party Collection/Use" 12 | "6","We also work with third parties, such as Facebook and Twitter, to collect certain user data through our website for the purposes of conversion tracking and serving ads targeted to users' interests. The information we share with these services does not include any specific information relating to your application to an IFSA-Butler program or your personal information. Should you wish to opt out of such tracking, please modify your browser settings or modify your privacy settings within Facebook and Twitter to disable interest-based advertising and tracking. ","Third Party Sharing/Collection" 13 | "7"," Links to Other Websites The IFSA-Butler website contains links to other websites that may or may not be affiliated with the Institute for Study Abroad, Butler University. IFSA-Butler is not responsible for the content or privacy practices on these websites, nor does the posting of a link constitute an endorsement by IFSA-Butler of said website. ","Introductory/Generic" 14 | "7"," Links to Other Websites The IFSA-Butler website contains links to other websites that may or may not be affiliated with the Institute for Study Abroad, Butler University. IFSA-Butler is not responsible for the content or privacy practices on these websites, nor does the posting of a link constitute an endorsement by IFSA-Butler of said website. ","Practice not covered" 15 | "7"," Links to Other Websites The IFSA-Butler website contains links to other websites that may or may not be affiliated with the Institute for Study Abroad, Butler University. IFSA-Butler is not responsible for the content or privacy practices on these websites, nor does the posting of a link constitute an endorsement by IFSA-Butler of said website. ","Other" 16 | "8"," Changing Your Information or Opting Out of IFSA-Butler Communications The personal information collected about you through our online applications and in our communications with you is stored in our internal database and can be updated or modified at any time by calling (800) 858-0229 or emailing studyabroad@ifsa-butler.org. ","User Access, Edit and Deletion" 17 | "8"," Changing Your Information or Opting Out of IFSA-Butler Communications The personal information collected about you through our online applications and in our communications with you is stored in our internal database and can be updated or modified at any time by calling (800) 858-0229 or emailing studyabroad@ifsa-butler.org. ","User Choice/Control" 18 | "8"," Changing Your Information or Opting Out of IFSA-Butler Communications The personal information collected about you through our online applications and in our communications with you is stored in our internal database and can be updated or modified at any time by calling (800) 858-0229 or emailing studyabroad@ifsa-butler.org. ","Data Retention" 19 | "8"," Changing Your Information or Opting Out of IFSA-Butler Communications The personal information collected about you through our online applications and in our communications with you is stored in our internal database and can be updated or modified at any time by calling (800) 858-0229 or emailing studyabroad@ifsa-butler.org. ","Privacy contact information" 20 | "9","If you wish to no longer receive all communications from IFSA-Butler, you may opt out by contacting us at (800) 858-0229 or by mail at: 1100 W. 42nd Street, Suite 305 Indianapolis, IN 46208-3345 ","User Choice/Control" 21 | "9","If you wish to no longer receive all communications from IFSA-Butler, you may opt out by contacting us at (800) 858-0229 or by mail at: 1100 W. 42nd Street, Suite 305 Indianapolis, IN 46208-3345 ","Privacy contact information" 22 | "10"," Children's Privacy The IFSA-Butler website is not intended for visitors under the age of 13 and IFSA-Butler does not solicit or intentionally collect information from children under the age of 13. ","International and Specific Audiences" 23 | "11"," Changes to this Policy We reserve the right to modify the contents of this privacy policy as needed. All changes to this policy will be posted on the IFSA-Butler website. We encourage you to periodically review this policy to remain up to date on our privacy practices. ","Policy Change" 24 | "12","All textual, graphic and other content appearing on this website are the property of the Institute for Study Abroad, Butler University (IFSA-Butler). Copyright 2004-2010. Institute for Study Abroad, 1100 W. 42nd St., Suite 305, Indianapolis, Indiana 46208 USA. All Rights Reserved.","Practice not covered" 25 | "12","All textual, graphic and other content appearing on this website are the property of the Institute for Study Abroad, Butler University (IFSA-Butler). Copyright 2004-2010. Institute for Study Abroad, 1100 W. 42nd St., Suite 305, Indianapolis, Indiana 46208 USA. All Rights Reserved.","Other" 26 | -------------------------------------------------------------------------------- /raw_data/571_abita.com.csv: -------------------------------------------------------------------------------- 1 | "0","PRIVACY POLICY Copyright 2008 Abita and ABITA.COM, LLC TM. All Right Reserved. ","Introductory/Generic" 2 | "1","Abita is committed to protecting your privacy. By accessing this website, you are consenting to the information collection and use practices described in this privacy statement. ","Introductory/Generic" 3 | "1","Abita is committed to protecting your privacy. By accessing this website, you are consenting to the information collection and use practices described in this privacy statement. ","User Choice/Control" 4 | "2"," Collection of your Personal Information: We will ask you when we need information that personally identifies you (personal information) or allows us to contact you to provide a service or carry out a transaction that you have requested such as receiving information about Abita products and services, entering a contest, ordering e-mail newsletters, joining a limited-access premium site or service, or when purchasing, downloading and/or registering Abita products. The personal information we collect may include your name, title, company or organization name, work e-mail, work phone, work or home address, information about your job function, information about your company, information about circumstances related to your purchase, and payment information. ","First Party Collection/Use" 5 | "3","We may collect certain information about your visit, such as the name of the Internet service provider and the Internet Protocol (IP) address through which you access the Internet; the date and time you access the site; the pages that you access while at the Site and the Internet address of the Web site from which you linked directly to our site. This information is used to help improve the site, analyze trends and administer the site. ","First Party Collection/Use" 6 | "4"," Control of your Personal Information: Except as otherwise described in this statement, personal information you provide on the site will not be shared outside of Abita and its controlled subsidiaries and affiliates without your permission. ","User Choice/Control" 7 | "5","Please be aware that this privacy statement and any choices you make on the site will not necessarily apply to personal information you may have provided to Abita in the context of other, separately operated, Abita products or services. ","Other" 8 | "6","ABITA.COM may send out periodic e-mails informing you of issues related to a product or service you requested, or confirming you requested a product or service such as invoices and confirmations. In some services offered by ABITA.COM, contact with the customer is a necessary part of the service. ","First Party Collection/Use" 9 | "7","Some services offered on ABITA.COM may collect information that is not accessible to the customer via our website. In such cases, you can access your personal information by contacting ABITA.COM as described at the bottom of this statement, or through alternative means of access described by the service. ","User Access, Edit and Deletion" 10 | "8"," Security of your Personal Information: Abita is committed to protecting the security of your personal information. We use a variety of security technologies and procedures to help protect your personal information from unauthorized access, use, or disclosure. For example, we store the personal information you provide on computer servers with limited access that are located in controlled facilities. Additionally, when we transmit sensitive personal information (such as a credit card number) over the Internet, we protect it through the use of encryption, such as the Secure Socket Layer (SSL) protocol. ","Data Security" 11 | "9"," Protection of Children's Personal Information ABITA.COM does not knowingly collect any personal information from children. It is against our Terms of Use for anyone under 21 to submit data to our site. ","International and Specific Audiences" 12 | "10"," Use of Cookies We may use cookies and/or web beacons on this website to ensure the integrity of the registration process and to personalize the site. Cookies and Web Beacons cannot be used to run programs or deliver viruses to your computer. You can usually modify your browser setting to decline cookies if you prefer. If you choose to decline cookies, you may not be able to fully experience the interactive features of this or other Web sites you visit. ABITA.COM prohibits Web Beacons from being used to collect or access your personal information. ","First Party Collection/Use" 13 | "11"," Unsubscribe Information Instructions to remove an email address are located on the bottom of every promotional email. Alternatively, unsubscribe requests may be handled using our online unsubscription form. ","User Choice/Control" 14 | "12"," How to Contact Us If you have any questions or concerns about the ABITA.COM online privacy policy or its implementation you may contact us at: ABITA.COM Customer Care, Attn: Privacy Policy Issues, PO Box 1510, Abita Springs, LA 70420; or online at friends@ABITA.COM ","Privacy contact information" 15 | "13","You may also send an e-mail or letter to the above e-mail or street address requesting access to or correction of your personally identifiable information. For verification purposes please include your first name, last name, e-mail address and the password you use for said ABITA.COM service.","User Access, Edit and Deletion" 16 | "0","PRIVACY POLICY Copyright 2008 Abita and ABITA.COM, LLC TM. All Right Reserved. ","Other" 17 | "1","Abita is committed to protecting your privacy. By accessing this website, you are consenting to the information collection and use practices described in this privacy statement. ","Data Security" 18 | "4"," Control of your Personal Information: Except as otherwise described in this statement, personal information you provide on the site will not be shared outside of Abita and its controlled subsidiaries and affiliates without your permission. ","Third Party Sharing/Collection" 19 | "5","Please be aware that this privacy statement and any choices you make on the site will not necessarily apply to personal information you may have provided to Abita in the context of other, separately operated, Abita products or services. ","Practice not covered" 20 | "7","Some services offered on ABITA.COM may collect information that is not accessible to the customer via our website. In such cases, you can access your personal information by contacting ABITA.COM as described at the bottom of this statement, or through alternative means of access described by the service. ","First Party Collection/Use" 21 | "10"," Use of Cookies We may use cookies and/or web beacons on this website to ensure the integrity of the registration process and to personalize the site. Cookies and Web Beacons cannot be used to run programs or deliver viruses to your computer. You can usually modify your browser setting to decline cookies if you prefer. If you choose to decline cookies, you may not be able to fully experience the interactive features of this or other Web sites you visit. ABITA.COM prohibits Web Beacons from being used to collect or access your personal information. ","User Choice/Control" 22 | "13","You may also send an e-mail or letter to the above e-mail or street address requesting access to or correction of your personally identifiable information. For verification purposes please include your first name, last name, e-mail address and the password you use for said ABITA.COM service.","Privacy contact information" 23 | "4"," Control of your Personal Information: Except as otherwise described in this statement, personal information you provide on the site will not be shared outside of Abita and its controlled subsidiaries and affiliates without your permission. ","Other" 24 | "6","ABITA.COM may send out periodic e-mails informing you of issues related to a product or service you requested, or confirming you requested a product or service such as invoices and confirmations. In some services offered by ABITA.COM, contact with the customer is a necessary part of the service. ","Practice not covered" 25 | "7","Some services offered on ABITA.COM may collect information that is not accessible to the customer via our website. In such cases, you can access your personal information by contacting ABITA.COM as described at the bottom of this statement, or through alternative means of access described by the service. ","Third Party Sharing/Collection" 26 | "9"," Protection of Children's Personal Information ABITA.COM does not knowingly collect any personal information from children. It is against our Terms of Use for anyone under 21 to submit data to our site. ","Practice not covered" 27 | -------------------------------------------------------------------------------- /raw_data/581_coffeereview.com.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy Statement The Coffee Review is committed to preserving your privacy. The following statement discloses the information gathering and dissemination practices for the CoffeeReview.com website and the Coffee Review Marketplace. ","Introductory/Generic" 2 | "1","IP Addresses. We use your IP address to help diagnose problems with our server, and to administer our Web site. Your IP address is used to help identify you and, in the case of the Coffee Review Marketplace, your shopping cart and to gather broad demographic information in the interest of improving our site and service. ","First Party Collection/Use" 3 | "2","Cookies. A cookie is a unique identifier collected by the site to verify a return visitor's identity, or to understand how visitors navigate the site. The use of cookies is a standard practice on the Internet and most major web sites use them. Most web browsers automatically accept cookies; however, you can usually change your browser to prevent or notify you whenever you are sent a cookie. This gives you the chance to decide whether or not to accept the cookie. ","First Party Collection/Use" 4 | "3","The cookie itself does not tell us who you are, your email address, nor any other personal information. We use the information to improve our website and improve your experience while at our website. ","First Party Collection/Use" 5 | "4","Even without accepting cookies, you can access most of the features of the Coffee Review website. However, there may be some limitations on your use of some site functionality. ","User Choice/Control" 6 | "4","Even without accepting cookies, you can access most of the features of the Coffee Review website. However, there may be some limitations on your use of some site functionality. ","First Party Collection/Use" 7 | "5","Registration Forms. Our site's registration form requires users to give us contact information (like their name and e-mail address), financial information (like their account or credit card numbers), and demographic information (like their zip code and state). We use customer contact information from the registration form to send the user information about our company. The customer's contact information is also used to contact the visitor when necessary. Users may opt-out of receiving future e-mails; see the choice/opt-out section below. Financial information that is collected is used to check the users' qualifications for registration. Demographic and profile data is also collected at our site. We use this data to help us improve this website and our service. ","First Party Collection/Use" 8 | "5","Registration Forms. Our site's registration form requires users to give us contact information (like their name and e-mail address), financial information (like their account or credit card numbers), and demographic information (like their zip code and state). We use customer contact information from the registration form to send the user information about our company. The customer's contact information is also used to contact the visitor when necessary. Users may opt-out of receiving future e-mails; see the choice/opt-out section below. Financial information that is collected is used to check the users' qualifications for registration. Demographic and profile data is also collected at our site. We use this data to help us improve this website and our service. ","User Choice/Control" 9 | "6","Online Surveys and Contests. From time to time, we may conduct online surveys to help us better understand and serve the needs of our customers. Our online surveys may ask visitors for contact information (like their e-mail address) and demographic information (like their zip code, age, or income level). With your permission, we may use contact data from our surveys to send the user information about our company. The customer's contact information is also used to contact the visitor when necessary. Users may always opt-out of receiving future e-mails. ","First Party Collection/Use" 10 | "6","Online Surveys and Contests. From time to time, we may conduct online surveys to help us better understand and serve the needs of our customers. Our online surveys may ask visitors for contact information (like their e-mail address) and demographic information (like their zip code, age, or income level). With your permission, we may use contact data from our surveys to send the user information about our company. The customer's contact information is also used to contact the visitor when necessary. Users may always opt-out of receiving future e-mails. ","Third Party Sharing/Collection" 11 | "6","Online Surveys and Contests. From time to time, we may conduct online surveys to help us better understand and serve the needs of our customers. Our online surveys may ask visitors for contact information (like their e-mail address) and demographic information (like their zip code, age, or income level). With your permission, we may use contact data from our surveys to send the user information about our company. The customer's contact information is also used to contact the visitor when necessary. Users may always opt-out of receiving future e-mails. ","User Choice/Control" 12 | "7","Customer Service Correspondence. We may collect information that identifies you personally when you submit comments, questions or suggestions to our Customer Service department. ","First Party Collection/Use" 13 | "8","Use of Your Personal and Non-Personal Information. Except as disclosed in this policy, we do not sell or disclose information that identifies our guests personally or makes it possible for other parties to contact them directly without our guests' consent. We may use, sell, disclose, or otherwise dispose of Personal Information we collect in the following circumstances: ","Third Party Sharing/Collection" 14 | "8","Use of Your Personal and Non-Personal Information. Except as disclosed in this policy, we do not sell or disclose information that identifies our guests personally or makes it possible for other parties to contact them directly without our guests' consent. We may use, sell, disclose, or otherwise dispose of Personal Information we collect in the following circumstances: ","Introductory/Generic" 15 | "8","Use of Your Personal and Non-Personal Information. Except as disclosed in this policy, we do not sell or disclose information that identifies our guests personally or makes it possible for other parties to contact them directly without our guests' consent. We may use, sell, disclose, or otherwise dispose of Personal Information we collect in the following circumstances: ","First Party Collection/Use" 16 | "9","Legal Requirements. We may disclose personal information to conform with the law, respond to claims, enforce our policies, protect and defend our copyrights, trademarks, employees, and/or the unlawful use of our website. ","Third Party Sharing/Collection" 17 | "10","Other Emergencies. We may disclose personal information if we believe that an emergency involving danger of death or serious injury to any person requires disclosure of communications or justifies immediate disclosure of records. ","Third Party Sharing/Collection" 18 | "11","Company Sale. Information collected through our website is considered proprietary information and a trade secret of the Coffee Review and the Coffee Review Marketplace. As the owner of this information, we may disclose or sell such information as an asset of the company in conjunction with the sale of the company or a substantial portion of our assets to a third party. ","Third Party Sharing/Collection" 19 | "11","Company Sale. Information collected through our website is considered proprietary information and a trade secret of the Coffee Review and the Coffee Review Marketplace. As the owner of this information, we may disclose or sell such information as an asset of the company in conjunction with the sale of the company or a substantial portion of our assets to a third party. ","First Party Collection/Use" 20 | "12","Aggregate Information. We collect Aggregate Information about you and your use of our Site whenever you visit us online. For instance, we may collect various forms of ""click stream"" information such as entry and exit points for our Site (i.e., referring URLs or domains), site traffic statistics, page views, impressions, and operating system and browser type. In addition, when users request pages on our Site, our servers automatically log their IP addresses. An IP address is a number that is automatically assigned to your computer whenever you are surfing the Web. ","First Party Collection/Use" 21 | "13","We may use third-party software that tracks traffic directed to CoffeeReview.com from affiliate Web sites and the purchases that result from this traffic. This information is aggregated and is not tied to an individual purchase. ","Third Party Sharing/Collection" 22 | "13","We may use third-party software that tracks traffic directed to CoffeeReview.com from affiliate Web sites and the purchases that result from this traffic. This information is aggregated and is not tied to an individual purchase. ","First Party Collection/Use" 23 | "14","This aggregate Information generally will not personally identify you or be correlated to you individually for external purposes. We may collect, compile, store, publish, promote, report, sell, or otherwise disclose or use any and all aggregate Information, provided that, such information does not personally identify you. When we share such information with other companies, it is not traceable to any particular user, and will not be used to contact you. If we do correlate any aggregate Information to you, such information will be treated like any other personal Information under this policy. ","First Party Collection/Use" 24 | "14","This aggregate Information generally will not personally identify you or be correlated to you individually for external purposes. We may collect, compile, store, publish, promote, report, sell, or otherwise disclose or use any and all aggregate Information, provided that, such information does not personally identify you. When we share such information with other companies, it is not traceable to any particular user, and will not be used to contact you. If we do correlate any aggregate Information to you, such information will be treated like any other personal Information under this policy. ","Third Party Sharing/Collection" 25 | "15","Children. CoffeeReview.com is a general audience site that is not designed nor intended to collect personal information from children under the age of 13. To respect the privacy of children and to comply with the Children's Online Privacy Protection Act, children under the age of 13 should not provide any personal information on this website. We ask that parents supervise their children while online.","International and Specific Audiences" 26 | -------------------------------------------------------------------------------- /raw_data/584_communitycoffee.com.csv: -------------------------------------------------------------------------------- 1 | "0","PRIVACY STATEMENT OUR COMMITMENT TO PROTECTING YOUR PRIVACY Community Coffee Company respects your right to privacy and is committed to protecting it. In our site, we give you opportunities to provide your name, address, email and other relevant information that we use to give you a more personalized shopping experience and to make ordering and reordering easier for you. We do not sell or trade customer information with others for use on their mailing lists. ","First Party Collection/Use" 2 | "0","PRIVACY STATEMENT OUR COMMITMENT TO PROTECTING YOUR PRIVACY Community Coffee Company respects your right to privacy and is committed to protecting it. In our site, we give you opportunities to provide your name, address, email and other relevant information that we use to give you a more personalized shopping experience and to make ordering and reordering easier for you. We do not sell or trade customer information with others for use on their mailing lists. ","Third Party Sharing/Collection" 3 | "0","PRIVACY STATEMENT OUR COMMITMENT TO PROTECTING YOUR PRIVACY Community Coffee Company respects your right to privacy and is committed to protecting it. In our site, we give you opportunities to provide your name, address, email and other relevant information that we use to give you a more personalized shopping experience and to make ordering and reordering easier for you. We do not sell or trade customer information with others for use on their mailing lists. ","Data Security" 4 | "0","PRIVACY STATEMENT OUR COMMITMENT TO PROTECTING YOUR PRIVACY Community Coffee Company respects your right to privacy and is committed to protecting it. In our site, we give you opportunities to provide your name, address, email and other relevant information that we use to give you a more personalized shopping experience and to make ordering and reordering easier for you. We do not sell or trade customer information with others for use on their mailing lists. ","User Access, Edit and Deletion" 5 | "1","THE PROTECTION OF YOUR PERSONAL ACCOUNT INFORMATION When you place an order on our site, it is placed through a secure server. This server encrypts all information you input before it is sent. Once your personal information is received, we protect it against unauthorized use. ","Data Security" 6 | "2","THE USE OF COOKIES Cookies are alphanumeric identifiers which collect anonymous browsing data that enables us to recognize your browser and provide convenience features such as the storing of items in your Shopping Cart and the personalization of content based on your preferences. You can learn how to de-activate cookies using the Help feature of your browser, but we recommend that you leave them turned on in order to enjoy all the value-added features of this website.","Introductory/Generic" 7 | "2","THE USE OF COOKIES Cookies are alphanumeric identifiers which collect anonymous browsing data that enables us to recognize your browser and provide convenience features such as the storing of items in your Shopping Cart and the personalization of content based on your preferences. You can learn how to de-activate cookies using the Help feature of your browser, but we recommend that you leave them turned on in order to enjoy all the value-added features of this website.","User Choice/Control" 8 | "2","THE USE OF COOKIES Cookies are alphanumeric identifiers which collect anonymous browsing data that enables us to recognize your browser and provide convenience features such as the storing of items in your Shopping Cart and the personalization of content based on your preferences. You can learn how to de-activate cookies using the Help feature of your browser, but we recommend that you leave them turned on in order to enjoy all the value-added features of this website.","First Party Collection/Use" 9 | -------------------------------------------------------------------------------- /raw_data/59_liquor.com.csv: -------------------------------------------------------------------------------- 1 | "0","PRIVACY POLICY Liquor.com Holdings, Inc. (""Liquor.com"") takes very seriously the private nature of your personal information. It is the goal of Liquor.com to bring you information that is relevant and targeted to your individual needs and, at the same time, protect your privacy. This Privacy Policy describes how we treat the information we collect when you visit our Web site and/or register for our email publication. Please read this notice carefully. ","Introductory/Generic" 2 | "1","PERSONAL INFORMATION In order to distribute our email publication, we need your e-mail address. So that we may provide you with additional services as well as more interesting and relevant content, we may request additional information, including your name, zip code and telephone number. Liquor.com does not collect any other personal information that you do not expressly provide. LIQUOR.COM WILL NOT DISCLOSE YOUR PERSONAL INFORMATION TO ANY THIRD PARTY WITHOUT YOUR CONSENT, EXCEPT TO A THIRD PARTY AS REQUIRED TO HELP US DISTRIBUTE OUR EMAIL PUBLICATION. ","First Party Collection/Use" 3 | "2","NON-PERSONAL INFORMATION We may also request non-personally identifiable information, for example, annual income, buying preferences, and age. This information, also known as demographic and profile data, is optional. We may use this data to improve our site and/or personalize your experience at our site, in order to bring you more targeted and relevant content and to display such content according to your preferences. We may share this information with others, such as advertisers interested on advertising on the Liquor.com site but never on an individual level. This information will only be shared in an aggregate, anonymous form, which means that the information will not contain any personally identifiable information about you or any other person. However, we reserve the right to use aggregated, anonymous data about our users as a group for any business purpose, such as analyzing usage trends and seeking compatible advertisers and partners. ","First Party Collection/Use" 4 | "2","NON-PERSONAL INFORMATION We may also request non-personally identifiable information, for example, annual income, buying preferences, and age. This information, also known as demographic and profile data, is optional. We may use this data to improve our site and/or personalize your experience at our site, in order to bring you more targeted and relevant content and to display such content according to your preferences. We may share this information with others, such as advertisers interested on advertising on the Liquor.com site but never on an individual level. This information will only be shared in an aggregate, anonymous form, which means that the information will not contain any personally identifiable information about you or any other person. However, we reserve the right to use aggregated, anonymous data about our users as a group for any business purpose, such as analyzing usage trends and seeking compatible advertisers and partners. ","Third Party Sharing/Collection" 5 | "3","USAGE INFORMATION In addition to collecting personal and non-personal information, Liquor.com may also collect non-personal, aggregated information about subscribers' use of our emails and our site. This information is not personally identifiable and will only be used to find out how subscribers use our service and site. For example, this information will tell us how much time users spend on our site, from which other sites subscribers came, and to what other sites subscribers go. The collection of this information allows us to, among other things, prepare for traffic load demands and to efficiently distribute our email publication. ","First Party Collection/Use" 6 | "4","REVIEW AND ACCESS You will have the ability to access the information that we have collected about you. You will have an opportunity to correct, update or modify this information. ","User Access, Edit and Deletion" 7 | "5","CHOICE/OPT-OUT If we ever send you information by e-mail concerning new products or services that you did not expressly request, we will provide you with an e-mail address by which you may request no future notices. ","User Choice/Control" 8 | "6","THIRD PARTY ADVERTISING Some of the ads appearing on this Web site are delivered to you by our web advertising partners. Information about your visit to their site, such as number of times you have viewed an ad (but not your name, address or other personal information), is used to serve ads to you. ","Third Party Sharing/Collection" 9 | "7","TRACKING & THIRD PARTY COOKIES You may have read about ""cookies"" or bits of information that are placed by a Website in a storage place on your own computer. As with most other Web sites, the Liquor.com does use cookies but only to allow us to quickly check your status as a subscriber and facilitate access to your preferences. Some of our advertisers may serve you cookies as well. Unfortunately, we do not have control over cookies placed by advertisers. If you don't want cookies, your Web browser likely includes an option that allows you to not accept them. ","First Party Collection/Use" 10 | "7","TRACKING & THIRD PARTY COOKIES You may have read about ""cookies"" or bits of information that are placed by a Website in a storage place on your own computer. As with most other Web sites, the Liquor.com does use cookies but only to allow us to quickly check your status as a subscriber and facilitate access to your preferences. Some of our advertisers may serve you cookies as well. Unfortunately, we do not have control over cookies placed by advertisers. If you don't want cookies, your Web browser likely includes an option that allows you to not accept them. ","Third Party Sharing/Collection" 11 | "8","IP ADDRESS Your Internet Protocol (""IP"") address is usually associated with the place from which you enter the Internet, like your Internet Service Provider, your company or your university. We may, from time to time, use your IP address to help diagnose problems with our server, gather broad demographic information and administer our Website. ","First Party Collection/Use" 12 | "9","PARENTAL DISCRETION Liquor.com is not intended for use by children, especially those under age 13. No one under age 13 is allowed to use the site, provide any personal information or receive our email distributions. Minors between the ages of 13 and 17 must get the permission of their parent(s)or legal guardian(s) before viewing the website. No one under the age of 21 is allowed to receive our emails. ","International and Specific Audiences" 13 | "10","LINKS TO OTHER SITES As part of the service, Liquor.com may create links allowing you to access third party sites. Liquor.com is not responsible for the content that appears on those sites and does not endorse these sites. Please consult those sites' individual privacy policies in order to determine how they treat user information. ","Practice not covered" 14 | "11","SECURITY All information described above is stored on restricted database servers. ","Data Security" 15 | "12","MODIFICATION TO THIS POLICY Liquor.com reserves the right to change this policy from time to time, however, all changes will be posted to this Privacy Policy at the time such changes are made. The date of the most recent revisions will appear on this page so please check back. Please note that continued access of Liquor.com will constitute your acceptance of any changes or revisions to the Privacy Policy. Thank you for taking the time and interest to review our policies at Liquor.com. If you have concerns or questions about any aspect of the Liquor.com Privacy Policy, please contact us. We welcome your questions and feedback. Please send all emails to: info@liquor.com. Thank you, Liquor.com","Policy Change" 16 | "1","PERSONAL INFORMATION In order to distribute our email publication, we need your e-mail address. So that we may provide you with additional services as well as more interesting and relevant content, we may request additional information, including your name, zip code and telephone number. Liquor.com does not collect any other personal information that you do not expressly provide. LIQUOR.COM WILL NOT DISCLOSE YOUR PERSONAL INFORMATION TO ANY THIRD PARTY WITHOUT YOUR CONSENT, EXCEPT TO A THIRD PARTY AS REQUIRED TO HELP US DISTRIBUTE OUR EMAIL PUBLICATION. ","Third Party Sharing/Collection" 17 | "10","LINKS TO OTHER SITES As part of the service, Liquor.com may create links allowing you to access third party sites. Liquor.com is not responsible for the content that appears on those sites and does not endorse these sites. Please consult those sites' individual privacy policies in order to determine how they treat user information. ","Third Party Sharing/Collection" 18 | "12","MODIFICATION TO THIS POLICY Liquor.com reserves the right to change this policy from time to time, however, all changes will be posted to this Privacy Policy at the time such changes are made. The date of the most recent revisions will appear on this page so please check back. Please note that continued access of Liquor.com will constitute your acceptance of any changes or revisions to the Privacy Policy. Thank you for taking the time and interest to review our policies at Liquor.com. If you have concerns or questions about any aspect of the Liquor.com Privacy Policy, please contact us. We welcome your questions and feedback. Please send all emails to: info@liquor.com. Thank you, Liquor.com","Privacy contact information" 19 | "7","TRACKING & THIRD PARTY COOKIES You may have read about ""cookies"" or bits of information that are placed by a Website in a storage place on your own computer. As with most other Web sites, the Liquor.com does use cookies but only to allow us to quickly check your status as a subscriber and facilitate access to your preferences. Some of our advertisers may serve you cookies as well. Unfortunately, we do not have control over cookies placed by advertisers. If you don't want cookies, your Web browser likely includes an option that allows you to not accept them. ","Practice not covered" 20 | "10","LINKS TO OTHER SITES As part of the service, Liquor.com may create links allowing you to access third party sites. Liquor.com is not responsible for the content that appears on those sites and does not endorse these sites. Please consult those sites' individual privacy policies in order to determine how they treat user information. ","Other" 21 | -------------------------------------------------------------------------------- /raw_data/641_cbsinteractive.com.csv: -------------------------------------------------------------------------------- 1 | "0","CBS Interactive Privacy Policy Highlights Trust is a cornerstone of our mission at CBS Interactive. We are committed to gaining and maintaining your trust by following a core set of Privacy Principles. ","Introductory/Generic" 2 | "0","CBS Interactive Privacy Policy Highlights Trust is a cornerstone of our mission at CBS Interactive. We are committed to gaining and maintaining your trust by following a core set of Privacy Principles. ","Other" 3 | "1","Note: The CBS Interactive Privacy Policy has been updated. Please review the updated privacy policy carefully before using the CBS Interactive Services. By using any of the CBS Interactive Services, you consent to the terms of the updated privacy policy. Click here for more information about the updates. ","Introductory/Generic" 4 | "1","Note: The CBS Interactive Privacy Policy has been updated. Please review the updated privacy policy carefully before using the CBS Interactive Services. By using any of the CBS Interactive Services, you consent to the terms of the updated privacy policy. Click here for more information about the updates. ","Policy Change" 5 | "2","Scope of Privacy Policy CBS Interactive owns, operates, or provides access to, several interactive web sites and other interactive features that provide an authorized link to the CBS Interactive Privacy Policy (collectively ""CBS Interactive Services""). This Privacy Policy, last modified on May 28, 2015, is guided by a core set of Privacy Principles and applies only to the CBS Interactive Services. ","Introductory/Generic" 6 | "3","Information Collected We collect a variety of information about you, including: Information you provide directly to a CBS Interactive Services. Information about your computer and browsing activities on the Services, including through cookies, web beacons, and other similar technologies. Information about you from other sources where permitted by law. ","First Party Collection/Use" 7 | "4","Use of Information We use the information we collect to: Provide the services you request. Tell you about offers we think you will value. Customize the content and advertising you see. Improve your experience on CBS Interactive Services. As otherwise described to you at the point of collection or with your consent. ","First Party Collection/Use" 8 | "5","Disclosure of Information We may share your information: Where we have obtained your consent, including with video content and social networking services as described in our Video Services Policy. With our third party service providers. With business partners who sponsor a sweepstakes, contest, or promotion; or who jointly offer a service or feature with a CBS Interactive Service. Within the family of CBS Interactive Services and other CBS businesses. If a CBS Interactive Services is sold to another company. To protect or defend the rights of CBS Interactive or our users. When required by law or public authorities. ","Third Party Sharing/Collection" 9 | "6","Your Choices If you choose to share contact information with us, you will have the opportunity to update that information. You can stop the delivery of commercial email messages from a CBS Interactive Services or service by following the instructions in any such email you receive. You have choices about the collection and use of your information by third parties to display relevant advertisements, as described in our overview of Third Party Online Advertising You also may choose to opt out of our use of data that we collect about your visits to our business partners' sites to customize advertising that we serve. To opt out, visit the CBS Interactive Business Partner Advertising Opt-Out page. ","User Access, Edit and Deletion" 10 | "6","Your Choices If you choose to share contact information with us, you will have the opportunity to update that information. You can stop the delivery of commercial email messages from a CBS Interactive Services or service by following the instructions in any such email you receive. You have choices about the collection and use of your information by third parties to display relevant advertisements, as described in our overview of Third Party Online Advertising You also may choose to opt out of our use of data that we collect about your visits to our business partners' sites to customize advertising that we serve. To opt out, visit the CBS Interactive Business Partner Advertising Opt-Out page. ","User Choice/Control" 11 | "6","Your Choices If you choose to share contact information with us, you will have the opportunity to update that information. You can stop the delivery of commercial email messages from a CBS Interactive Services or service by following the instructions in any such email you receive. You have choices about the collection and use of your information by third parties to display relevant advertisements, as described in our overview of Third Party Online Advertising You also may choose to opt out of our use of data that we collect about your visits to our business partners' sites to customize advertising that we serve. To opt out, visit the CBS Interactive Business Partner Advertising Opt-Out page. ","Third Party Sharing/Collection" 12 | "6","Your Choices If you choose to share contact information with us, you will have the opportunity to update that information. You can stop the delivery of commercial email messages from a CBS Interactive Services or service by following the instructions in any such email you receive. You have choices about the collection and use of your information by third parties to display relevant advertisements, as described in our overview of Third Party Online Advertising You also may choose to opt out of our use of data that we collect about your visits to our business partners' sites to customize advertising that we serve. To opt out, visit the CBS Interactive Business Partner Advertising Opt-Out page. ","First Party Collection/Use" 13 | "7","Other Information CBS Interactive is committed to working with you to obtain a fair resolution of any privacy concern. We have adopted commercially reasonable procedures to help protect your information, but please note that no data transmission or storage can be guaranteed to be 100 secure. For more information about our privacy practices, please review the full CBS Interactive Privacy Policy. ","Data Security" 14 | "7","Other Information CBS Interactive is committed to working with you to obtain a fair resolution of any privacy concern. We have adopted commercially reasonable procedures to help protect your information, but please note that no data transmission or storage can be guaranteed to be 100 secure. For more information about our privacy practices, please review the full CBS Interactive Privacy Policy. ","Introductory/Generic" 15 | "7","Other Information CBS Interactive is committed to working with you to obtain a fair resolution of any privacy concern. We have adopted commercially reasonable procedures to help protect your information, but please note that no data transmission or storage can be guaranteed to be 100 secure. For more information about our privacy practices, please review the full CBS Interactive Privacy Policy. ","Other" 16 | "8","How to Contact Us If you have questions regarding the CBS Interactive Privacy Policy, please contact us and we will endeavor to respond to your request within a reasonable period of time. You may also submit questions or comments using the postal address listed below: CBS Interactive Inc. 235 Second Street San Francisco, CA 94105 Attn: Legal Department ","Privacy contact information" 17 | "9","For international users, please select this link to find the address of your closest CBS Interactive office. We are committed to working with you to obtain a fair resolution of any privacy concern. ","International and Specific Audiences" 18 | "10","Residents of the State of California may request a list of all third parties to which a CBS Interactive Services has disclosed certain information during the preceding year for the third parties' direct marketing purposes. If you are a California resident and want such a list, please contact us. For all requests, you must put the statement ""Your California Privacy Rights"" in the subject field of your request and include the name of the CBS Interactive Services with respect to which you are requesting the information, as well as your name, street address, city, state, and zip code. Please note that we will not accept these requests via the telephone, mail, or by facsimile, and we are not responsible for notices that are not labeled or sent properly, or that do not have complete information.","International and Specific Audiences" 19 | -------------------------------------------------------------------------------- /raw_data/676_restaurantnews.com.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy ","Introductory/Generic" 2 | "1","Your Privacy Your privacy is important to us. To better protect your privacy we provide this notice explaining our online information practices and the choices you can make about the way your information is collected and used. To make this notice easy to find, we make it available on our homepage and at every point where personally identifiable information may be requested. ","Introductory/Generic" 3 | "2","Google Adsense and the DoubleClick DART Cookie Google, as a third party advertisement vendor, uses cookies to serve ads on this site. The use of DART cookies by Google enables them to serve adverts to visitors that are based on their visits to this website as well as other sites on the internet. ","Third Party Sharing/Collection" 4 | "3","To opt out of the DART cookies you may visit the Google ad and content network privacy policy at the following url http://www.google.com/privacy_ads.html Tracking of users through the DART cookie mechanisms are subject to Google's own privacy policies. ","User Choice/Control" 5 | "4","Other Third Party ad servers or ad networks may also use cookies to track users activities on this website to measure advertisement effectiveness and other reasons that will be provided in their own privacy policies, RestaurantNews.com has no access or control over these cookies that may be used by third party advertisers. ","Third Party Sharing/Collection" 6 | "5","Collection of Personal Information When visiting RestaurantNews.com, the IP address used to access the site will be logged along with the dates and times of access. This information is purely used to analyze trends, administer the site, track users movement and gather broad demographic information for internal use. Most importantly, any recorded IP addresses are not linked to personally identifiable information. ","First Party Collection/Use" 7 | "6","Links to third party Websites We have included links on this site for your use and reference. We are not responsible for the privacy policies on these websites. You should be aware that the privacy policies of these sites may differ from our own. ","Introductory/Generic" 8 | "7","Changes to this Privacy Statement The contents of this statement may be altered at any time, at our discretion. ","Policy Change" 9 | "8","If you have any questions regarding the privacy policy of RestaurantNews.com then you may contact us at troy@restaurantnews.com ","Privacy contact information" 10 | "9","Last updated Sat, 31 Jul 2010 06:31","Practice not covered" 11 | "9","Last updated Sat, 31 Jul 2010 06:31","Introductory/Generic" 12 | "3","To opt out of the DART cookies you may visit the Google ad and content network privacy policy at the following url http://www.google.com/privacy_ads.html Tracking of users through the DART cookie mechanisms are subject to Google's own privacy policies. ","Practice not covered" 13 | "4","Other Third Party ad servers or ad networks may also use cookies to track users activities on this website to measure advertisement effectiveness and other reasons that will be provided in their own privacy policies, RestaurantNews.com has no access or control over these cookies that may be used by third party advertisers. ","Practice not covered" 14 | "6","Links to third party Websites We have included links on this site for your use and reference. We are not responsible for the privacy policies on these websites. You should be aware that the privacy policies of these sites may differ from our own. ","Practice not covered" 15 | "9","Last updated Sat, 31 Jul 2010 06:31","Other" 16 | -------------------------------------------------------------------------------- /raw_data/701_tangeroutlet.com.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy Policy ","Introductory/Generic" 2 | "1","TangerOutlets is committed to keeping your personal information confidential. Any and all personal identifiable information collected from our customers is used by Tanger Outlets only, and is not sold, shared or distributed to any third party. ","Data Security" 3 | "1","TangerOutlets is committed to keeping your personal information confidential. Any and all personal identifiable information collected from our customers is used by Tanger Outlets only, and is not sold, shared or distributed to any third party. ","First Party Collection/Use" 4 | "1","TangerOutlets is committed to keeping your personal information confidential. Any and all personal identifiable information collected from our customers is used by Tanger Outlets only, and is not sold, shared or distributed to any third party. ","Third Party Sharing/Collection" 5 | "2","If at any time you want your email information removed from our database, simply utilize the unsubscribe link provided in your email. Any other data updates or removal requests can be sent to TangerOutlets, Attn: Marketing Department, PO Box 10889, Greensboro, NC 27408.","User Choice/Control" 6 | "1","TangerOutlets is committed to keeping your personal information confidential. Any and all personal identifiable information collected from our customers is used by Tanger Outlets only, and is not sold, shared or distributed to any third party. ","Introductory/Generic" 7 | "2","If at any time you want your email information removed from our database, simply utilize the unsubscribe link provided in your email. Any other data updates or removal requests can be sent to TangerOutlets, Attn: Marketing Department, PO Box 10889, Greensboro, NC 27408.","Privacy contact information" 8 | -------------------------------------------------------------------------------- /raw_data/723_dogbreedinfo.com.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy Policy ","Introductory/Generic" 2 | "1","Dog Breed Info Center does not collect or use your personal information, except in limited circumstances. When submitting photos, listing in our classifieds, or taking our survey, Dog Breed Info Center may collect your name, email address, home address and/or phone number. However, Dog Breed Info Center will not sell this information or your photos to a third party or place you on a mailing list without your express permission. Dog Breed Info Center does not collect cookies from its users. This is strictly an information site used for research and your enjoyment. ","First Party Collection/Use" 3 | "1","Dog Breed Info Center does not collect or use your personal information, except in limited circumstances. When submitting photos, listing in our classifieds, or taking our survey, Dog Breed Info Center may collect your name, email address, home address and/or phone number. However, Dog Breed Info Center will not sell this information or your photos to a third party or place you on a mailing list without your express permission. Dog Breed Info Center does not collect cookies from its users. This is strictly an information site used for research and your enjoyment. ","Third Party Sharing/Collection" 4 | "2","Dog Breed Info Center uses Google AdSense, which allows third-party vendors to serve ads on our website. You can find a list of allowed third-party ads by going to https://www.google.com/adsense/support/bin/answer.py?answer=94149topic=14535. ","Third Party Sharing/Collection" 5 | "2","Dog Breed Info Center uses Google AdSense, which allows third-party vendors to serve ads on our website. You can find a list of allowed third-party ads by going to https://www.google.com/adsense/support/bin/answer.py?answer=94149topic=14535. ","Other" 6 | "3","The third-party advertising companies that Google uses to serve ads when you visit our website may use information that will help them serve ads that will interest you. However, Google AdSense will not collect your name, address, email address or telephone number. It looks at visits to this and other websites in order to provide advertisements about goods and services of interest to you. If you would like more information about this practice and to know your choices about not having this information used by Google AdSense, click here.","Third Party Sharing/Collection" 7 | "3","The third-party advertising companies that Google uses to serve ads when you visit our website may use information that will help them serve ads that will interest you. However, Google AdSense will not collect your name, address, email address or telephone number. It looks at visits to this and other websites in order to provide advertisements about goods and services of interest to you. If you would like more information about this practice and to know your choices about not having this information used by Google AdSense, click here.","Other" 8 | "1","Dog Breed Info Center does not collect or use your personal information, except in limited circumstances. When submitting photos, listing in our classifieds, or taking our survey, Dog Breed Info Center may collect your name, email address, home address and/or phone number. However, Dog Breed Info Center will not sell this information or your photos to a third party or place you on a mailing list without your express permission. Dog Breed Info Center does not collect cookies from its users. This is strictly an information site used for research and your enjoyment. ","Introductory/Generic" 9 | -------------------------------------------------------------------------------- /raw_data/745_eatchicken.com.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy Policy ","Other" 2 | "1","For each visitor to our Web site, or Web server automatically recognizes only the consumer's domain name, operating system, and web browser version but not the e-mail address. Cookies are generated and placed on your computer when you visit a Web site. They make your return visits to a Web site more convenient. We do not use cookies to collect personal information, and we do not use cookies to retrieve information from your computer for purposes that are unrelated to the Web site or your interaction with the Web site. ","First Party Collection/Use" 3 | "2"," Disclaimer The information provided is ""as is"" with all faults and without warranty of any kind, expressed or implied. National Chicken Council (NCC) makes no warranties or representations regarding the accuracy or completeness of the information contained herein. ","Other" 4 | "3","NCC has provided links to other Internet sites only for the convenience of World-Wide Web users, and is not responsible for the materials, activities or content of other sites. NCC does not endorse, warrant or guarantee any products or services described or offered at these companies, addresses, or Web sites.","Other" 5 | "0","Privacy Policy ","Introductory/Generic" 6 | "2"," Disclaimer The information provided is ""as is"" with all faults and without warranty of any kind, expressed or implied. National Chicken Council (NCC) makes no warranties or representations regarding the accuracy or completeness of the information contained herein. ","Introductory/Generic" 7 | -------------------------------------------------------------------------------- /raw_data/777_education.jlab.org.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy and Security Notice Security Notice This is a Federal computer system and is the property of the United States Government. It is for authorized use only. Users (authorized or unauthorized) have no explicit or implicit expectation of privacy. Any or all uses of this system, associated connected systems and all files may be intercepted, monitored, recorded, copied, audited, inspected, and disclosed to authorized site, Department of Energy, and law enforcement personnel, as well as authorized officials of other agencies, both domestic and foreign. By using this system, the user consents to such interception, monitoring, recording, copying, auditing, inspection, and disclosure at the discretion of authorized site or Department of Energy personnel. Unauthorized or improper use of this system may result in administrative disciplinary action and civil and criminal penalties. By continuing to use this system you indicate your awareness of and consent to these terms and conditions of use. LOG OFF IMMEDIATELY if you do not agree to the conditions stated in this warning. ","First Party Collection/Use" 2 | "0","Privacy and Security Notice Security Notice This is a Federal computer system and is the property of the United States Government. It is for authorized use only. Users (authorized or unauthorized) have no explicit or implicit expectation of privacy. Any or all uses of this system, associated connected systems and all files may be intercepted, monitored, recorded, copied, audited, inspected, and disclosed to authorized site, Department of Energy, and law enforcement personnel, as well as authorized officials of other agencies, both domestic and foreign. By using this system, the user consents to such interception, monitoring, recording, copying, auditing, inspection, and disclosure at the discretion of authorized site or Department of Energy personnel. Unauthorized or improper use of this system may result in administrative disciplinary action and civil and criminal penalties. By continuing to use this system you indicate your awareness of and consent to these terms and conditions of use. LOG OFF IMMEDIATELY if you do not agree to the conditions stated in this warning. ","Third Party Sharing/Collection" 3 | "1"," Disclaimers Information in this system was prepared as an account of work sponsored by an agency of the United States Government. Neither the United States Government nor any agency thereof, nor any of their employees, nor any of their contractors, subcontractors, or their employees, makes any warranty, express or implied, or assumes any legal liability or responsibility for the accuracy, completeness, or usefulness of any information, apparatus, product, or process disclosed, or represents that its use would not infringe privately owned rights. Reference herein to any specific commercial product, process, or service by trade name, trademark, manufacturer, or otherwise, does not necessarily constitute or imply its endorsement, recommendation, or favoring by the United States Government or any agency, contractor, or subcontractor thereof. The views and opinions of authors expressed herein do not necessarily state or reflect those of the United States Government or any agency, contractor or subcontractor thereof. ","Practice not covered" 4 | "2"," Privacy Notice You do not have to provide personal information to visit our site. Personally identifiable information is collected only if it is specifically and knowingly provided by you. If such information is collected, it will be used solely in connection with Jefferson Lab or for such other purposes as are described at the point of collection. We do not give, sell, or transfer any personal information to a third party. We also do not use persistent cookies. Certain information about usage is gathered automatically. This information does not identify you personally. We automatically collect and store information including the following: IP address, the date and time you accessed our site, the type of browser, and the address from which you linked directly to our site. This information is not shared with anyone beyond the support staff for this site, except when required by law or contract, and is used only as a source of anonymous statistical information.","First Party Collection/Use" 5 | "2"," Privacy Notice You do not have to provide personal information to visit our site. Personally identifiable information is collected only if it is specifically and knowingly provided by you. If such information is collected, it will be used solely in connection with Jefferson Lab or for such other purposes as are described at the point of collection. We do not give, sell, or transfer any personal information to a third party. We also do not use persistent cookies. Certain information about usage is gathered automatically. This information does not identify you personally. We automatically collect and store information including the following: IP address, the date and time you accessed our site, the type of browser, and the address from which you linked directly to our site. This information is not shared with anyone beyond the support staff for this site, except when required by law or contract, and is used only as a source of anonymous statistical information.","Third Party Sharing/Collection" 6 | "1"," Disclaimers Information in this system was prepared as an account of work sponsored by an agency of the United States Government. Neither the United States Government nor any agency thereof, nor any of their employees, nor any of their contractors, subcontractors, or their employees, makes any warranty, express or implied, or assumes any legal liability or responsibility for the accuracy, completeness, or usefulness of any information, apparatus, product, or process disclosed, or represents that its use would not infringe privately owned rights. Reference herein to any specific commercial product, process, or service by trade name, trademark, manufacturer, or otherwise, does not necessarily constitute or imply its endorsement, recommendation, or favoring by the United States Government or any agency, contractor, or subcontractor thereof. The views and opinions of authors expressed herein do not necessarily state or reflect those of the United States Government or any agency, contractor or subcontractor thereof. ","Other" 7 | "0","Privacy and Security Notice Security Notice This is a Federal computer system and is the property of the United States Government. It is for authorized use only. Users (authorized or unauthorized) have no explicit or implicit expectation of privacy. Any or all uses of this system, associated connected systems and all files may be intercepted, monitored, recorded, copied, audited, inspected, and disclosed to authorized site, Department of Energy, and law enforcement personnel, as well as authorized officials of other agencies, both domestic and foreign. By using this system, the user consents to such interception, monitoring, recording, copying, auditing, inspection, and disclosure at the discretion of authorized site or Department of Energy personnel. Unauthorized or improper use of this system may result in administrative disciplinary action and civil and criminal penalties. By continuing to use this system you indicate your awareness of and consent to these terms and conditions of use. LOG OFF IMMEDIATELY if you do not agree to the conditions stated in this warning. ","Practice not covered" 8 | "0","Privacy and Security Notice Security Notice This is a Federal computer system and is the property of the United States Government. It is for authorized use only. Users (authorized or unauthorized) have no explicit or implicit expectation of privacy. Any or all uses of this system, associated connected systems and all files may be intercepted, monitored, recorded, copied, audited, inspected, and disclosed to authorized site, Department of Energy, and law enforcement personnel, as well as authorized officials of other agencies, both domestic and foreign. By using this system, the user consents to such interception, monitoring, recording, copying, auditing, inspection, and disclosure at the discretion of authorized site or Department of Energy personnel. Unauthorized or improper use of this system may result in administrative disciplinary action and civil and criminal penalties. By continuing to use this system you indicate your awareness of and consent to these terms and conditions of use. LOG OFF IMMEDIATELY if you do not agree to the conditions stated in this warning. ","User Choice/Control" 9 | "1"," Disclaimers Information in this system was prepared as an account of work sponsored by an agency of the United States Government. Neither the United States Government nor any agency thereof, nor any of their employees, nor any of their contractors, subcontractors, or their employees, makes any warranty, express or implied, or assumes any legal liability or responsibility for the accuracy, completeness, or usefulness of any information, apparatus, product, or process disclosed, or represents that its use would not infringe privately owned rights. Reference herein to any specific commercial product, process, or service by trade name, trademark, manufacturer, or otherwise, does not necessarily constitute or imply its endorsement, recommendation, or favoring by the United States Government or any agency, contractor, or subcontractor thereof. The views and opinions of authors expressed herein do not necessarily state or reflect those of the United States Government or any agency, contractor or subcontractor thereof. ","Introductory/Generic" 10 | -------------------------------------------------------------------------------- /raw_data/817_ironhorsevineyards.com.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy Policy We respect your right to privacy and will protect it. Any information you provide is strictly confidential and solely for our company use. No information will be sold to any other companies or organizations. ","Introductory/Generic" 2 | "1"," I. What kind of information do we collect from you when you visit our site? We may contract with third party marketing companies to serve advertisements on our behalf across the Internet. They may collect non-personal information about your visits to our website, and your interaction with our products and services. They may also use non-personal information about your visits to this and other websites to target advertisements for goods and services. These targeted advertisements may appear on other websites that you visit. The anonymous information is collected through the use of technology such as Cookies and Web Beacons, which are industry standard. No Personally Identifiable Information (""PII"") is collected in this process. ","Third Party Sharing/Collection" 3 | "2","We also collect personal information about you when you check out of our store such as your name, address, postal code, phone number, etc. We need this information to process payment and ship merchandise to you. ","First Party Collection/Use" 4 | "3","II. Sharing of information. We may share your PII and non-personal information, including your name, address, email address and any transactions you conduct on our website or offline with us with a third party advertising partner and its service providers in order to deliver tailored advertising to you that match your interests when you visit our website as well as other websites. Our advertising partner will make the data that we provide anonymous so that no one else will receive your PII. ","Third Party Sharing/Collection" 5 | "4"," III. Newsletter Opt-Out. If at any time you prefer not to be included in our mailings, please notify us by email or call us at the winery and we will honor your request immediately. Our phone number is 707 887 1507. ","User Choice/Control" 6 | "4"," III. Newsletter Opt-Out. If at any time you prefer not to be included in our mailings, please notify us by email or call us at the winery and we will honor your request immediately. Our phone number is 707 887 1507. ","Privacy contact information" 7 | "5"," IV. Consumer inquiries and privacy. You may opt-out of the use of your information for tailored advertising purposes. To learn more about the use of this information or to choose not to have this information used by our third-party advertising partner by opting out, please visit the Network Advertising Initiative by clicking here*. If you delete your Cookies, use a different browser, or buy a new computer, you will need to renew your opt-out choice. ","User Choice/Control" 8 | "6"," V. Protecting your information. All the payment information we collect is done so under SSL - a standard internet security measure. Any data that we store about you is kept behind a secure firewall in our database and is not accessible to the public in any way.","Data Security" 9 | "0","Privacy Policy We respect your right to privacy and will protect it. Any information you provide is strictly confidential and solely for our company use. No information will be sold to any other companies or organizations. ","Data Security" 10 | "1"," I. What kind of information do we collect from you when you visit our site? We may contract with third party marketing companies to serve advertisements on our behalf across the Internet. They may collect non-personal information about your visits to our website, and your interaction with our products and services. They may also use non-personal information about your visits to this and other websites to target advertisements for goods and services. These targeted advertisements may appear on other websites that you visit. The anonymous information is collected through the use of technology such as Cookies and Web Beacons, which are industry standard. No Personally Identifiable Information (""PII"") is collected in this process. ","Practice not covered" 11 | "3","II. Sharing of information. We may share your PII and non-personal information, including your name, address, email address and any transactions you conduct on our website or offline with us with a third party advertising partner and its service providers in order to deliver tailored advertising to you that match your interests when you visit our website as well as other websites. Our advertising partner will make the data that we provide anonymous so that no one else will receive your PII. ","Practice not covered" 12 | "5"," IV. Consumer inquiries and privacy. You may opt-out of the use of your information for tailored advertising purposes. To learn more about the use of this information or to choose not to have this information used by our third-party advertising partner by opting out, please visit the Network Advertising Initiative by clicking here*. If you delete your Cookies, use a different browser, or buy a new computer, you will need to renew your opt-out choice. ","Practice not covered" 13 | -------------------------------------------------------------------------------- /raw_data/884_naturalnews.com.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy Policy NaturalNews.com never rents or sells emails to third parties. We honor the privacy of our members and users, and unlike some other social networking sites, we DO NOT share user details with advertisers. ","Third Party Sharing/Collection" 2 | "0","Privacy Policy NaturalNews.com never rents or sells emails to third parties. We honor the privacy of our members and users, and unlike some other social networking sites, we DO NOT share user details with advertisers. ","First Party Collection/Use" 3 | "1","NaturalNews.com honors all email unsubscribe requests and makes every attempt to honor the privacy of its members, viewers and sponsors. ","User Choice/Control" 4 | "1","NaturalNews.com honors all email unsubscribe requests and makes every attempt to honor the privacy of its members, viewers and sponsors. ","Introductory/Generic" 5 | "2","Postmaster Webseed 6336 N. Oracle Rd. 325-315 Tucson, AZ 85704 reply@naturalnews.com ","Privacy contact information" 6 | "3","To opt-out of NaturalNews emails, simply click the ""unsubscribe"" link found at the bottom of any email from NaturalNews. ","User Choice/Control" 7 | "4","If you experience any difficulty unsubscribing, simply forward this entire email to reply@naturalnews.com and you will be automatically unsubscribed.","User Choice/Control" 8 | "4","If you experience any difficulty unsubscribing, simply forward this entire email to reply@naturalnews.com and you will be automatically unsubscribed.","Privacy contact information" 9 | -------------------------------------------------------------------------------- /raw_data/898_uptodate.com.csv: -------------------------------------------------------------------------------- 1 | "0","UpToDate online privacy policy UpToDate, Inc. is very sensitive to the privacy needs of its website visitors and subscribers and is wholly committed to maintaining privacy at the highest level. UpToDate does not sell or otherwise share subscribers' or website visitors' personal information with anyone. ","Third Party Sharing/Collection" 2 | "0","UpToDate online privacy policy UpToDate, Inc. is very sensitive to the privacy needs of its website visitors and subscribers and is wholly committed to maintaining privacy at the highest level. UpToDate does not sell or otherwise share subscribers' or website visitors' personal information with anyone. ","Introductory/Generic" 3 | "0","UpToDate online privacy policy UpToDate, Inc. is very sensitive to the privacy needs of its website visitors and subscribers and is wholly committed to maintaining privacy at the highest level. UpToDate does not sell or otherwise share subscribers' or website visitors' personal information with anyone. ","First Party Collection/Use" 4 | "1","To better understand UpToDate's online privacy policies, please read the following Privacy Policy. ","Introductory/Generic" 5 | "2","Subscriber Information UpToDate never automatically collects any information that specifically identifies you such as your name, address, or e-mail address. This information is collected only when you voluntarily provide it as part of the subscription process (""Subscriber Information""). We will ask you whenever we need Subscriber Information that identifies you or allows us to contact you. ","First Party Collection/Use" 6 | "3","Consent and Security It is your choice whether or not you provide your Subscriber Information to UpToDate, but Subscriber Information is required for UpToDate to provide you with services (for example, access to UpToDate under a subscription agreement). ","User Choice/Control" 7 | "3","Consent and Security It is your choice whether or not you provide your Subscriber Information to UpToDate, but Subscriber Information is required for UpToDate to provide you with services (for example, access to UpToDate under a subscription agreement). ","First Party Collection/Use" 8 | "4","Use of Subscriber Information Your Subscriber Information may be used internally within UpToDate. For example, UpToDate may use your Subscriber Information internally to provide subscription services to you and process your transactions, to contact you for customer service and billing purposes, to communicate to you about your subscription or changes to our service, to understand who uses the Website and to improve the Website. In addition, UpToDate reserves the right to disclose your Subscriber Information under limited circumstances in the event UpToDate believes that the Website is being used to commit unlawful acts, and/or if disclosure of your Subscriber Information is required to comply with applicable laws or regulations, or with a court or administrative order. ","First Party Collection/Use" 9 | "4","Use of Subscriber Information Your Subscriber Information may be used internally within UpToDate. For example, UpToDate may use your Subscriber Information internally to provide subscription services to you and process your transactions, to contact you for customer service and billing purposes, to communicate to you about your subscription or changes to our service, to understand who uses the Website and to improve the Website. In addition, UpToDate reserves the right to disclose your Subscriber Information under limited circumstances in the event UpToDate believes that the Website is being used to commit unlawful acts, and/or if disclosure of your Subscriber Information is required to comply with applicable laws or regulations, or with a court or administrative order. ","Third Party Sharing/Collection" 10 | "5","Usage Information Non-personally identifying information (""Usage Information"") comprises information that does not identify any particular user. Examples include: information about which of UpToDate's pages are visited on an aggregate level, browser type, operating system type, or IP address. ","Introductory/Generic" 11 | "5","Usage Information Non-personally identifying information (""Usage Information"") comprises information that does not identify any particular user. Examples include: information about which of UpToDate's pages are visited on an aggregate level, browser type, operating system type, or IP address. ","First Party Collection/Use" 12 | "6","Use of Usage Information Your Usage Information may be disclosed internally within UpToDate and to third parties. For example, UpToDate may disclose Usage Information in order to better understand which parts of the Website users are visiting, to improve the content of the Website, and for marketing, advertising, or research purposes. (Institutional licensees should refer to their subscription and license agreement). ","Third Party Sharing/Collection" 13 | "6","Use of Usage Information Your Usage Information may be disclosed internally within UpToDate and to third parties. For example, UpToDate may disclose Usage Information in order to better understand which parts of the Website users are visiting, to improve the content of the Website, and for marketing, advertising, or research purposes. (Institutional licensees should refer to their subscription and license agreement). ","First Party Collection/Use" 14 | "7","Cookies The UpToDate Website may place a text file called a ""cookie"" in the browser files of your computer. Cookies can be used to provide you with tailored information from the Website. The cookie itself does not contain Subscriber Information. You can set your browser to notify you when you receive a cookie, giving you the chance to decide whether or not to accept it. ","First Party Collection/Use" 15 | "8","Effective Date This Privacy Policy is effective as of October 27, 2007 and will remain in effect unless changed. UpToDate may modify this Privacy Policy at any time, and such modifications shall be effective immediately upon posting of the modified Privacy Policy on the Website. ","Policy Change" 16 | "9","Contacting the Website If you have any questions about this Privacy Policy, the practices of this Website, or your dealings with this Website, please contact info@uptodate.com.","Privacy contact information" 17 | -------------------------------------------------------------------------------- /raw_data/907_earthkam.org.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy Policy Sally Ride Science is committed to protecting the privacy of its customers. The Sally Ride Science websites provide innovative and interactive online science, math and technology related activities for young girls and boys, while safeguarding their privacy. Parental consent and the protection of personal information are the cornerstones of our approach to online privacy. ","Data Security" 2 | "0","Privacy Policy Sally Ride Science is committed to protecting the privacy of its customers. The Sally Ride Science websites provide innovative and interactive online science, math and technology related activities for young girls and boys, while safeguarding their privacy. Parental consent and the protection of personal information are the cornerstones of our approach to online privacy. ","Introductory/Generic" 3 | "0","Privacy Policy Sally Ride Science is committed to protecting the privacy of its customers. The Sally Ride Science websites provide innovative and interactive online science, math and technology related activities for young girls and boys, while safeguarding their privacy. Parental consent and the protection of personal information are the cornerstones of our approach to online privacy. ","International and Specific Audiences" 4 | "1","Sally Ride Science is also committed to complying fully with the Children's Online Privacy Protection Act of 1998. We limit the collection, use and disclosure of personal information collected on the Sally Ride Science websites from children under the age of thirteen. Our information collection practices and privacy and security measures are described below. ","International and Specific Audiences" 5 | "2","Why and How We Collect and Store Information Sally Ride Science collects and stores some information about your daughter or son, to allow her or him to participate in some activities. For example, we store and use email addresses and other contact information to communicate with users about contests and other special events. We request parent contact information and parent consent when a girl or boy participates in Sally Ride Science events and activities. This enables us to confirm that a parent consents to their daughter's or son's participation in an event or activity and agrees to the terms of our privacy policy. ","International and Specific Audiences" 6 | "2","Why and How We Collect and Store Information Sally Ride Science collects and stores some information about your daughter or son, to allow her or him to participate in some activities. For example, we store and use email addresses and other contact information to communicate with users about contests and other special events. We request parent contact information and parent consent when a girl or boy participates in Sally Ride Science events and activities. This enables us to confirm that a parent consents to their daughter's or son's participation in an event or activity and agrees to the terms of our privacy policy. ","First Party Collection/Use" 7 | "3","Sally Ride Science may disclose general, aggregated information that is not specifically associated with any child, to sponsors and other third parties. This information might include, for example, first name or screen name, age, city/state/country, special interests, etc., not readily identifiable to your son or daughter. ","Third Party Sharing/Collection" 8 | "4","We may also compile information regarding site traffic to determine the number of visitors to any of the Sally Ride Science websites, how long each visitor stayed, what pages of the site were visited and other general information, which is not otherwise personally identifiable to your daughter or son. We might share aggregate (non-personal) information compiled from traffic reports with our partners or sponsors. ","First Party Collection/Use" 9 | "4","We may also compile information regarding site traffic to determine the number of visitors to any of the Sally Ride Science websites, how long each visitor stayed, what pages of the site were visited and other general information, which is not otherwise personally identifiable to your daughter or son. We might share aggregate (non-personal) information compiled from traffic reports with our partners or sponsors. ","Third Party Sharing/Collection" 10 | "5","No Disclosure of Personally Identifiable Information Sally Ride Science will not disclose or sell personally identifiable information (such as full name, email address, school, etc.) about your child without your prior consent. At this time, we would only disclose personally identifiable information about your daughter or son to a successor to our business or to a third party that helps us run Sally Ride Science events and activities (such as a company that hosts our website), but only if that party agrees to comply with our privacy policy and to maintain the confidentiality and security of the information. Should you not agree to this limited third party disclosure of your child's personally identifiable information, please contact the Sally Ride Science operator at the address below. ","Third Party Sharing/Collection" 11 | "5","No Disclosure of Personally Identifiable Information Sally Ride Science will not disclose or sell personally identifiable information (such as full name, email address, school, etc.) about your child without your prior consent. At this time, we would only disclose personally identifiable information about your daughter or son to a successor to our business or to a third party that helps us run Sally Ride Science events and activities (such as a company that hosts our website), but only if that party agrees to comply with our privacy policy and to maintain the confidentiality and security of the information. Should you not agree to this limited third party disclosure of your child's personally identifiable information, please contact the Sally Ride Science operator at the address below. ","International and Specific Audiences" 12 | "5","No Disclosure of Personally Identifiable Information Sally Ride Science will not disclose or sell personally identifiable information (such as full name, email address, school, etc.) about your child without your prior consent. At this time, we would only disclose personally identifiable information about your daughter or son to a successor to our business or to a third party that helps us run Sally Ride Science events and activities (such as a company that hosts our website), but only if that party agrees to comply with our privacy policy and to maintain the confidentiality and security of the information. Should you not agree to this limited third party disclosure of your child's personally identifiable information, please contact the Sally Ride Science operator at the address below. ","User Choice/Control" 13 | "6","Review Your Child's Data and Security Sally Ride Science allows you, as a parent or guardian, to review, modify, or delete account information regarding your daughter or son at any time; and you may also refuse to allow any further collection or use of your child's personal information. ","User Access, Edit and Deletion" 14 | "6","Review Your Child's Data and Security Sally Ride Science allows you, as a parent or guardian, to review, modify, or delete account information regarding your daughter or son at any time; and you may also refuse to allow any further collection or use of your child's personal information. ","User Choice/Control" 15 | "7","To (a) initiate a review of your son's or daughter's account information, (b) correct factual errors in such information, (c) request to have information deleted, or (d) request that we no longer collect or maintain such information about your child, please call us at 1.800.561.5161 or email us. ","Privacy contact information" 16 | "7","To (a) initiate a review of your son's or daughter's account information, (b) correct factual errors in such information, (c) request to have information deleted, or (d) request that we no longer collect or maintain such information about your child, please call us at 1.800.561.5161 or email us. ","International and Specific Audiences" 17 | "7","To (a) initiate a review of your son's or daughter's account information, (b) correct factual errors in such information, (c) request to have information deleted, or (d) request that we no longer collect or maintain such information about your child, please call us at 1.800.561.5161 or email us. ","User Access, Edit and Deletion" 18 | "7","To (a) initiate a review of your son's or daughter's account information, (b) correct factual errors in such information, (c) request to have information deleted, or (d) request that we no longer collect or maintain such information about your child, please call us at 1.800.561.5161 or email us. ","User Choice/Control" 19 | "8","To protect your daughter's or son's privacy and security, we will take reasonable steps to verify your identity as the child's parent/guardian before granting you access to the personal information that we collect and maintain about your daughter or son. ","Data Security" 20 | "9","Sally Ride Science has taken steps to ensure that any information we collect is secure. Our security measures include limiting the number of people who have physical access to our database and servers, utilizing electronic security systems, and using password protections that guard against unauthorized access. We are also sensitive to security concerns regarding the use of credit cards for purchases. We protect your credit card information (and all other personal information) using Secure Socket Layer (SSL) technology that automatically encrypts all data while information is being transmitted over the Internet. Furthermore, we will not keep your credit card number in our database once a transaction is completed. ","Data Security" 21 | "9","Sally Ride Science has taken steps to ensure that any information we collect is secure. Our security measures include limiting the number of people who have physical access to our database and servers, utilizing electronic security systems, and using password protections that guard against unauthorized access. We are also sensitive to security concerns regarding the use of credit cards for purchases. We protect your credit card information (and all other personal information) using Secure Socket Layer (SSL) technology that automatically encrypts all data while information is being transmitted over the Internet. Furthermore, we will not keep your credit card number in our database once a transaction is completed. ","Data Retention" 22 | "10","If you have any questions, comments or concerns regarding the Sally Ride Science's privacy policy, please contact us at: Privacy Coordinator Sally Ride Science 9191 Towne Centre Drive, Suite L101 San Diego, CA 92122 Tel: 1.800.561.5161","Privacy contact information" 23 | "1","Sally Ride Science is also committed to complying fully with the Children's Online Privacy Protection Act of 1998. We limit the collection, use and disclosure of personal information collected on the Sally Ride Science websites from children under the age of thirteen. Our information collection practices and privacy and security measures are described below. ","Data Security" 24 | "2","Why and How We Collect and Store Information Sally Ride Science collects and stores some information about your daughter or son, to allow her or him to participate in some activities. For example, we store and use email addresses and other contact information to communicate with users about contests and other special events. We request parent contact information and parent consent when a girl or boy participates in Sally Ride Science events and activities. This enables us to confirm that a parent consents to their daughter's or son's participation in an event or activity and agrees to the terms of our privacy policy. ","Practice not covered" 25 | "3","Sally Ride Science may disclose general, aggregated information that is not specifically associated with any child, to sponsors and other third parties. This information might include, for example, first name or screen name, age, city/state/country, special interests, etc., not readily identifiable to your son or daughter. ","International and Specific Audiences" 26 | "5","No Disclosure of Personally Identifiable Information Sally Ride Science will not disclose or sell personally identifiable information (such as full name, email address, school, etc.) about your child without your prior consent. At this time, we would only disclose personally identifiable information about your daughter or son to a successor to our business or to a third party that helps us run Sally Ride Science events and activities (such as a company that hosts our website), but only if that party agrees to comply with our privacy policy and to maintain the confidentiality and security of the information. Should you not agree to this limited third party disclosure of your child's personally identifiable information, please contact the Sally Ride Science operator at the address below. ","Other" 27 | "6","Review Your Child's Data and Security Sally Ride Science allows you, as a parent or guardian, to review, modify, or delete account information regarding your daughter or son at any time; and you may also refuse to allow any further collection or use of your child's personal information. ","International and Specific Audiences" 28 | "8","To protect your daughter's or son's privacy and security, we will take reasonable steps to verify your identity as the child's parent/guardian before granting you access to the personal information that we collect and maintain about your daughter or son. ","International and Specific Audiences" 29 | -------------------------------------------------------------------------------- /raw_data/919_uh.edu.csv: -------------------------------------------------------------------------------- 1 | "0","University of Houston Privacy Policy The Division of Information Technology maintains the University of Houston Web site as a public service. The following is the privacy policy for this site (all pages - but not all links - starting with www.uh.edu): ","Introductory/Generic" 2 | "1","Typically, we do not use cookies to collect information on the UH Central Web server (www.uh.edu). However, the following applications do use cookies to store user login information which is intended to make the application more user-friendly: IT Forum WebCT ","First Party Collection/Use" 3 | "1","Typically, we do not use cookies to collect information on the UH Central Web server (www.uh.edu). However, the following applications do use cookies to store user login information which is intended to make the application more user-friendly: IT Forum WebCT ","Data Retention" 4 | "1","Typically, we do not use cookies to collect information on the UH Central Web server (www.uh.edu). However, the following applications do use cookies to store user login information which is intended to make the application more user-friendly: IT Forum WebCT ","Third Party Sharing/Collection" 5 | "2","Note: A cookie file contains unique information a web site can use to track such things as passwords, lists of pages you've visited, and the date when you last looked at a specific page or to identify your session at a particular web site. A cookie is often used in commercial sites to identify the items selected for a specific shopping cart application. ","Introductory/Generic" 6 | "3","If you send us an electronic mail message with a question or comment that contains personally identifying information, or fill out a form that sends us this information, we will only use the personally-identifiable information to respond to your request and analyze trends. We may redirect your message to another government agency or person who is in a better position to answer your question. ","First Party Collection/Use" 7 | "3","If you send us an electronic mail message with a question or comment that contains personally identifying information, or fill out a form that sends us this information, we will only use the personally-identifiable information to respond to your request and analyze trends. We may redirect your message to another government agency or person who is in a better position to answer your question. ","Third Party Sharing/Collection" 8 | "4","For site management functions, information is collected for analysis and statistical purposes. This information is not reported or used in any manner that would reveal personally identifiable information, and will not be released to any outside parties unless legally required to do so in connection with law enforcement investigations or other legal proceedings. ","First Party Collection/Use" 9 | "4","For site management functions, information is collected for analysis and statistical purposes. This information is not reported or used in any manner that would reveal personally identifiable information, and will not be released to any outside parties unless legally required to do so in connection with law enforcement investigations or other legal proceedings. ","Third Party Sharing/Collection" 10 | "4","For site management functions, information is collected for analysis and statistical purposes. This information is not reported or used in any manner that would reveal personally identifiable information, and will not be released to any outside parties unless legally required to do so in connection with law enforcement investigations or other legal proceedings. ","Data Retention" 11 | "5","We use log analysis tools to create summary statistics, which are used for purposes such as assessing what information is of most interest, determining technical design specifications, and identifying system performance or problem areas. ","Practice not covered" 12 | "5","We use log analysis tools to create summary statistics, which are used for purposes such as assessing what information is of most interest, determining technical design specifications, and identifying system performance or problem areas. ","First Party Collection/Use" 13 | "6","Any visitor who has questions about our privacy policy should contact the UH Web Administrator.","Privacy contact information" 14 | -------------------------------------------------------------------------------- /raw_data/988_solarviews.com.csv: -------------------------------------------------------------------------------- 1 | "0","Privacy Statement We allow third-party companies to serve ads and/or collect certain anonymous information when you visit our web site. These companies may use non-personally identifiable information (e.g., click stream information, browser type, time and date, subject of advertisements clicked or scrolled over) during your visits to this and other Web sites in order to provide advertisements about goods and services likely to be of greater interest to you. These companies typically use a cookie or third party web beacon to collect this information. To learn more about this behavioral advertising practice or to opt-out of this type of advertising, you can visit networkadvertising.org.","Third Party Sharing/Collection" 2 | -------------------------------------------------------------------------------- /raw_data/995_mohegansun.com.csv: -------------------------------------------------------------------------------- 1 | "0","PRIVACY POLICY This Privacy Policy explains what information is collected via the Mohegan Sun website located at mohegansun.com, why the information is collected and how it is used. Mohegan Sun does not share or sell your personal information to anyone. Mohegan Sun does not participate in any format of SPAM and will not send any unsolicited emails. ","Introductory/Generic" 2 | "0","PRIVACY POLICY This Privacy Policy explains what information is collected via the Mohegan Sun website located at mohegansun.com, why the information is collected and how it is used. Mohegan Sun does not share or sell your personal information to anyone. Mohegan Sun does not participate in any format of SPAM and will not send any unsolicited emails. ","Third Party Sharing/Collection" 3 | "0","PRIVACY POLICY This Privacy Policy explains what information is collected via the Mohegan Sun website located at mohegansun.com, why the information is collected and how it is used. Mohegan Sun does not share or sell your personal information to anyone. Mohegan Sun does not participate in any format of SPAM and will not send any unsolicited emails. ","First Party Collection/Use" 4 | "1","Information Collected Online The information collected online is used for email broadcasts utilizing tailored information upon the request of a visitor. Information received such as name, email address, home address and data collected regarding areas of interest is stored in a database. The database is available for Mohegan Sun's usage only and is not shared with anyone. None of the information collected is sold or shared with any third party and is available only to specific Marketing Managers at Mohegan Sun. Anyone receiving email updates from Mohegan Sun that wish to be removed should immediately click on the ""unsubscribe"" link which is included in every email correspondence that is transmitted from Mohegan Sun. ","First Party Collection/Use" 5 | "1","Information Collected Online The information collected online is used for email broadcasts utilizing tailored information upon the request of a visitor. Information received such as name, email address, home address and data collected regarding areas of interest is stored in a database. The database is available for Mohegan Sun's usage only and is not shared with anyone. None of the information collected is sold or shared with any third party and is available only to specific Marketing Managers at Mohegan Sun. Anyone receiving email updates from Mohegan Sun that wish to be removed should immediately click on the ""unsubscribe"" link which is included in every email correspondence that is transmitted from Mohegan Sun. ","Third Party Sharing/Collection" 6 | "2","Information Collected at Mohegan Sun In addition to the information collected online, patrons may sign up to become a Momentum member upon visiting Mohegan Sun. All personal information collected at any Player's Club booth including name, address, phone number and email address is placed in a database that is not shared or sold with any third party. ","First Party Collection/Use" 7 | "2","Information Collected at Mohegan Sun In addition to the information collected online, patrons may sign up to become a Momentum member upon visiting Mohegan Sun. All personal information collected at any Player's Club booth including name, address, phone number and email address is placed in a database that is not shared or sold with any third party. ","Third Party Sharing/Collection" 8 | "3","Management of User Information Certain information, such as address or email address, can be updated or corrected simply by calling Customer Service at 1.888.777.7920. ","User Access, Edit and Deletion" 9 | "3","Management of User Information Certain information, such as address or email address, can be updated or corrected simply by calling Customer Service at 1.888.777.7920. ","Privacy contact information" 10 | "4","Special Note About Children This site is not intended for children. Children may use this site only with the direct supervision of their parent or legal guardian. We do not attempt to collect any data or personal information from children. Any parents or guardians who are aware of children submitting information should notify us at once of the specific information so that we may remove them from any mailing lists. All recipients of any online promotions must be 21 years of age or older. Age is verified upon contact of the specified winner. ","International and Specific Audiences" 11 | "4","Special Note About Children This site is not intended for children. Children may use this site only with the direct supervision of their parent or legal guardian. We do not attempt to collect any data or personal information from children. Any parents or guardians who are aware of children submitting information should notify us at once of the specific information so that we may remove them from any mailing lists. All recipients of any online promotions must be 21 years of age or older. Age is verified upon contact of the specified winner. ","First Party Collection/Use" 12 | "5","If You Have a Question If you have a question regarding any of the above information, please contact us at the following email address and we will be happy to get back to you. Contact information@mohegansun.com ","Privacy contact information" 13 | "6","You may also contact us by mail using the address below. 1 Mohegan Sun Boulevard Uncasville, CT 06382 For General Information: 1.888.226.7711 For Hotel Reservations: 1.888.777.7922","Privacy contact information" 14 | -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- 1 | absl-py==0.5.0 2 | astor==0.7.1 3 | bleach==3.0.1 4 | colorama==0.4.0 5 | cycler==0.10.0 6 | decorator==4.3.0 7 | defusedxml==0.5.0 8 | entrypoints==0.2.3 9 | gast==0.2.0 10 | grpcio==1.15.0 11 | h5py==2.8.0 12 | ipykernel==5.1.0 13 | ipython==5.0.0 14 | ipython-genutils==0.2.0 15 | ipywidgets==7.4.2 16 | Jinja2==2.10 17 | jsonschema==2.6.0 18 | jupyter==1.0.0 19 | jupyter-client==5.2.3 20 | jupyter-console==6.0.0 21 | jupyter-core==4.4.0 22 | Keras-Applications==1.0.6 23 | Keras-Preprocessing==1.0.5 24 | kiwisolver==1.0.1 25 | Markdown==3.0.1 26 | MarkupSafe==1.0 27 | matplotlib==3.0.0 28 | mistune==0.8.4 29 | nbconvert==5.4.0 30 | nbformat==4.4.0 31 | nltk==3.4 32 | notebook==5.7.0 33 | numpy==1.15.2 34 | pandas==0.23.4 35 | pandocfilters==1.4.2 36 | pickleshare==0.7.5 37 | Pillow==5.3.0 38 | prometheus-client==0.4.1 39 | prompt-toolkit==1.0.15 40 | protobuf==3.6.1 41 | Pygments==2.2.0 42 | pyparsing==2.2.2 43 | python-dateutil==2.7.3 44 | pytz==2018.7 45 | pywinpty==0.5.4 46 | pyzmq==17.1.2 47 | qtconsole==4.4.1 48 | Send2Trash==1.5.0 49 | simplegeneric==0.8.1 50 | singledispatch==3.4.0.3 51 | six==1.11.0 52 | tensorboard==1.11.0 53 | tensorflow==1.11.0 54 | termcolor==1.1.0 55 | terminado==0.8.1 56 | testpath==0.4.2 57 | torch==0.4.1 58 | torchvision==0.2.1 59 | tornado==5.1.1 60 | traitlets==4.3.2 61 | virtualenv==16.0.0 62 | wcwidth==0.1.7 63 | webencodings==0.5.1 64 | Werkzeug==0.14.1 65 | widgetsnbextension==3.4.2 66 | win-unicode-console==0.5 67 | --------------------------------------------------------------------------------