diff --git a/.gitignore b/.gitignore index 0b916e4..b0b8b0d 100644 --- a/.gitignore +++ b/.gitignore @@ -1 +1,2 @@ -google_key.json \ No newline at end of file +google_key.json +MEMORY "CPU" Sislab \ No newline at end of file diff --git a/AIclassifier.py b/AIclassifier.py index 2668bbe..4d174b3 100644 --- a/AIclassifier.py +++ b/AIclassifier.py @@ -1,34 +1,28 @@ -from scipy import sparse +# CODE FOR ARTIFICIAL INTELLIGENCE CLASSIFIERS + from sklearn.ensemble import AdaBoostClassifier from sklearn.model_selection import GridSearchCV -from imblearn.under_sampling import RandomUnderSampler -from sklearn.linear_model import LinearRegression,SGDClassifier, RidgeClassifier from sklearn.multiclass import OneVsRestClassifier, OneVsOneClassifier from sklearn.svm import LinearSVC from sklearn.preprocessing import StandardScaler from sklearn.pipeline import make_pipeline import fasttext.util -from sklearn import metrics -from utils import clean_corpus, reconstruct_hyphenated_words, write_output_stats_file, write_predictions_file, create_confusion_matrix +from utils import clean_corpus, reconstruct_hyphenated_words, write_output_stats_file, create_confusion_matrix # write_predictions_file from partition import sents_train, labels_train, sents_dev, labels_dev, sents_test, labels_test import spacy import numpy from collections import Counter from sklearn.neural_network import MLPClassifier -import copy import os # Creating dictionary def create_dict(lexicon): - #print(lexicon) tokens_to_numbers = {} number_representation = 0 for token in lexicon: - #print(token, number_representation) tokens_to_numbers[token] = number_representation number_representation += 1 tokens_to_numbers["unk"] = number_representation - #print(tokens_to_numbers) return tokens_to_numbers # Transform labels list with names in label array with number representations @@ -36,21 +30,15 @@ def create_labels_array(labels_list): labels_array = [] for label in labels_list: if label[0] == 'Commit to privacy': - #labels_array = numpy.append(labels_array,1) labels_array.append(1) if label[0] == 'Violate privacy': - #labels_array = numpy.append(labels_array,2) labels_array.append(2) if label[0] == 'Declare opinion about privacy': - #labels_array = numpy.append(labels_array,3) labels_array.append(3) if label[0] == 'Related to privacy': - #labels_array = numpy.append(labels_array,4) labels_array.append(4) if label[0] == 'Not applicable': - #labels_array = numpy.append(labels_array,5) labels_array.append(5) - #labels_array = labels_array.astype(int) return labels_array # Create sparse matrixes that represent words present in each sentence, which is the appropriate format to feed the AI classifier @@ -60,7 +48,7 @@ def format_sentVector_to_SparseMatrix(vectors_list, dictionary): counts = Counter(sent_vector) for index, freq in counts.items(): if len(counts.items()) > 0: - sparse_vector[index] = 1 #freq/len(sent_vector) # DIFFERENT CONFIGURATION POSSIBILITIES # 1 + sparse_vector[index] = 1 #freq/len(sent_vector) # DIFFERENT CONFIGURATION POSSIBILITIES if (i == 0): # TO DO: OPTIMIZE, NO NEED TO CHECK THIS EVERY TURN matrix_array = [sparse_vector] else: @@ -70,8 +58,9 @@ def format_sentVector_to_SparseMatrix(vectors_list, dictionary): # Create sentences representation in numeric format, according to dictionary def create_vectors_list(sents, conversion_dict): - unk_count = 0 - vectors_list = [] + unk_unigrams_count = 0 + unk_bigrams_count = 0 + unigrams_vector = [] bigrams_vector = [] mixed_vector = [] @@ -86,31 +75,30 @@ def create_vectors_list(sents, conversion_dict): sent_tokens_list = [] sent_bigrams_list = [] mixed_tokens_list = [] - sent_vector = [] + sent_unigrams_vector = [] sent_mixed_vector = [] sent_bigrams_vector = [] for token in sent_doc: if token.lower() not in conversion_dict: - #sent_tokens_list.append("unk") + #sent_tokens_list.append("unk") # TO CONSIDER UNK TOKENS, UNCOMMENT THESE LINES #mixed_tokens_list.append("unk") - #unk_count += 1 + unk_unigrams_count += 1 pass else: sent_tokens_list.append(token.lower()) mixed_tokens_list.append(token.lower()) - sent_vector = numpy.append(sent_vector, conversion_dict[sent_tokens_list[-1]]) # outside else to go back to considering unk + sent_unigrams_vector = numpy.append(sent_unigrams_vector, conversion_dict[sent_tokens_list[-1]]) # outside else to go back to considering unk sent_mixed_vector = numpy.append(sent_mixed_vector, conversion_dict[token]) - if len(sent_vector) > 0: - sent_vector = sent_vector.astype(int) + if len(sent_unigrams_vector) > 0: + sent_unigrams_vector = sent_unigrams_vector.astype(int) if len(sent_mixed_vector) > 0: sent_mixed_vector = sent_mixed_vector.astype(int) - for bigram in sent_bigram: if bigram not in conversion_dict: - sent_bigrams_list.append("unk") - #unk_count += 1 - #pass + #sent_bigrams_list.append("unk") TO CONSIDER UNK TOKENS, UNCOMMENT THESE LINES + unk_bigrams_count += 1 + pass else: sent_bigrams_list.append(bigram) mixed_tokens_list.append(bigram) @@ -120,36 +108,38 @@ def create_vectors_list(sents, conversion_dict): sent_bigrams_vector = sent_bigrams_vector.astype(int) if len(sent_mixed_vector) > 0: sent_mixed_vector = sent_mixed_vector.astype(int) - vectors_list.append(sent_vector) + unigrams_vector.append(sent_unigrams_vector) bigrams_vector.append(sent_bigrams_vector) mixed_vector.append(sent_mixed_vector) - return vectors_list - #return bigrams_vector - #return mixed_vector - -def create_word_embedding(partition): - - word_embedding_features = [] - for sent in partition: - sent_doc = clean_corpus(sent) - sent_doc = nlp(sent_doc) - sent_doc = reconstruct_hyphenated_words(sent_doc) - sent_doc = [token.text for token in sent_doc if not token.is_space if not token.is_punct] - sentence_embedding = [] - for token in sent_doc: - token_word_embedding = ft.get_word_vector(token) - sentence_embedding.append(token_word_embedding) - we_mean = numpy.asarray(sentence_embedding).mean(axis=0) - #if isinstance(we_mean, float): - # we_mean = numpy.zeros(300, dtype=float) - word_embedding_features.append(we_mean) - #word_embedding_features = numpy.asarray(word_embedding_features) - #word_embedding_features = numpy.append(word_embedding_features, we_mean) - #tokens_list_of_lists.append(sent_doc) - #word_embedding_features = numpy.asarray(word_embedding_features) - word_embedding_features = word_embedding_features - return word_embedding_features + print("Unigrams unknown count including repetitions:", unk_unigrams_count) + print("Bigrams unknown count including repetitions:", unk_bigrams_count, "\n") + #return unigrams_vector # TO RUN WITH UNIGRAMS, UNCOMMENT THIS LINE AND COMMENT THE OTHER TWO RETURNS + #return bigrams_vector # TO RUN WITH BIGRAMS, UNCOMMENT THIS LINE AND COMMENT THE OTHER TWO RETURNS + return mixed_vector # TO RUN WITH UNIGRAMS + BIGRAMS, UNCOMMENT THIS LINE AND COMMENT THE OTHER TWO RETURNS + +# TO USE MLP CLASSIFIER WITH WORD EMBEDDINGS APPROACH, UNCOMMENT THIS FUNCION +# def create_word_embedding(partition): +# word_embedding_features = [] +# for sent in partition: +# sent_doc = clean_corpus(sent) +# sent_doc = nlp(sent_doc) +# sent_doc = reconstruct_hyphenated_words(sent_doc) +# sent_doc = [token.text for token in sent_doc if not token.is_space if not token.is_punct] +# sentence_embedding = [] +# for token in sent_doc: +# token_word_embedding = ft.get_word_vector(token) +# sentence_embedding.append(token_word_embedding) +# we_mean = numpy.asarray(sentence_embedding).mean(axis=0) +# #if isinstance(we_mean, float): +# # we_mean = numpy.zeros(300, dtype=float) +# word_embedding_features.append(we_mean) +# #word_embedding_features = numpy.asarray(word_embedding_features) +# #word_embedding_features = numpy.append(word_embedding_features, we_mean) +# #tokens_list_of_lists.append(sent_doc) +# #word_embedding_features = numpy.asarray(word_embedding_features) +# word_embedding_features = word_embedding_features +# return word_embedding_features #### # MAIN @@ -158,49 +148,37 @@ def create_word_embedding(partition): # Preprocessing input -def remove_empty_sentences(sents, labels): - for i, (sent, label) in enumerate(zip(sents, labels)): - cleared_sent = clean_corpus(sent) - cleared_sent = nlp(cleared_sent) - cleared_sent = reconstruct_hyphenated_words(cleared_sent) - cleared_sent = [token.text for token in cleared_sent if not token.is_space if not token.is_punct] - if (label == ['Not applicable'] and len(cleared_sent) == 0): - sents[i] = "REMOVE THIS ITEM" - labels[i] = "REMOVE THIS ITEM" - sents = [sent for sent in sents if sent != "REMOVE THIS ITEM"] - labels = [label for label in labels if label != "REMOVE THIS ITEM"] - return sents, labels - -sents_train, labels_train = remove_empty_sentences(sents_train, labels_train) -sents_dev, labels_dev = remove_empty_sentences(sents_dev, labels_dev) -sents_test, labels_test = remove_empty_sentences(sents_test, labels_test) - corpus = ' '.join(sents_train) corpus = clean_corpus(corpus) train_doc = nlp(corpus) train_doc = reconstruct_hyphenated_words(train_doc) -tokens = [token.text for token in train_doc if not token.is_space if not token.is_punct] # if not token.text in stopwords.words()] -# FLAG: As extra parameters think of removing LITTLE SQUARE, SMTH ELSE AS WELL? +corpus_in_unigrams = [token.text for token in train_doc if not token.is_space if not token.is_punct] # if not token.text in stopwords.words()] +# OBS: MAYBE ENHANCING PREPROCESSING BY REMOVING LITTLE SQUARES COULD BE AN OPTION corpus_in_bigrams = [] -for i in range(0,len(tokens)-1): - corpus_in_bigrams.append(tokens[i]+" "+tokens[i+1]) +for i in range(0,len(corpus_in_unigrams)-1): + corpus_in_bigrams.append(corpus_in_unigrams[i]+" "+corpus_in_unigrams[i+1]) -token_freq = Counter(tokens) +unigram_freq = Counter(corpus_in_unigrams) bigram_freq = Counter(corpus_in_bigrams) +# print("Unigrams frequency before removing unknown words:", unigram_freq) +# print("Bigrams frequency before removing unknown words:", bigram_freq) -# FLAG - checked - -# Remove words less frequent than 2 (or equal?) -corpus_without_unk = [token[0] for token in token_freq.items() if int(token[1]) > 2] # < 2 or <= 2 -bigrams_filtered_lexicon = [bigram[0] for bigram in bigram_freq.items() if int(bigram[1]) > 1] +# Removing less frequent than 2 +unigrams_filtered_lexicon = [unigram[0] for unigram in unigram_freq.items() if int(unigram[1]) > 2] +bigrams_filtered_lexicon = [bigram[0] for bigram in bigram_freq.items() if int(bigram[1]) > 1] +# print("Unigrams frequency after removing unknown words:", [unigram for unigram in unigram_freq.items() if int(unigram[1]) > 2]) +# print("Bigrams frequency after removing unknown words:", [bigram for bigram in bigram_freq.items() if int(bigram[1]) > 1] ) -#### FLAG - REVIEW IF WORD FREQUENCY SHOULD BE COUNTED WITHOUT SPACY TOKENIZATION -# FLAG exclusion of all less or equal to 2 correctly - checked -# COUNTING REJOINED TRAIN CORPUS x ORIGINAL SENTENCE TRAIN +# Counting unknown tokens +unknown_unigrams = [unigram[0] for unigram in unigram_freq.items() if int(unigram[1]) <= 2] +unknown_bigrams = [bigram[0] for bigram in bigram_freq.items() if int(bigram[1]) <= 1] +print("\n","Unknown unigrams count without repetitions:", len(unknown_unigrams)) +print("Unknown bigrams count without repetitions:", len(unknown_bigrams), "\n") # Unigram dictionary -words_to_numbers = create_dict(corpus_without_unk) +unigrams_to_numbers = create_dict(unigrams_filtered_lexicon) + # Bigram dictionary bigrams_to_numbers = create_dict(bigrams_filtered_lexicon) @@ -210,170 +188,176 @@ def remove_empty_sentences(sents, labels): features_list = features_list.split('\n') mixed_to_numbers = create_dict(features_list) -# WORD EMBEDDINGS FOR NN APPROACH -ft = fasttext.load_model('cc.en.300.bin') +print("Length of the dictionary of unigrams(lexicon):",len(unigrams_to_numbers)) +print("Length of the dictionary of bigrams(lexicon):",len(bigrams_to_numbers)) +print("Length of the dictionary of unigrams and bigrams(lexicon):",len(mixed_to_numbers), "\n") + +# CREATE SENTENCE REPRESENTATIONS +# can either be by word embeddings or with a simple representation according to the presence of a unigram or bigram in the sentence +# WORD EMBEDDINGS -train_word_embedding_features = create_word_embedding(sents_train) -dev_word_embedding_features = create_word_embedding(sents_dev) -test_word_embedding_features = numpy.asarray(create_word_embedding(sents_test)) -#print("Length of the dictionary of word representations:",len(words_to_numbers)) -#print("Length of the dictionary of word representations:",len(bigrams_to_numbers)) -#print("Length of the dictionary of word representations:",len(mixed_to_numbers)) +# TO USE MLP CLASSIFIER WITH WORD EMBEDDINGS APPROACH, UNCOMMENT THIS LINE +#ft = fasttext.load_model('cc.en.300.bin') -# FLAG - CHECK IF DICTIONARY IS BUILT CORRECTLY -# SHOULD PUNCTUATION BE UNKNOWN? BECAUSE RIGHT NOW IT IS -NOPE, FIXED -# TO DO: count frequency again? -# count frequency before and after removing unknown words - ??? - ASK GABRIEL!! -# checked that it seems ok +#train_word_embedding_features = create_word_embedding(sents_train) +#dev_word_embedding_features = create_word_embedding(sents_dev) +#test_word_embedding_features = numpy.asarray(create_word_embedding(sents_test)) -train_vectors_list = create_vectors_list(sents_train, words_to_numbers) -dev_vectors_list = create_vectors_list(sents_dev, words_to_numbers) -test_vectors_list = create_vectors_list(sents_test, words_to_numbers) +# SIMPLE NUMERICAL REPRESENTATIONS OF THE SENTENCES -#train_vectors_list = create_vectors_list(sents_train, bigrams_to_numbers) -#dev_vectors_list = create_vectors_list(sents_dev, bigrams_to_numbers) -#test_vectors_list = create_vectors_list(sents_test, bigrams_to_numbers) +# TO RUN WITH UNIGRAMS, UNCOMMENT THIS 3 LINES AND COMMENT THE OTHER TWO TRIPLETS +# train_vectors_list = create_vectors_list(sents_train, unigrams_to_numbers) +# dev_vectors_list = create_vectors_list(sents_dev, unigrams_to_numbers) +# test_vectors_list = create_vectors_list(sents_test, unigrams_to_numbers) -#train_vectors_list = create_vectors_list(sents_train, mixed_to_numbers) -#dev_vectors_list = create_vectors_list(sents_dev, mixed_to_numbers) -#test_vectors_list = create_vectors_list(sents_test, mixed_to_numbers) +# TO RUN WITH BIGRAMS, UNCOMMENT THIS 3 LINES AND COMMENT THE OTHER TWO TRIPLETS +# train_vectors_list = create_vectors_list(sents_train, bigrams_to_numbers) +# dev_vectors_list = create_vectors_list(sents_dev, bigrams_to_numbers) +# test_vectors_list = create_vectors_list(sents_test, bigrams_to_numbers) -# COUNT STATISTICS - HOW MANY WORDS WERE CONSIDERED UNK, AND HOW MANY OF EACH WORD +# TO RUN WITH UNIGRAMS + BIGRAMS, UNCOMMENT THIS 3 LINES AND COMMENT THE OTHER TWO TRIPLETS +train_vectors_list = create_vectors_list(sents_train, mixed_to_numbers) +dev_vectors_list = create_vectors_list(sents_dev, mixed_to_numbers) +test_vectors_list = create_vectors_list(sents_test, mixed_to_numbers) -# FLAG - CHECK IF SENTENCE REPRESENTATIONS WERE DONE CORRECTLY +# FORMATTING SIMPLE SENTENCE REPRESENTATIONS - MUST BE IN SPARSE MATRIX FORMAT TO FEED THE CLASSIFIERS -train_matrix_array = format_sentVector_to_SparseMatrix(train_vectors_list, words_to_numbers) -dev_matrix_array = format_sentVector_to_SparseMatrix(dev_vectors_list, words_to_numbers) -test_matrix_array = format_sentVector_to_SparseMatrix(test_vectors_list, words_to_numbers) +# TO RUN WITH UNIGRAMS, UNCOMMENT THIS 3 LINES AND COMMENT THE OTHER TWO TRIPLETS +# train_matrix_array = format_sentVector_to_SparseMatrix(train_vectors_list, unigrams_to_numbers) +# dev_matrix_array = format_sentVector_to_SparseMatrix(dev_vectors_list, unigrams_to_numbers) +# test_matrix_array = format_sentVector_to_SparseMatrix(test_vectors_list, unigrams_to_numbers) -#train_matrix_array = format_sentVector_to_SparseMatrix(train_vectors_list, bigrams_to_numbers) -#dev_matrix_array = format_sentVector_to_SparseMatrix(dev_vectors_list, bigrams_to_numbers) -#test_matrix_array = format_sentVector_to_SparseMatrix(test_vectors_list, bigrams_to_numbers) +# TO RUN WITH BIGRAMS, UNCOMMENT THIS 3 LINES AND COMMENT THE OTHER TWO TRIPLETS +# train_matrix_array = format_sentVector_to_SparseMatrix(train_vectors_list, bigrams_to_numbers) +# dev_matrix_array = format_sentVector_to_SparseMatrix(dev_vectors_list, bigrams_to_numbers) +# test_matrix_array = format_sentVector_to_SparseMatrix(test_vectors_list, bigrams_to_numbers) -#train_matrix_array = format_sentVector_to_SparseMatrix(train_vectors_list, mixed_to_numbers) -#dev_matrix_array = format_sentVector_to_SparseMatrix(dev_vectors_list, mixed_to_numbers) -#test_matrix_array = format_sentVector_to_SparseMatrix(test_vectors_list, mixed_to_numbers) +# TO RUN WITH UNIGRAMS + BIGRAMS, UNCOMMENT THIS 3 LINES AND COMMENT THE OTHER TWO TRIPLETS +train_matrix_array = format_sentVector_to_SparseMatrix(train_vectors_list, mixed_to_numbers) +dev_matrix_array = format_sentVector_to_SparseMatrix(dev_vectors_list, mixed_to_numbers) +test_matrix_array = format_sentVector_to_SparseMatrix(test_vectors_list, mixed_to_numbers) -# FLAG - CHECK IF SPARSE MATRIX REPRESENTATION WAS DONE CORRECTLY +# CREATE LABELS REPRESENTATIONS train_labels_primary = create_labels_array(labels_train) -dev_labels_primary = create_labels_array(labels_dev) +dev_labels_primary = numpy.asarray(create_labels_array(labels_dev)) test_labels_primary = numpy.asarray(create_labels_array(labels_test)) -# FLAG - ENSURE THAT LABELS LIST ARE CORRECTLY MADE - # CLASSIFIER Configurations # ADABOOST -# Choosing best hyperparameters +# Used to choose best hyperparameters for Adaboost classifier +# TO TEST PARAMETERS FOR ADABOOST CLASSIFIER, UNCOMMENT THIS SECTION AND COMMENT OTHER MODELS #adaclassifier = AdaBoostClassifier() # n_est 25, 50, 75, 100,200, 300 lr 0.5, 1 #params = [{'n_estimators': [25, 50, 75, 100, 200, 300], 'learning_rate': [0.5,0.75,0.9,1,1.1,1.2]}] -#classifier = GridSearchCV(adaclassifier, params) - -parameter_space = { - 'activation': ['tanh', 'relu'], # 'identity', 'logistic', - 'solver': ['adam'], #, 'lbfgs'], - 'learning_rate_init': [0.001], # [0.0001, 0.001, 0.01, 0.05], # 0.1 - 'learning_rate': ['adaptive', 'constant'], - 'hidden_layer_sizes': [(200,200,200),(200, 250, 200), (250, 200, 250), (250, 250, 250)], # (50,) ,(400,400,400) (150, 150, 150), (200,150,200), (150, 200, 150), - 'max_iter': [5200], -# 'early_stopping': ['True', 'False'] -} +#adaclassifier = GridSearchCV(adaclassifier, params) + +# Used to choose best hyperparameters for MLP classifier +# TO TEST HYPERPARAMETERS FOR MLP CLASSIFIER, UNCOMMENT THIS SECTION +# parameter_space = { +# 'activation': ['tanh', 'relu'], # 'identity', 'logistic', +# 'solver': ['adam'], #, 'lbfgs'], +# 'learning_rate_init': [0.001], # [0.0001, 0.001, 0.01, 0.05], # 0.1 +# 'learning_rate': ['adaptive', 'constant'], +# 'hidden_layer_sizes': [(200,200,200),(200, 250, 200), (250, 200, 250), (250, 250, 250)], # (50,) ,(400,400,400) (150, 150, 150), (200,150,200), (150, 200, 150), +# 'max_iter': [5200], +# # 'early_stopping': ['True', 'False'] +# } #params = {'activation': 'relu', 'hidden_layer_sizes': (200, 250, 200), 'learning_rate': 'adaptive', 'learning_rate_init': 0.001, 'max_iter': 5200, 'solver': 'adam'} +# Classifier models -#adaclassifier = AdaBoostClassifier(n_estimators=100, learning_rate=0.5) -# LINEAR REGRESSION -#lin_reg = LinearRegression() # it is not discrete!! -# RIDGE REGRESSION CLASSIFIER -#ridge_classifier = RidgeClassifier() -#sgd_classifier = make_pipeline(StandardScaler(),SGDClassifier(max_iter=1000, tol=1e-3, random_state=1111111)) +# TO USE ADABOOST CLASSIFIER, UNCOMMENT adaclassifier AND COMMENT OTHER MODELS +# TO USE UNIGRAMS, PARAMETERS WERE BETTER WITH n_estimators=50, learning_rate=1 +# TO USE UNIGRAMS + BIGRAMS, PARAMETERS WERE BETTER WITH n_estimators=100, learning_rate=0.5 +adaclassifier = AdaBoostClassifier(n_estimators=100, learning_rate=0.5) +# TO USE SVC CLASSIFIER WITH ONE VS REST SCHEME, UNCOMMENT THIS LINE AND COMMENT OTHER MODELS #svc_classifier = make_pipeline(StandardScaler(), OneVsRestClassifier(LinearSVC(dual=False,random_state=None, tol=1e-5, C=1))) +# TO USE SVC CLASSIFIER WITH ONE VS ONE SCHEME, UNCOMMENT THIS LINE AND COMMENT OTHER MODELS #svc_classifier = make_pipeline(StandardScaler(), OneVsOneClassifier(LinearSVC(dual=False,random_state=None, tol=1e-5, C=1))) -#mlp_classifier = MLPClassifier( max_iter=300, early_stopping=True, hidden_layer_sizes=300, batch_size=32) # random_state=1111111, -mlp_classifier = MLPClassifier(random_state=1111111, early_stopping=True, batch_size=32, hidden_layer_sizes=(200,250,200), learning_rate='adaptive', learning_rate_init=0.001, max_iter=1000) -#opt_mlp = GridSearchCV(mlp_classifier, parameter_space, n_jobs=-1, cv=10) +# TO USE MLP CLASSIFIER WITH WORD EMBEDDINGS, UNCOMMENT THIS LINE AND COMMENT OTHER MODELS +#mlp_classifier = MLPClassifier(random_state=1111111, early_stopping=True, batch_size=32, hidden_layer_sizes=(200,250,200), learning_rate='adaptive', learning_rate_init=0.001, max_iter=1000) +# TO TEST HYPERPARAMETERS FOR MLP CLASSIFIER, UNCOMMENT THIS LINE AND COMMENT OTHER MODELS +#opt_mlp = GridSearchCV(mlp_classifier, parameter_space, n_jobs=-1, cv=10) # Training -#model = adaclassifier.fit(oversampled_sents, oversampled_labels) -#model = adaclassifier.fit(train_matrix_array, train_labels_primary) -#model = classifier.fit(train_matrix_array, train_labels_primary) -#print(classifier.best_params_) -#model = lin_reg.fit(train_matrix_array, train_labels_primary) -#model = ridge_classifier.fit(train_matrix_array, train_labels_primary) -#model = sgd_classifier.fit(train_matrix_array, train_labels_primary) -#model = svc_classifier.fit(train_matrix_array, train_labels_primary) -new_train_features = numpy.asarray(train_word_embedding_features + dev_word_embedding_features) -new_train_labels = numpy.asarray(train_labels_primary + dev_labels_primary) -model = mlp_classifier.fit(new_train_features, new_train_labels) -#model = opt_mlp.fit(new_train_features, new_train_labels) -#print(model.best_params_) -#importances = model.feature_importances_ +# TO USE ADABOOST CLASSIFIER, UNCOMMENT THIS LINE AND COMMENT OTHER MODELS +model = adaclassifier.fit(train_matrix_array, train_labels_primary) +#print(adaclassifier.best_params_) # prints best parameters if you enabled GridSearchCV +# TO USE SVC CLASSIFIER, UNCOMMENT THIS LINE AND COMMENT OTHER MODELS +#model = svc_classifier.fit(train_matrix_array, train_labels_primary) -#for i,(token,value) in enumerate(zip(words_to_numbers, importances)): -#for i,(token,value) in enumerate(zip(mixed_to_numbers, importances)): -#for i,(token,value) in enumerate(zip(bigrams_to_numbers, importances)): - #print('Feature:',token,'Score:',value) -# if (value != 0): -# print('Feature:',token,'Score:',value) - +# TO USE MLP CLASSIFIER, UNCOMMENT THESE 3 LINES AND COMMENT OTHER MODELS +#new_train_features = numpy.asarray(train_word_embedding_features + dev_word_embedding_features) +#new_train_labels = numpy.asarray(train_labels_primary + dev_labels_primary) +#model = mlp_classifier.fit(new_train_features, new_train_labels) -#print(type(importances)) -#print(sorted(importances)) +# TO TEST PARAMETERS FOR MLP CLASSIFIER UNCOMMENT THESE 2 LINES AND COMMENT OTHER MODELS +#model = opt_mlp.fit(new_train_features, new_train_labels) +#print(model.best_params_) -#features = {} -#for i,(token,value) in enumerate(zip(bigrams_to_numbers, importances)): # IMPORTANTO TO CHANGE TO ADEQUATE DICT +# TO SEE WHICH FEATURES ADABOOST CHOSE, UNCOMMENT THIS SECTION +# importances = model.feature_importances_ +# features = {} +# UNCOMMENT THE LINE YOU NEED FROM THESE 3 AND COMMENT THE OTHER 2 +# for i,(token,value) in enumerate(zip(unigrams_to_numbers, importances)): +# # for i,(token,value) in enumerate(zip(mixed_to_numbers, importances)): +# #for i,(token,value) in enumerate(zip(bigrams_to_numbers, importances)): # if (value != 0): -# #print('Feature:',token,'Score:',value) # features[token] = value -#features = sorted([(value, key) for (key, value) in features.items()], reverse=True) -#print(features) -#for feature in features: +# features = sorted([(value, key) for (key, value) in features.items()], reverse=True) +# for feature in features: # print('Feature:',feature[1],'Score:',feature[0]) # Predicting -#predictions = model.predict(dev_matrix_array) -#predictions = model.predict(test_matrix_array) -#predictions = model.predict(dev_word_embedding_features) -predictions = model.predict(test_word_embedding_features) - -# casually printing results -#for sent, pred in zip(sents_train,predictions): - #print(sent, pred, "\n") -print("Predictions:\n", predictions) - -# Confusion matrix -test_list = test_labels_primary.tolist() -#dev_list = dev_labels_primary.tolist() + +# TO USE ADABOOST OR SVC CLASSIFIERS +#predictions = model.predict(dev_matrix_array) # DEV +predictions = model.predict(test_matrix_array) # TEST + +# TO USE MLP CLASSIFIER WITH WORD EMBEDDINGS +#predictions = model.predict(dev_word_embedding_features) # DEV +#predictions = model.predict(test_word_embedding_features) # TEST + +# Output of results + +# Format labels and predictions +test_list = test_labels_primary.tolist() # TEST +#dev_list = dev_labels_primary.tolist() # DEV pred_list = [pred for pred in predictions] labels=[1,3,5,4,2] path='output/AI Classifier/1Label_confusion_matrix_NormTrue.png' display_labels=['Commit to privacy', 'Declare opinion about privacy','Not applicable','Related to privacy','Violate privacy'] -#create_confusion_matrix(dev_list, pred_list, "true", path, labels, display_labels) -create_confusion_matrix(test_list, pred_list, "true", path, labels, display_labels) + +# NORMALIZED CONFUSION MATRIX +#create_confusion_matrix(dev_list, pred_list, "true", path, labels, display_labels) # DEV +create_confusion_matrix(test_list, pred_list, "true", path, labels, display_labels) # TEST + +# NON NORMALIZED CONFUSION MATRIX path='output/AI Classifier/1Label_confusion_matrix_NonNorm.png' -#create_confusion_matrix(dev_list, pred_list, None, path, labels, display_labels) -create_confusion_matrix(test_list, pred_list, None, path, labels, display_labels) - -# FLAG - CHECK IF CONFUSION MATRIX IS CORRECT FOR EVERY LABEL -#path='output/AI Classifier/1labelSGDPredictionsStatsDev.txt' -#path='output/AI Classifier/1labelRidgePredictionsStatsDev.txt' -#path='output/AI Classifier/1labelPredictionsStatsDev.txt' -path='output/AI Classifier/1labelPredictionsStatsTest.txt' -os.makedirs(os.path.dirname(path), exist_ok=True) -with open(path, 'w') as file: - print("Performance measures - Unigram Dictionary - MLP Word Embeddings\n", file=file) - #print("Performance measures - Mixed Dictionary - Adaboost\n", file=file) -#write_output_stats_file(path, "Dev", dev_labels_primary, predictions, labels) -write_output_stats_file(path, "Test", test_labels_primary, predictions, labels) +#create_confusion_matrix(dev_list, pred_list, None, path, labels, display_labels) # DEV +create_confusion_matrix(test_list, pred_list, None, path, labels, display_labels) # TEST -# TO DO: WRITE PREDICTIONS JSON FILE -> LEARN HOW TO TRANSFORM ADABOOST OUTPUT IN DICT ( LIST OF ({"text":sentence['text'], "label":label})) -#write_predictions_file("Dev", dev_pred_dict) -#write_predictions_file("Test", test_pred_dict) +# File for performance on predictions -# help reference: https://newbedev.com/valueerror-could-not-broadcast-input-array-from-shape-2242243-into-shape-224224 +#path='output/AI Classifier/1labelPredictionsStatsDev.txt' # DEV +path='output/AI Classifier/1labelPredictionsStatsTest.txt' # TEST +os.makedirs(os.path.dirname(path), exist_ok=True) +with open(path, 'w') as file: + #print("Performance measures - Unigram Dictionary - MLP Word Embeddings\n", file=file) # CHANGE TITLE ACCORDING TO CONTEXT + print("Performance measures - Mixed Dictionary - Adaboost\n", file=file) # CHANGE TITLE ACCORDING TO CONTEXT +#write_output_stats_file(path, "Dev", dev_labels_primary, predictions, labels) # DEV +write_output_stats_file(path, "Test", test_labels_primary, predictions, labels) # TEST + +# TO DO: WRITE PREDICTIONS JSON FILE +# -> LEARN HOW TO TRANSFORM ADABOOST OUTPUT IN DICT ( LIST OF ({"text":sentence['text'], "label":label})) +# write_predictions_file("Dev", dev_pred_dict) # DEV +# write_predictions_file("Test", test_pred_dict) # TEST + +# References that helped me understand how to implement all this +# https://newbedev.com/valueerror-could-not-broadcast-input-array-from-shape-2242243-into-shape-224224 # https://blog.paperspace.com/adaboost-optimizer/ # https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.AdaBoostClassifier.html#sklearn.ensemble.AdaBoostClassifier.fit \ No newline at end of file diff --git a/aux.txt b/aux.txt deleted file mode 100644 index 0e92d07..0000000 --- a/aux.txt +++ /dev/null @@ -1,129 +0,0 @@ -we -cookies -you -the -right -your -data -or -is -information -privacy -they -learn -people -safe -secure -community -possible -should -believe -express -use cookies -things like -for example -cookies to -these terms -service providers -public interest -of your -learn more -law enforcement -how we -can use -by using -▪ internet -िह � -your data -while participating -websites apps -web browser -video calling -united states -tool allows -to prevent -this includes -they even -the same -that a -technical limitations -similar technologies -sign up -share content -safety integrity -prior permission -pixel tags -pay us -pages videos -p r -other 1 -operating system -no longer -n g -messages restricted -local fundraisers -lite watch -like give -legitimate interests -italiano română -ireland ltd -ios 13 -https //about -help center -have about -good-faith belief -globally both -face recognition -express themselves -e l -different devices -covid-19 support -consistent experience -conducting surveys -competent court -camera so -brand resources -best practices -automatically process -assets changes -as described -are performing -apply when -ai ethics -advertisers who -active status -a b -23 june -20/09/2021 14 -//opensource fb -'re visiting - - - -Feature: we Score: 0.01 -Feature: use Score: 0.01 -Feature: cookies Score: 0.01 -Feature: you Score: 0.01 -Feature: data Score: 0.01 -Feature: or Score: 0.02 -Feature: content Score: 0.01 -Feature: with Score: 0.01 -Feature: information Score: 0.01 -Feature: privacy Score: 0.13 -Feature: they Score: 0.01 -Feature: learn Score: 0.01 -Feature: more Score: 0.01 -Feature: provide Score: 0.01 -Feature: people Score: 0.14 -Feature: device Score: 0.01 -Feature: system Score: 0.1 -Feature: safe Score: 0.11 -Feature: secure Score: 0.01 -Feature: understand Score: 0.01 -Feature: who Score: 0.02 -Feature: possible Score: 0.05 -Feature: days Score: 0.01 -Feature: should Score: 0.12 -Feature: experience Score: 0.05 -Feature: collect Score: 0.01 -Feature: safer Score: 0.08 \ No newline at end of file diff --git a/features.txt b/features.txt index b8c93a6..8c09f14 100644 --- a/features.txt +++ b/features.txt @@ -1,74 +1,76 @@ privacy -people -system -safe -possible -should -experience -safer -right secure community -believe +should +possible express -we -can -use -cookies +believe +right +people +your you -data +we +they +the +safe or -content -with +is information -they +data +cookies +no +experience +use +protect +with +providers +limited learn -more -provide +if device -understand days -collect -who -the -your -is -to be +companies +can +automatically +also +about you should -help keep -provide you -should be -and protect +to be when people -to enable -and privacy -this right +and protect public interest -what you +for people have a +you share +to enable +this right +provide you +it with +help keep +are not +advertising and you with -for people -use cookies +with the +you use you can -20/09/2021 14 -more about -help us -the information -information about -we may -and others -products including -not about -these terms -to build with facebook -who you -advertising and -that help +we may we collect +we also +the information +the facebook +that help +such as +share it share and +products including +post or not at -services that -share it -it with -are not \ No newline at end of file +more about +information about +help us +cookies to +and privacy +and others +ads to +should be \ No newline at end of file diff --git a/output/AI Classifier/150-1labelPredictionsStatsTest.txt b/output/AI Classifier/150-1labelPredictionsStatsTest.txt deleted file mode 100644 index 5094bc0..0000000 --- a/output/AI Classifier/150-1labelPredictionsStatsTest.txt +++ /dev/null @@ -1,16 +0,0 @@ -Performance measures - Unigram Dictionary - MLP Word Embeddings - -Test set: - -Precision macro: 0.398 -Precision Individually: [0.667 0. 0.692 0.2 0.429] -Recall macro: 0.398 -Recall Individually: [0.429 0. 0.871 0.091 0.6 ] -F1 Score micro: 0.597 -F1 Score macro: 0.384 -F1 Score weighted: 0.561 -F1 Score Individually: [0.522 0. 0.771 0.125 0.5 ] - -{'activation': 'relu', 'hidden_layer_sizes': (150, 150, 150), 'learning_rate': 'constant', 'learning_rate_init': 0.001, 'max_iter': 5200, 'solver': 'adam'} - - diff --git a/output/AI Classifier/1Label_confusion_matrix_NonNorm.png b/output/AI Classifier/1Label_confusion_matrix_NonNorm.png index 634961b..2e94e14 100644 Binary files a/output/AI Classifier/1Label_confusion_matrix_NonNorm.png and b/output/AI Classifier/1Label_confusion_matrix_NonNorm.png differ diff --git a/output/AI Classifier/1Label_confusion_matrix_NormTrue.png b/output/AI Classifier/1Label_confusion_matrix_NormTrue.png index 64ff216..75c4501 100644 Binary files a/output/AI Classifier/1Label_confusion_matrix_NormTrue.png and b/output/AI Classifier/1Label_confusion_matrix_NormTrue.png differ diff --git a/output/AI Classifier/1labelPredictionsStatsDev.txt b/output/AI Classifier/1labelPredictionsStatsDev.txt index 2148529..b025510 100644 --- a/output/AI Classifier/1labelPredictionsStatsDev.txt +++ b/output/AI Classifier/1labelPredictionsStatsDev.txt @@ -1,14 +1,14 @@ -Performance measures - Unigram Dictionary - MLP +Performance measures - Mixed Dictionary - Adaboost Dev set: -Precision macro: 0.76 -Precision Individually: [0.65 1. 0.886 0.6 0.667] -Recall macro: 0.665 -Recall Individually: [1. 0.5 0.886 0.273 0.667] -F1 Score micro: 0.771 -F1 Score macro: 0.676 -F1 Score weighted: 0.753 -F1 Score Individually: [0.788 0.667 0.886 0.375 0.667] +Precision macro: 0.425 +Precision Individually: [0.5 0. 0.696 0.5 0.429] +Recall macro: 0.389 +Recall Individually: [0.154 0. 0.941 0.182 0.667] +F1 Score micro: 0.609 +F1 Score macro: 0.365 +F1 Score weighted: 0.549 +F1 Score Individually: [0.235 0. 0.8 0.267 0.522] diff --git a/output/AI Classifier/1labelPredictionsStatsTest.txt b/output/AI Classifier/1labelPredictionsStatsTest.txt index d6e096b..c0b4e0c 100644 --- a/output/AI Classifier/1labelPredictionsStatsTest.txt +++ b/output/AI Classifier/1labelPredictionsStatsTest.txt @@ -1,14 +1,14 @@ -Performance measures - Unigram Dictionary - MLP Word Embeddings +Performance measures - Mixed Dictionary - Adaboost Test set: -Precision macro: 0.534 -Precision Individually: [0.778 0. 0.73 0.75 0.412] -Recall macro: 0.469 -Recall Individually: [0.5 0. 0.871 0.273 0.7 ] -F1 Score micro: 0.657 -F1 Score macro: 0.464 -F1 Score weighted: 0.638 -F1 Score Individually: [0.609 0. 0.794 0.4 0.519] +Precision macro: 0.425 +Precision Individually: [0.8 0. 0.574 0.25 0.5 ] +Recall macro: 0.315 +Recall Individually: [0.286 0. 1. 0.091 0.2 ] +F1 Score micro: 0.567 +F1 Score macro: 0.314 +F1 Score weighted: 0.49 +F1 Score Individually: [0.421 0. 0.729 0.133 0.286] diff --git a/output/AI Classifier/1labelRidgePredictionsStatsDev.txt b/output/AI Classifier/1labelRidgePredictionsStatsDev.txt deleted file mode 100644 index a295ad9..0000000 --- a/output/AI Classifier/1labelRidgePredictionsStatsDev.txt +++ /dev/null @@ -1,14 +0,0 @@ -Performance measures - -Test set: - -Precision macro: 0.436 -Precision Individually: [0.667 0. 0.611 0.4 0.5 ] -Recall macro: 0.328 -Recall Individually: [0.286 0. 0.971 0.182 0.2 ] -F1 Score micro: 0.586 -F1 Score macro: 0.337 -F1 Score weighted: 0.524 -F1 Score Individually: [0.4 0. 0.75 0.25 0.286] - - diff --git a/output/AI Classifier/1labelSGDPredictionsStatsDev.txt b/output/AI Classifier/1labelSGDPredictionsStatsDev.txt deleted file mode 100644 index 874d72a..0000000 --- a/output/AI Classifier/1labelSGDPredictionsStatsDev.txt +++ /dev/null @@ -1,14 +0,0 @@ -Performance measures - Unigram Dictionary - -Dev set: - -Precision macro: 0.472 -Precision Individually: [0.778 0. 0.696 0.333 0.556] -Recall macro: 0.438 -Recall Individually: [0.538 0. 0.914 0.182 0.556] -F1 Score micro: 0.657 -F1 Score macro: 0.443 -F1 Score weighted: 0.622 -F1 Score Individually: [0.636 0. 0.79 0.235 0.556] - - diff --git a/output/AI Classifier/1labelSGDPredictionsStatsTest.txt b/output/AI Classifier/1labelSGDPredictionsStatsTest.txt deleted file mode 100644 index 4bba9dd..0000000 --- a/output/AI Classifier/1labelSGDPredictionsStatsTest.txt +++ /dev/null @@ -1,14 +0,0 @@ -Performance measures - Unigram Dictionary - -Test set: - -Precision macro: 0.483 -Precision Individually: [0.778 0. 0.681 0.333 0.625] -Recall macro: 0.425 -Recall Individually: [0.5 0. 0.941 0.182 0.5 ] -F1 Score micro: 0.657 -F1 Score macro: 0.438 -F1 Score weighted: 0.622 -F1 Score Individually: [0.609 0. 0.79 0.235 0.556] - - diff --git a/output/AI Classifier/200-1labelPredictionsStatsTest.txt b/output/AI Classifier/200-1labelPredictionsStatsTest.txt deleted file mode 100644 index b7d94cc..0000000 --- a/output/AI Classifier/200-1labelPredictionsStatsTest.txt +++ /dev/null @@ -1,15 +0,0 @@ -Performance measures - Unigram Dictionary - MLP Word Embeddings - -Test set: - -Precision macro: 0.466 -Precision Individually: [0.7 0. 0.692 0.5 0.438] -Recall macro: 0.432 -Recall Individually: [0.5 0. 0.871 0.091 0.7 ] -F1 Score micro: 0.627 -F1 Score macro: 0.409 -F1 Score weighted: 0.584 -F1 Score Individually: [0.583 0. 0.771 0.154 0.538] - - -{'activation': 'relu', 'hidden_layer_sizes': (200, 200, 200), 'learning_rate': 'constant', 'learning_rate_init': 0.001, 'max_iter': 5200, 'solver': 'adam'} diff --git a/output/AI Classifier/200250200-1labelPredictionsStatsTest.txt b/output/AI Classifier/200250200-1labelPredictionsStatsTest.txt deleted file mode 100644 index 2b4434d..0000000 --- a/output/AI Classifier/200250200-1labelPredictionsStatsTest.txt +++ /dev/null @@ -1,15 +0,0 @@ -Performance measures - Unigram Dictionary - MLP Word Embeddings - -Test set: - -Precision macro: 0.491 -Precision Individually: [0.667 0. 0.744 0.5 0.545] -Recall macro: 0.458 -Recall Individually: [0.571 0. 0.935 0.182 0.6 ] -F1 Score micro: 0.672 -F1 Score macro: 0.456 -F1 Score weighted: 0.641 -F1 Score Individually: [0.615 0. 0.829 0.267 0.571] - - -{'activation': 'relu', 'hidden_layer_sizes': (200, 250, 200), 'learning_rate': 'adaptive', 'learning_rate_init': 0.001, 'max_iter': 5200, 'solver': 'adam'} diff --git a/output/AI Classifier/250-1labelPredictionsStatsTest.txt b/output/AI Classifier/250-1labelPredictionsStatsTest.txt deleted file mode 100644 index 7190807..0000000 --- a/output/AI Classifier/250-1labelPredictionsStatsTest.txt +++ /dev/null @@ -1,17 +0,0 @@ -Performance measures - Unigram Dictionary - MLP Word Embeddings - -Test set: - -Precision macro: 0.441 -Precision Individually: [0.667 0. 0.667 0.333 0.538] -Recall macro: 0.404 -Recall Individually: [0.143 0. 0.903 0.273 0.7 ] -F1 Score micro: 0.597 -F1 Score macro: 0.382 -F1 Score weighted: 0.544 -F1 Score Individually: [0.235 0. 0.767 0.3 0.609] - -{'activation': 'relu', 'hidden_layer_sizes': (250, 250, 250), 'learning_rate': 'adaptive', 'learning_rate_init': 0.001, 'max_iter': 5200, 'solver': 'adam'} - - - diff --git a/output/Simple Classifier/multilabelPredictions_Dev.json b/output/Simple Classifier/multilabelPredictions_Dev.json index c30cbf0..68ba705 100644 --- a/output/Simple Classifier/multilabelPredictions_Dev.json +++ b/output/Simple Classifier/multilabelPredictions_Dev.json @@ -405,12 +405,6 @@ "Commit to privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "The Facebook Products; ▪ Products provided by other members of the Facebook Companies; and ▪ Websites and apps provided by other companies that use the Facebook Products, including companies that incorporate the Facebook Technologies into their websites and apps.", "label": [ diff --git a/output/Simple Classifier/multilabelPredictions_Test.json b/output/Simple Classifier/multilabelPredictions_Test.json index 0d934bb..f39299d 100644 --- a/output/Simple Classifier/multilabelPredictions_Test.json +++ b/output/Simple Classifier/multilabelPredictions_Test.json @@ -141,12 +141,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "Faceb ook 7 of 7 20/09/2021, 14:40", "label": [ @@ -304,12 +298,6 @@ "Related to privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "Certain parts of the Facebook Products may not work properly if you have disabled browser cookie use.", "label": [ @@ -402,12 +390,6 @@ "Violate privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "You must obtain our written permission (or permission under an open source license) to modify, create derivative works of, decompile, or otherwise attempt to extract source code from us.", "label": [ diff --git a/output/Simple Classifier/multilabelPredictions_Train.json b/output/Simple Classifier/multilabelPredictions_Train.json index 57c5712..1d0b3a1 100644 --- a/output/Simple Classifier/multilabelPredictions_Train.json +++ b/output/Simple Classifier/multilabelPredictions_Train.json @@ -213,12 +213,6 @@ "Related to privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "For messaging, voice and video calling services included in Facebook Products, please click here for a contract summary and here for other information required by the European Electronic Communications Code.", "label": [ @@ -279,12 +273,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "1.", "label": [ @@ -451,18 +439,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "Please note that information collected by third parties may not have the same security protections as information you submit to us, and we are not responsible for protecting the security of such information.", "label": [ @@ -488,12 +464,6 @@ "Violate privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "We also collect contact information if you choose to upload, sync or import it from a device (such as an address book or call log or SMS log history), which we use for things like helping you and others find people you may know and for the other purposes listed below.", "label": [ @@ -519,12 +489,6 @@ "Related to privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "2 of 10 20/09/2021, 14:41 \fProtecting Privacy and Security | About Facebook", "label": [ @@ -688,12 +652,6 @@ "Violate privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "We collaborate with partners across the industry to help establish best practices for data security and portability.", "label": [ @@ -743,12 +701,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "Do other Companies use cookies in connection with the Facebook Products?", "label": [ @@ -781,12 +733,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "Facebook", "label": [ @@ -1150,18 +1096,6 @@ "Violate privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "6 of 7 20/09/2021, 14:35 \fFacebook https://www.facebook.com/about/privacy/update/printable Date of Last Revision: August 21, 2020 English (US)", "label": [ @@ -1321,12 +1255,6 @@ "Commit to privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "P R A C T", "label": [ @@ -1462,12 +1390,6 @@ "Violate privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "For example, when you share a post or send a message to specific friends or accounts, they can download, screenshot, or reshare that content to others across or off our Products, in person or in virtual reality experiences such as Facebook Spaces.", "label": [ @@ -1486,12 +1408,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "For example: We use cookies to count the number of times that an ad is shown and to calculate the cost of those ads.", "label": [ @@ -1570,12 +1486,6 @@ "Violate privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "▪ You can review your Off-Facebook activity, which is a summary of activity that businesses and organisations share with us about your interactions with them, such as visiting their apps or websites.", "label": [ @@ -1601,12 +1511,6 @@ "Violate privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "They use our business tools, such as Facebook pixel, to share this information with us.", "label": [ @@ -1663,12 +1567,6 @@ "Violate privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "Advertising, recommendations, insights and measurement", "label": [ @@ -1711,12 +1609,6 @@ "Violate privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "Cookie data: data from cookies stored on your device, including cookie IDs and settings.", "label": [ @@ -2095,12 +1987,6 @@ "Violate privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "▪", "label": [ @@ -2416,12 +2302,6 @@ "Commit to privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "How do we use this information?", "label": [ @@ -2724,12 +2604,6 @@ "Related to privacy" ] }, - { - "text": "...", - "label": [ - "Not applicable" - ] - }, { "text": "These services providers are limited from using your information for any purpose other than to perform services for us.", "label": [ @@ -2846,12 +2720,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "owner.", "label": [ @@ -3023,12 +2891,6 @@ "Violate privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "Trust, Transparency and Control", "label": [ @@ -3199,12 +3061,6 @@ "Related to privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "If we remove content that you have shared for violation of our Community Standards we’ll let you know and explain any options", "label": [ @@ -3261,12 +3117,6 @@ "Violate privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "• We've previously disabled your account for breaches of our Terms or Policies.", "label": [ diff --git a/output/partition/1labelDistribution.txt b/output/partition/1labelDistribution.txt index f6569ba..886c6ca 100644 --- a/output/partition/1labelDistribution.txt +++ b/output/partition/1labelDistribution.txt @@ -2,37 +2,37 @@ Distribution of labels Total set -Not applicable 0.494 (345/698) -Related to privacy 0.153 (107/698) -Commit to privacy 0.192 (134/698) -Violate privacy 0.136 (95/698) -Declare opinion about privacy 0.024 (17/698) +Not applicable 0.472 (316/669) +Related to privacy 0.16 (107/669) +Commit to privacy 0.2 (134/669) +Violate privacy 0.142 (95/669) +Declare opinion about privacy 0.025 (17/669) Train set -Not applicable 0.495 (276/558) -Related to privacy 0.152 (85/558) -Commit to privacy 0.192 (107/558) -Violate privacy 0.136 (76/558) -Declare opinion about privacy 0.025 (14/558) +Not applicable 0.471 (251/533) +Related to privacy 0.159 (85/533) +Commit to privacy 0.201 (107/533) +Violate privacy 0.143 (76/533) +Declare opinion about privacy 0.026 (14/533) Dev set -Declare opinion about privacy 0.029 (2/70) -Not applicable 0.5 (35/70) -Related to privacy 0.157 (11/70) -Commit to privacy 0.186 (13/70) -Violate privacy 0.129 (9/70) +Declare opinion about privacy 0.029 (2/69) +Not applicable 0.493 (34/69) +Related to privacy 0.159 (11/69) +Commit to privacy 0.188 (13/69) +Violate privacy 0.13 (9/69) Test set -Violate privacy 0.143 (10/70) -Not applicable 0.486 (34/70) -Commit to privacy 0.2 (14/70) -Related to privacy 0.157 (11/70) -Declare opinion about privacy 0.014 (1/70) +Violate privacy 0.149 (10/67) +Not applicable 0.463 (31/67) +Commit to privacy 0.209 (14/67) +Related to privacy 0.164 (11/67) +Declare opinion about privacy 0.015 (1/67) diff --git a/output/partition/1labelDistribution70.txt b/output/partition/1labelDistribution70.txt deleted file mode 100644 index b793807..0000000 --- a/output/partition/1labelDistribution70.txt +++ /dev/null @@ -1,38 +0,0 @@ -Distribution of labels - -Total set - -Not applicable 0.494 (345/698) -Violate privacy 0.136 (95/698) -Related to privacy 0.153 (107/698) -Commit to privacy 0.192 (134/698) -Declare opinion about privacy 0.024 (17/698) - - -Train set - -Not applicable 0.494 (241/488) -Violate privacy 0.137 (67/488) -Related to privacy 0.154 (75/488) -Commit to privacy 0.191 (93/488) -Declare opinion about privacy 0.025 (12/488) - - -Dev set - -Declare opinion about privacy 0.029 (3/105) -Violate privacy 0.133 (14/105) -Not applicable 0.495 (52/105) -Related to privacy 0.152 (16/105) -Commit to privacy 0.19 (20/105) - - -Test set - -Not applicable 0.495 (52/105) -Commit to privacy 0.2 (21/105) -Related to privacy 0.152 (16/105) -Declare opinion about privacy 0.019 (2/105) -Violate privacy 0.133 (14/105) - - diff --git a/output/partition/1label_distribution_Dev.jpg b/output/partition/1label_distribution_Dev.jpg deleted file mode 100644 index 7a782ce..0000000 Binary files a/output/partition/1label_distribution_Dev.jpg and /dev/null differ diff --git a/output/partition/1label_distribution_Dev.png b/output/partition/1label_distribution_Dev.png index b8cc7c2..884913d 100644 Binary files a/output/partition/1label_distribution_Dev.png and b/output/partition/1label_distribution_Dev.png differ diff --git a/output/partition/1label_distribution_Test.jpg b/output/partition/1label_distribution_Test.jpg deleted file mode 100644 index 2786f6b..0000000 Binary files a/output/partition/1label_distribution_Test.jpg and /dev/null differ diff --git a/output/partition/1label_distribution_Test.png b/output/partition/1label_distribution_Test.png index 8796640..4daf3ac 100644 Binary files a/output/partition/1label_distribution_Test.png and b/output/partition/1label_distribution_Test.png differ diff --git a/output/partition/1label_distribution_Total.jpg b/output/partition/1label_distribution_Total.jpg deleted file mode 100644 index bf36a99..0000000 Binary files a/output/partition/1label_distribution_Total.jpg and /dev/null differ diff --git a/output/partition/1label_distribution_Total.png b/output/partition/1label_distribution_Total.png index 195c3d2..d5416d5 100644 Binary files a/output/partition/1label_distribution_Total.png and b/output/partition/1label_distribution_Total.png differ diff --git a/output/partition/1label_distribution_Train.jpg b/output/partition/1label_distribution_Train.jpg deleted file mode 100644 index e9d2003..0000000 Binary files a/output/partition/1label_distribution_Train.jpg and /dev/null differ diff --git a/output/partition/1label_distribution_Train.png b/output/partition/1label_distribution_Train.png index a58ad45..8d84275 100644 Binary files a/output/partition/1label_distribution_Train.png and b/output/partition/1label_distribution_Train.png differ diff --git a/output/partition/multilabelDistribution.txt b/output/partition/multilabelDistribution.txt index eedd97e..27f8a25 100644 --- a/output/partition/multilabelDistribution.txt +++ b/output/partition/multilabelDistribution.txt @@ -2,45 +2,45 @@ Distribution of labels Total set -('Not applicable',) 0.494 (345/698) -('Related to privacy',) 0.153 (107/698) -('Commit to privacy',) 0.173 (121/698) -('Violate privacy',) 0.12 (84/698) -('Commit to privacy', 'Violate privacy') 0.019 (13/698) -('Declare opinion about privacy',) 0.024 (17/698) -('Violate privacy', 'Commit to privacy') 0.016 (11/698) +('Not applicable',) 0.472 (316/669) +('Related to privacy',) 0.16 (107/669) +('Commit to privacy',) 0.181 (121/669) +('Violate privacy',) 0.126 (84/669) +('Commit to privacy', 'Violate privacy') 0.019 (13/669) +('Declare opinion about privacy',) 0.025 (17/669) +('Violate privacy', 'Commit to privacy') 0.016 (11/669) Train set -('Not applicable',) 0.495 (276/558) -('Related to privacy',) 0.152 (85/558) -('Commit to privacy',) 0.174 (97/558) -('Violate privacy',) 0.12 (67/558) -('Commit to privacy', 'Violate privacy') 0.018 (10/558) -('Declare opinion about privacy',) 0.025 (14/558) -('Violate privacy', 'Commit to privacy') 0.016 (9/558) +('Not applicable',) 0.471 (251/533) +('Related to privacy',) 0.159 (85/533) +('Commit to privacy',) 0.182 (97/533) +('Violate privacy',) 0.126 (67/533) +('Commit to privacy', 'Violate privacy') 0.019 (10/533) +('Declare opinion about privacy',) 0.026 (14/533) +('Violate privacy', 'Commit to privacy') 0.017 (9/533) Dev set -('Declare opinion about privacy',) 0.029 (2/70) -('Not applicable',) 0.5 (35/70) -('Related to privacy',) 0.157 (11/70) -('Commit to privacy',) 0.171 (12/70) -('Violate privacy',) 0.114 (8/70) -('Commit to privacy', 'Violate privacy') 0.014 (1/70) -('Violate privacy', 'Commit to privacy') 0.014 (1/70) +('Declare opinion about privacy',) 0.029 (2/69) +('Not applicable',) 0.493 (34/69) +('Related to privacy',) 0.159 (11/69) +('Commit to privacy',) 0.174 (12/69) +('Violate privacy',) 0.116 (8/69) +('Commit to privacy', 'Violate privacy') 0.014 (1/69) +('Violate privacy', 'Commit to privacy') 0.014 (1/69) Test set -('Violate privacy',) 0.129 (9/70) -('Not applicable',) 0.486 (34/70) -('Commit to privacy',) 0.171 (12/70) -('Violate privacy', 'Commit to privacy') 0.014 (1/70) -('Related to privacy',) 0.157 (11/70) -('Commit to privacy', 'Violate privacy') 0.029 (2/70) -('Declare opinion about privacy',) 0.014 (1/70) +('Violate privacy',) 0.134 (9/67) +('Not applicable',) 0.463 (31/67) +('Commit to privacy',) 0.179 (12/67) +('Violate privacy', 'Commit to privacy') 0.015 (1/67) +('Related to privacy',) 0.164 (11/67) +('Commit to privacy', 'Violate privacy') 0.03 (2/67) +('Declare opinion about privacy',) 0.015 (1/67) diff --git a/output/partition/multilabelDistribution70.txt b/output/partition/multilabelDistribution70.txt deleted file mode 100644 index 4755c83..0000000 --- a/output/partition/multilabelDistribution70.txt +++ /dev/null @@ -1,46 +0,0 @@ -Distribution of labels - -Total set - -('Not applicable',) 0.494 (345/698) -('Violate privacy',) 0.12 (84/698) -('Related to privacy',) 0.153 (107/698) -('Commit to privacy',) 0.173 (121/698) -('Declare opinion about privacy',) 0.024 (17/698) -('Commit to privacy', 'Violate privacy') 0.019 (13/698) -('Violate privacy', 'Commit to privacy') 0.016 (11/698) - - -Train set - -('Not applicable',) 0.494 (241/488) -('Violate privacy',) 0.121 (59/488) -('Related to privacy',) 0.154 (75/488) -('Commit to privacy',) 0.172 (84/488) -('Declare opinion about privacy',) 0.025 (12/488) -('Commit to privacy', 'Violate privacy') 0.018 (9/488) -('Violate privacy', 'Commit to privacy') 0.016 (8/488) - - -Dev set - -('Declare opinion about privacy',) 0.029 (3/105) -('Violate privacy',) 0.124 (13/105) -('Not applicable',) 0.495 (52/105) -('Related to privacy',) 0.152 (16/105) -('Commit to privacy',) 0.171 (18/105) -('Commit to privacy', 'Violate privacy') 0.019 (2/105) -('Violate privacy', 'Commit to privacy') 0.01 (1/105) - - -Test set - -('Not applicable',) 0.495 (52/105) -('Commit to privacy',) 0.181 (19/105) -('Related to privacy',) 0.152 (16/105) -('Declare opinion about privacy',) 0.019 (2/105) -('Violate privacy',) 0.114 (12/105) -('Violate privacy', 'Commit to privacy') 0.019 (2/105) -('Commit to privacy', 'Violate privacy') 0.019 (2/105) - - diff --git a/output/partition/multilabel_distribution_Dev.jpg b/output/partition/multilabel_distribution_Dev.jpg deleted file mode 100644 index 96e54a0..0000000 Binary files a/output/partition/multilabel_distribution_Dev.jpg and /dev/null differ diff --git a/output/partition/multilabel_distribution_Dev.png b/output/partition/multilabel_distribution_Dev.png index ad0a59a..c9f6d68 100644 Binary files a/output/partition/multilabel_distribution_Dev.png and b/output/partition/multilabel_distribution_Dev.png differ diff --git a/output/partition/multilabel_distribution_Test.jpg b/output/partition/multilabel_distribution_Test.jpg deleted file mode 100644 index d8f577e..0000000 Binary files a/output/partition/multilabel_distribution_Test.jpg and /dev/null differ diff --git a/output/partition/multilabel_distribution_Test.png b/output/partition/multilabel_distribution_Test.png index 15c608f..f7a2051 100644 Binary files a/output/partition/multilabel_distribution_Test.png and b/output/partition/multilabel_distribution_Test.png differ diff --git a/output/partition/multilabel_distribution_Total.jpg b/output/partition/multilabel_distribution_Total.jpg deleted file mode 100644 index fce75a7..0000000 Binary files a/output/partition/multilabel_distribution_Total.jpg and /dev/null differ diff --git a/output/partition/multilabel_distribution_Total.png b/output/partition/multilabel_distribution_Total.png index ff78636..6984457 100644 Binary files a/output/partition/multilabel_distribution_Total.png and b/output/partition/multilabel_distribution_Total.png differ diff --git a/output/partition/multilabel_distribution_Train.jpg b/output/partition/multilabel_distribution_Train.jpg deleted file mode 100644 index 78cb887..0000000 Binary files a/output/partition/multilabel_distribution_Train.jpg and /dev/null differ diff --git a/output/partition/multilabel_distribution_Train.png b/output/partition/multilabel_distribution_Train.png index 7eb5dcd..25ac455 100644 Binary files a/output/partition/multilabel_distribution_Train.png and b/output/partition/multilabel_distribution_Train.png differ diff --git a/output/partition/multilabeldata_70dev.json b/output/partition/multilabeldata_70dev.json deleted file mode 100644 index 33afa2b..0000000 --- a/output/partition/multilabeldata_70dev.json +++ /dev/null @@ -1,635 +0,0 @@ -[ - { - "text": "By these platforms, we aim to make your online experiences richer and more personalized.", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "• Network and connections: information such as the name of your mobile operator or ISP, language, time zone, mobile phone number, IP address, connection speed and, in some cases, information about other devices that are nearby or on your network, so we can do things like help you stream a video from your phone to your TV.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "They supersede any prior agreements.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Here's how: Provide, personalize and improve our Products.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We may receive information about you from other sources, including through third-party services and organizations, which we may combine with other information we receive about you.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "When you subscribe to receive premium content, or buy something from a seller in our Products, the content creator or seller can receive your public information and other information you share with them, as well as the information needed to complete the transaction, including shipping and contact details.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Learn more.", - "label": [ - "Not applicable" - ] - }, - { - "text": "You should know that we may need to change the username for your account in certain circumstances (for example, if someone else claims the username and it appears unrelated to the name you use in everyday life).We will inform you in advance if we have to do this and explain why.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Sardu Deutsch Español Shqip ﺍﻟﻌﺮﺑﻴﺔ Português (Brasil) िह�दी", - "label": [ - "Not applicable" - ] - }, - { - "text": "This can include information about you, such as when others share or comment on a photo of you, send a message to you, or upload, sync or import your contact information.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "The Facebook Products; ▪ Products provided by other members of the Facebook Companies; and ▪ Websites and apps provided by other companies that use the Facebook Products, including companies that incorporate the Facebook Technologies into their websites and apps.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "We also provide advertisers with reports about the performance of their ads to help them understand how people are interacting with their content on and off Facebook.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Changes To This Policy", - "label": [ - "Not applicable" - ] - }, - { - "text": "Privacy Policy | Facebook Open Source https://opensource.fb.com/legal/privacy/", - "label": [ - "Not applicable" - ] - }, - { - "text": "Provided that we have acted with professional diligence, we do not accept responsibility for losses not caused by our breach of these Terms or otherwise by our acts; losses that are not reasonably foreseeable by you and us at the time of entering into these Terms; and events beyond our reasonable control.", - "label": [ - "Not applicable" - ] - }, - { - "text": "VIII.", - "label": [ - "Not applicable" - ] - }, - { - "text": "For example, people can share a photo of you in a Story, mention or tag you at a location in a post, or share information about you in their posts or messages.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "By using our Products, you agree that we can show you ads", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "Terms.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We’re ensuring every new product or feature is built with privacy in mind.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Please note that ad blockers and tools that restrict our cookie use may interfere with these controls.", - "label": [ - "Not applicable" - ] - }, - { - "text": "But apps and websites you use will not be able to receive any other information about your Facebook friends from you, or information about any of your Instagram followers (although your friends and followers may, of course, choose to share this information themselves).", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "See Section 2 Our Data Policy explains how we collect and use your personal data to determine some of the ads you see and provide all of the other services described below.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "For any other purposes disclosed to you at the time we collect your information or and pursuant to your consent.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We'll notify you before we make changes to this policy and give you the opportunity to review the revised policy before you choose to continue using our Products. XI.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "However, to provide our services we need you to give us some legal permissions (known as a ‘license’) to use this content.", - "label": [ - "Commit to privacy", - "Violate privacy" - ] - }, - { - "text": "• Create only one account (your own) and use your timeline for personal purposes.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Log", - "label": [ - "Not applicable" - ] - }, - { - "text": "Content others share or reshare about you You should consider who you choose to share with, because people who can see your activity on our Products can choose to share it with others on and off our Products, including people and businesses outside the audience you shared with.", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "For example, when you search for something on Facebook, you can access and delete that query from within your search history at any time, but the log of that search is deleted after 6 months.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "4.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Learn how we share information with these partners.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "future.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Learn More 3 of 10 20/09/2021, 14:41 \fProtecting Privacy and Security | About Facebook https://about.facebook.com/actions/protecting-privacy-...", - "label": [ - "Not applicable" - ] - }, - { - "text": "You also have the right to object to and restrict certain processing of your data.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "I C E S", - "label": [ - "Not applicable" - ] - }, - { - "text": "X.", - "label": [ - "Not applicable" - ] - }, - { - "text": "F E A T", - "label": [ - "Not applicable" - ] - }, - { - "text": "This and other information (such as racial or ethnic origin, philosophical beliefs or trade union membership) is subject to special protections under EU law.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "These partners provide information about your activities off Facebook—including information about your device, websites you visit, purchases you make, the ads you see, and how you use their services—whether or not you have a Facebook account or are logged into Facebook.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "https://about.facebook.com/actions/protecting-privacy-... Download", - "label": [ - "Not applicable" - ] - }, - { - "text": "Data retention, account deactivation and deletion", - "label": [ - "Not applicable" - ] - }, - { - "text": "If we remove content that you have shared for violation of our Community Standards we’ll let you know and explain any options", - "label": [ - "Not applicable" - ] - }, - { - "text": "Site features and services", - "label": [ - "Not applicable" - ] - }, - { - "text": "3.", - "label": [ - "Not applicable" - ] - }, - { - "text": "In Data Policy", - "label": [ - "Not applicable" - ] - }, - { - "text": "We share your information with third-party vendors and service providers that help us with specialized services, including email deployment, business analytics, marketing, and data processing.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Learn more about our research programs.", - "label": [ - "Not applicable" - ] - }, - { - "text": "How can you exercise your rights provided under the GDPR?", - "label": [ - "Not applicable" - ] - }, - { - "text": "For example, a game developer could use our API to tell us what games you play, or a business could tell us about a purchase you made in its store.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Yes, other companies use cookies on the Facebook Products to provide advertising, measurement, marketing and analytics services to us, and to provide certain features and improve our services for you.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "https://about.facebook.com/actions/protecting-privacy-", - "label": [ - "Not applicable" - ] - }, - { - "text": "Where do we use cookies?", - "label": [ - "Not applicable" - ] - }, - { - "text": "This license will end when your content is deleted from our systems.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "The types of information we collect depend on how you use our Products.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "You may not upload viruses or malicious code or do anything that could disable, overburden, or impair the proper working or appearance of our Products.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Advertisers, app developers, and publishers can send us information through Facebook Business Tools they use, including our social plug-ins (such as the Like button), Facebook Login, our APIs and SDKs, or the Facebook pixel.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We can also make your experience more seamless, for example, by automatically filling in your registration information (such as your phone number) from one Facebook Product when you sign up for an account on a different Product.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "If you delete or we disable your account, these Terms shall terminate as an agreement between you and us, but the following provisions will remain in place: 3.3.1, 4.2-4.5.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Information about transactions made on our Products.", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "We share information about you with companies that aggregate it to provide analytics and measurement reports to our Partners offering goods and services in our Products.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "data.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Learn more about how Facebook ads work here.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Other technologies, including data that we store on your web browser or device, identifiers associated with your device and other software, are used for similar purposes.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "You are free to share your content with anyone else, wherever you want.", - "label": [ - "Not applicable" - ] - }, - { - "text": "In Messenger Facebook Lite Watch Places Games Marketplace Facebook Pay Jobs Oculus Portal Instagram", - "label": [ - "Not applicable" - ] - }, - { - "text": "Questions", - "label": [ - "Not applicable" - ] - }, - { - "text": "When you add a platform account to our Services or log into our Services using your platform account, we may collect relevant information necessary to enable our Services to access that platform and your data that platform holds.", - "label": [ - "Violate privacy", - "Commit to privacy" - ] - }, - { - "text": "Cookies are used to store and receive identifiers and other information on computers, phones and other devices.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "• You are a convicted sex offender.", - "label": [ - "Not applicable" - ] - }, - { - "text": "How do we respond to legal requests or prevent harm?", - "label": [ - "Not applicable" - ] - }, - { - "text": "You can learn about how we collect and use your data in our Data Policy.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "The advertising companies we work with generally use cookies and similar technologies as part of their services.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "For example, if relevant, we provide information to and receive information from third-party partners about the reliability of your account to prevent fraud, abuse and other harmful activity on and off our Products.", - "label": [ - "Commit to privacy", - "Violate privacy" - ] - }, - { - "text": "We won’t store In 2019, we sensitive data in awarded over countries with $2.2 million to weak records researchers on human rights from over 60 in order to protect data from being improperly accessed.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Some web browsers transmit \"do-not- track\" signals to websites.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "7.", - "label": [ - "Not applicable" - ] - }, - { - "text": "20 Terms of service", - "label": [ - "Not applicable" - ] - }, - { - "text": "Learn more about how you can control who can see the things you share.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "As a result, we may need to update these Terms from time to time to accurately reflect our services and practices.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Similarly, when you use Messenger or Instagram to communicate with people or businesses, those people and businesses can see the content you send.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "Sardu Deutsch Español Shqip ﺍﻟﻌﺮﺑﻴﺔ Português (Brasil) िह�दी", - "label": [ - "Not applicable" - ] - }, - { - "text": "We also partner to improve security standards across the industry.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Faceb ook 7 of 7 20/09/2021, 14:40", - "label": [ - "Not applicable" - ] - }, - { - "text": "The permissions you give us We need certain permissions from you to provide our services: 1.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "https://about.facebook.com/actions/protecting-privacy-...", - "label": [ - "Not applicable" - ] - }, - { - "text": "For example: We store information in a cookie that is placed on your browser or device so that you will see the site in your preferred language.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "This includes payment information, such as your credit or debit card number and other card information; other account and authentication information; and billing, shipping and contact details.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Your California Privacy Rights We do not share personal information with third parties for their own direct marketing purposes.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "If you submit a copy of your government-issued ID for account verification purposes, we delete that copy 30 days after review, unless otherwise stated.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "That infringes or breaches someone else's rights, including their intellectual property rights.", - "label": [ - "Not applicable" - ] - }, - { - "text": "As you connect and share more online, knowing how to manage your privacy and protect your information is more important than ever.", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "• Live Policies: These policies apply to all content broadcast to Facebook Live.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Cookies help us provide, protect and improve the Facebook Products, such as by personalising content, tailoring and measuring ads, and providing a safer experience.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We are not responsible for the information you choose to submit in these public areas.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "For example, we log when you're using and have last used our Products, and what posts, videos and other content you view on our Products.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "You can control how we use data to show you ads and more by using the tools described below.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "D E V E L O P B E", - "label": [ - "Not applicable" - ] - }, - { - "text": "You may be able to refuse or disable cookies by adjusting your web browser settings.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We try to make Facebook broadly available to everyone, but you cannot use Facebook if: •", - "label": [ - "Not applicable" - ] - }, - { - "text": "If we determine that you have clearly, seriously or repeatedly breached our Terms or Policies, including in particular our Community Standards, we may suspend or permanently disable access to your account.", - "label": [ - "Not applicable" - ] - } -] \ No newline at end of file diff --git a/output/partition/multilabeldata_70test.json b/output/partition/multilabeldata_70test.json deleted file mode 100644 index 89475d9..0000000 --- a/output/partition/multilabeldata_70test.json +++ /dev/null @@ -1,636 +0,0 @@ -[ - { - "text": "3.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Cookies Policy https://www.facebook.com/policy/cookies/printable", - "label": [ - "Not applicable" - ] - }, - { - "text": "U R I T Y", - "label": [ - "Not applicable" - ] - }, - { - "text": "Communicate with you.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Update We’re providing an under-the- work we’re doing to build a global privacy program and sharing our ongoing privacy efforts through investments to our COVID-19 support us now initiatives.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "For example, Page admins and Instagram business profiles receive information about the number of people or accounts who viewed, reacted to, or commented on their posts, as well as aggregate demographic and other information that helps them understand interactions with their Page or account.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Protecting people's privacy is central to how we've designed our ad system.", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "We collect information about the people, Pages, accounts, hashtags and groups you are connected to and how you interact with them across our Products, such as people you communicate with the most or groups you are part of.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Things you and others do and provide.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Also, when you comment on someone else's post or react to their content, your comment or reaction is visible to anyone who can see the other person's content, and that person can change the audience later.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "We don’t share information that directly identifies you (information such as your name or email address that by itself can be used to contact you or identifies who you are) unless you give us specific permission.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Center Messenger Help Center Instagram Help Center WhatsApp Help Center Oculus Support", - "label": [ - "Not applicable" - ] - }, - { - "text": "N E R I N G", - "label": [ - "Not applicable" - ] - }, - { - "text": "• Legal purposes.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We then show their ad to people who might be interested.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "For example, we can suggest that you join a group on Facebook that includes people you follow on Instagram or communicate with using Messenger.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Learn more about deletion of content you have shared and cookie data obtained through social plugins.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "I N G P R I V A C Y", - "label": [ - "Not applicable" - ] - }, - { - "text": "For example: We use cookies to help businesses understand the kinds of people who like their Facebook Page or use their apps so that they can provide more relevant content and develop features that are likely to be interesting to their customers.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Sign Up", - "label": [ - "Not applicable" - ] - }, - { - "text": "We use cookies to help us show ads and to make recommendations for businesses and other organisations to people who may be interested in the products, services or causes they promote.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Digital Advertising Alliance of Canada ▪ European Interactive Digital Advertising Alliance Browser cookie controls:", - "label": [ - "Not applicable" - ] - }, - { - "text": "In each of the above cases, this license will continue until the content has been fully deleted.", - "label": [ - "Violate privacy", - "Commit to privacy" - ] - }, - { - "text": "2.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Data from device settings: information you allow us to receive through device settings you turn on, such as access to your GPS location, camera or photos.", - "label": [ - "Commit to privacy", - "Violate privacy" - ] - }, - { - "text": "VII.", - "label": [ - "Not applicable" - ] - }, - { - "text": "You, other people using Facebook and Instagram, and we can provide access to or send public information to anyone on or off our Products, including in other Facebook Company Products, in search results, or through tools and APIs.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Specifically, cookies named _fbc or _fbp may be set on the domain of the Facebook business partner whose site you're visiting.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "I N G Y", - "label": [ - "Not applicable" - ] - }, - { - "text": "Permission to update software you use or download: If you download or use our software, you give us permission to download and install updates to the software where available.", - "label": [ - "Not applicable" - ] - }, - { - "text": "countries, bringing our payout total to date to over $9.8 million to strengthen the security of our users and the internet at large.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We don’t sell your personal data to advertisers, and we don’t share information that directly identifies you (such as your name, email address or other contact information) with advertisers unless you give us specific permission.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "If you have any questions about this Privacy Policy or our practices, please contact us at 5 of 7 20/09/2021, 14:40", - "label": [ - "Not applicable" - ] - }, - { - "text": "Facebook Transparency Report We publish regular reports to give our community visibility into how we enforce policies, respond to data requests, and protect intellectual property.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "For instance, if you access or use our Products for commercial or business purposes, such as buying ads, selling products, developing apps, managing a group or Page for your business, or using our measurement services, you must agree to our Commercial", - "label": [ - "Not applicable" - ] - }, - { - "text": "Developer Payment Terms: These terms apply to developers of applications that use Facebook Payments.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Permission to use content you create and share: Some content that you share or upload, such as photos or videos, may be protected by intellectual property laws.", - "label": [ - "Not applicable" - ] - }, - { - "text": "These Terms govern your use of Facebook, Messenger, and the other products, features, apps, services, technologies, and software we offer (the Facebook Products or Products), except where we expressly state that separate terms (and not these) apply.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Ad Choices Terms Help Facebook © 2021 6 of 6 20/09/2021, 14:36", - "label": [ - "Not applicable" - ] - }, - { - "text": "If we introduce face-recognition technology to your Instagram experience, we will let you know first, and you will have control over whether we use this technology for you.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "What is our legal basis for processing data?", - "label": [ - "Not applicable" - ] - }, - { - "text": "For example, we use data we have to investigate suspicious activity or violations of our terms or policies, or to detect when someone needs help.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Performance", - "label": [ - "Not applicable" - ] - }, - { - "text": "We also use cookies to measure how often people do things, such as make a purchase following an ad impression.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "We want people to use Facebook to express themselves and to share content that is important to them, but not at the expense of the safety and well-being of others or the integrity of our community.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Cookies also help us prevent underage people from registering for Facebook accounts.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "The services we provide Our mission is to give people the power to build community and bring the world closer together.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Sign Up", - "label": [ - "Not applicable" - ] - }, - { - "text": "▪", - "label": [ - "Not applicable" - ] - }, - { - "text": "Privacy Policy | Facebook Open Source https://opensource.fb.com/legal/privacy/", - "label": [ - "Not applicable" - ] - }, - { - "text": "You can find additional tools and information in the Facebook Settings and Instagram Settings.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "For example, we will remove developers' access to your Facebook and Instagram data if you haven't used their app in 3 months, and we are changing Login, so that in the next version, we will reduce the data that an app can request without app review to include only name, Instagram username and bio, profile photo and email address.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "People can also use our Products to create and share content about you with the audience they choose.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Your network can also see actions you have taken on our Products, including engagement with ads and sponsored content.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "For example, we set the \"dpr\" and \"wd\" cookies, each with a lifespan of 7 days, for purposes including to deliver an optimal experience for your device’s screen.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We work with third-party partners who help us provide and improve our Products or who use Facebook Business Tools to grow their businesses, which makes it possible to operate our companies and provide free services to people around the world.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "As of 23 June 2021, you may find additional information about the controls offered by popular browsers at the links below.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Except as otherwise stated in this policy, the Data Policy will apply to our processing of the data that we collect via cookies.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "• Music Guidelines: These guidelines outline the policies that apply if you post or share content containing music on Facebook.", - "label": [ - "Not applicable" - ] - }, - { - "text": "You also have the right to lodge a complaint with Facebook Ireland's lead supervisory authority, the Irish Data Protection Commissioner, or your local supervisory authority.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "What kinds of information do we collect?", - "label": [ - "Related to privacy" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "Two-Factor Authentication", - "label": [ - "Not applicable" - ] - }, - { - "text": "Nothing in these Terms is intended to exclude or limit our liability for death, personal injury or fraudulent misrepresentation caused We will exercise professional diligence in providing our Products and services to you and in keeping a safe, secure and error-free environment.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Certain parts of the Facebook Products may not work properly if you have disabled browser cookie use.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We don't sell any of your information to anyone, and we never will.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "You can learn how to access and delete information we collect by visiting the Facebook Settings and Instagram Settings.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Law enforcement or legal requests.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Cookies enable Facebook to offer the Facebook Products to you and to understand the information that we receive about you, including information about your use of other websites and apps, whether or not you are registered or logged in.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "How We Combat Scraping April 15, 2021 August 20, 2019 Facebook Facebook", - "label": [ - "Not applicable" - ] - }, - { - "text": "If you use any of these Products, you will be provided with an opportunity to agree to supplemental terms that will become part of our agreement with you.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We give you this We built end- option in to-end addition to your encryption in password to protect your WhatsApp and offer the option account from in Messenger to improper access.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Our Services may enable you to access these platforms directly or indirectly through our Services.", - "label": [ - "Not applicable" - ] - }, - { - "text": "You can delete content individually or all at once by deleting your account.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We will delete any information we may have inadvertently received from a child under 13 upon notice.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "partners.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We employ dedicated teams around the world and develop advanced technical systems to detect misuse of our Products, harmful conduct towards others, and situations where we may be able to help support or protect our community.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Updating our Terms We work constantly to improve our services and develop new features to make our Products better for you and our community.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Researchers and academics.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Seeing This", - "label": [ - "Not applicable" - ] - }, - { - "text": "Specifically, when you share, post, or upload content that is covered by intellectual property rights on or in connection with our Products, you grant us a non-exclusive, transferable, sub-licensable, royalty-free, and worldwide license to host, use, distribute, modify, run, copy, publicly perform or display, translate, and create derivative works of your content (consistent with your privacy and application settings).", - "label": [ - "Violate privacy", - "Commit to privacy" - ] - }, - { - "text": "In this policy, we refer to all of these technologies as “cookies”.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We make privacy part of everything we do, and are continuing to improve.", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "Limits on liability by our negligence, or to affect your statutory rights.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Enable global access to our services: To operate our global service, we need to store and distribute content and data in our data centers and systems around the world, including outside your country of residence.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Research and innovate for social good.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We use the data we have - for example, about the connections you make, the choices and settings you select, and what you share and do on and off our Products - to personalize your experience.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "2.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We currently do not take action in response to these signals.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "To delete your account at any time, please visit the Facebook Settings and Instagram Settings.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "For example: We use cookies to count the number of times that an ad is shown and to calculate the cost of those ads.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "• Not share your password, give access to your Facebook account to others, or transfer your account to anyone else (without our permission).", - "label": [ - "Violate privacy" - ] - }, - { - "text": "T O", - "label": [ - "Not applicable" - ] - }, - { - "text": "You may not use our Products to do or share anything: •", - "label": [ - "Not applicable" - ] - }, - { - "text": "The cookies that we use include session cookies, which are deleted when you close your browser, and persistent cookies, which stay in your browser until they expire or you delete them.", - "label": [ - "Commit to privacy", - "Violate privacy" - ] - }, - { - "text": "• Help you discover content, products, and services that may interest you: We show you ads, offers, and other sponsored content to help you discover content, products, and services that are offered by the many businesses and organizations that use Facebook and other Facebook Products.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "You must obtain our written permission (or permission under an open source license) to modify, create derivative works of, decompile, or otherwise attempt to extract source code from us.", - "label": [ - "Not applicable" - ] - }, - { - "text": "In Cookies & other storage technologies", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "We use the information we have to verify accounts and activity, combat harmful conduct, detect and prevent spam and other bad experiences, maintain the integrity of our Products, and promote safety and security on and off of Facebook Products.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Information from partners.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We may place cookies on your computer or device and receive information stored in cookies when you use or visit: ▪", - "label": [ - "Violate privacy" - ] - }, - { - "text": "We require each of these partners to have lawful rights to collect, use and share your data before providing any data to us.", - "label": [ - "Commit to privacy" - ] - } -] \ No newline at end of file diff --git a/output/partition/multilabeldata_70train.json b/output/partition/multilabeldata_70train.json deleted file mode 100644 index 1e77072..0000000 --- a/output/partition/multilabeldata_70train.json +++ /dev/null @@ -1,2947 +0,0 @@ -[ - { - "text": "Privacy Policy | Facebook Open Source https://opensource.fb.com/legal/privacy/ Open Source Get Involved Projects Blog Showcase Media About Careers Facebook Open Source - Privacy Policy TABLE OF CONTENTS Collection of Information", - "label": [ - "Not applicable" - ] - }, - { - "text": "Ad Choices Terms Help 2 of 2 20/09/2021, 14:36", - "label": [ - "Not applicable" - ] - }, - { - "text": "Create Ad Create Page Developers Careers Privacy Cookies", - "label": [ - "Not applicable" - ] - }, - { - "text": "If we fail to enforce any of these Terms, it will not be considered a waiver.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Read about our approach. and in the blog.", - "label": [ - "Not applicable" - ] - }, - { - "text": "For certain activities, we may collect the following • Contact information, such as name and email address; and • Information you provide us when you send us correspondence, comment on posts, subscribe to a service, or otherwise participate on the Services.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "We also use cookies to detect computers infected with malware and to take steps to prevent them from causing further harm.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "II.", - "label": [ - "Not applicable" - ] - }, - { - "text": "But you should know that we may use them without any restriction or obligation to compensate you, and we are under no obligation to keep them confidential.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "How can you control your Information?", - "label": [ - "Not applicable" - ] - }, - { - "text": "You can also go to your settings at any time to review the privacy choices you have about how we use your below to learn more.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Facebook", - "label": [ - "Not applicable" - ] - }, - { - "text": "IX.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Learn more about how we select and personalize ads, and your choices over the data we use to select ads and other sponsored content for you in the Facebook Settings and Instagram Settings.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "You can control whether we use this data to show you ads in your ad settings.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We use the information we have to send you marketing communications, communicate with you about our Products, and let you know about our policies and terms.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "you have to request another review, unless you seriously or repeatedly violate these Terms or if doing so may expose us or others to legal liability; harm our community of users; compromise or interfere with the integrity or operation of any of our services, systems or Products; where we are restricted due to technical limitations; or where we are prohibited from doing so for legal reasons.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Do-Not-Track Signals and Similar Mechanisms.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Cookies", - "label": [ - "Not applicable" - ] - }, - { - "text": "How to contact Facebook with questions You can learn more about how privacy works on Facebook and on Instagram.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "For instance, cookies allow us to make suggestions to you and others, and to customise content on third-party sites that integrate our social plugins.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "you.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Privacy Shortcuts", - "label": [ - "Not applicable" - ] - }, - { - "text": "Your usage.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Device Information As described below, we collect information from and about the computers, phones, connected TVs and other web-connected devices you use that integrate with our Products, and we combine this information across different devices you use.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Facebook and Instagram share infrastructure, systems and technology with other Facebook Companies (which include WhatsApp and Oculus) to provide an innovative, relevant, consistent and safe experience across all Facebook Company Products you use.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "How do the Facebook Companies work together?", - "label": [ - "Not applicable" - ] - }, - { - "text": "This includes: • the right to object to our processing of your data for direct marketing, which you can exercise by using the \"unsubscribe\" link in such marketing communications; and • the right to object to our processing of your data where we are performing a task in the public interest or pursuing our legitimate interests or those of a third party.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "If you are uncomfortable with what others have shared about you on our Products, you can learn how to report the content.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We also process information about you across the Facebook Companies for these purposes, as permitted by applicable law and in accordance with their terms and policies.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We collect the content, communications and other information you provide when you use our Products, including when you sign up for an account, create or share content, and message or communicate with others.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "This means that we can show you relevant and useful ads without telling advertisers who you are.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "1.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Learn more about how we’re designing privacy into our products on our Privacy Matters M A K", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "This occurs whether or not you have a Facebook account or are logged in.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "We collaborate with partners across the industry to help establish best practices for data security and portability.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "This helps us do things like give you a more personalised experience on Facebook.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We utilize standard contractual clauses approved by the European Commission and rely on the European Commission's adequacy decisions about certain countries, as applicable, for data transfers from the EEA to the United States and other countries.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Our Data Policy explains how we use data to support this research for the purposes of developing and improving our services.", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "More information about online advertising:", - "label": [ - "Not applicable" - ] - }, - { - "text": "How will we notify you of changes to this policy?", - "label": [ - "Not applicable" - ] - }, - { - "text": "We use cookies if you have a Facebook account, use the Facebook Products, including our website and apps, or visit other websites and apps that use the Facebook Products (including the Like button or other Facebook Technologies).", - "label": [ - "Related to privacy" - ] - }, - { - "text": "includes: • Device attributes: information such as the operating system, hardware and software versions, battery level, signal strength, available storage space, browser type, app and file names and types, and plugins.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Note: We are in the process of restricting developers’ data access even further to help prevent abuse.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Location-related information: We use location-related information-such as your current location, where you live, the places you like to go, and the businesses and people you're near-to provide, personalize and improve our Products, including ads, for you and others.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "How our services are funded Instead of paying to use Facebook and the other products and services we offer, by using the Facebook Products covered by these Terms you agree that we can show you ads that business and organizations pay us to promote on and off the Facebook Company Products.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We may share your information in connection with a substantial corporate transaction, such as the sale of a website, a merger, consolidation, asset sale, or in the unlikely event of bankruptcy.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "For example: Cookies allow us to help deliver ads to people who have previously visited a business’s website, purchased its products or used its apps and to recommend products and services based on that activity.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "A T A M O R E S E C U R E 4 of 10 20/09/2021, 14:41 \fProtecting Privacy and Security | About Facebook", - "label": [ - "Not applicable" - ] - }, - { - "text": "other commercial or sponsored activity or content.", - "label": [ - "Not applicable" - ] - }, - { - "text": "To learn more about how we use cookies in connection with Facebook Business Tools, review the Facebook Cookies Policy and Instagram Cookies Policy.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Learn More", - "label": [ - "Not applicable" - ] - }, - { - "text": "Personalized Advertising and Privacy Are Not at Odds", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "You can learn more about what you can do if your account has been disabled and how to contact us if you think we have disabled your account by mistake.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We may share your information with our affiliates, which are companies that control, are controlled by, or are under common control with us.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Data Transfer Project We joined the Data Transfer Project to give people easier ways to move their data between different online service providers.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "L I T Y", - "label": [ - "Not applicable" - ] - }, - { - "text": "We use your personal data, such as information about your activity and interests, to show you ads that are more relevant to you.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "We want Facebook to be a place where people feel welcome and safe to express themselves and share their thoughts and ideas.", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "Your information is shared with others in the following ways: Sharing on Facebook Products People and accounts you share and communicate with When you share and communicate using our Products, you choose the audience for what you share.", - "label": [ - "Commit to privacy", - "Violate privacy" - ] - }, - { - "text": "Why do we use cookies?", - "label": [ - "Not applicable" - ] - }, - { - "text": "• We've previously disabled your account for breaches of our Terms or Policies.", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "We share data with other Facebook Companies when we detect misuse or harmful conduct by someone using one of our Products.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Privacy Policy | Facebook Open Source https://opensource.fb.com/legal/privacy/ opensource@fb.com Site Map Projects FAQ About Get Involved Information Blog Linux Careers Connect GitHub Follow Us FB for Developers 6 of 7 20/09/2021, 14:40", - "label": [ - "Not applicable" - ] - }, - { - "text": "Log", - "label": [ - "Not applicable" - ] - }, - { - "text": "Advertising Policies: These policies specify what types of ad content are allowed by partners who advertise across the Facebook • Self-Serve Ad Terms: These terms apply when you use self-serve advertising interfaces to create, submit, or deliver advertising or Products.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We may update or modify this Privacy Policy at any time without prior notice.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Other 1.", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "Cookies also help us record the ratio and dimensions of your screen and windows and know whether you’ve enabled high-contrast mode, so that we can render our sites and apps correctly.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Google Chrome ▪ Internet Explorer", - "label": [ - "Not applicable" - ] - }, - { - "text": "To provide the Facebook Products, we must process information about you.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Provide accurate information about yourself.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Identifiers: unique identifiers, device IDs, and other identifiers, such as from games, apps or accounts you use, and Family Device IDs (or other identifiers unique to Facebook Company Products associated with the same device or account).", - "label": [ - "Violate privacy" - ] - }, - { - "text": "4.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Additional provisions 1.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Instead, advertisers can tell us things like the kind of audience they want to see their ads, and we show those ads to people who may be interested.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Good: COVID-19 We balanced protecting with public interest priorities to enable pandemic response Privacy Progress", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "To the extent any supplemental terms conflict with these Terms, the supplemental terms shall govern to the extent of the conflict.", - "label": [ - "Not applicable" - ] - }, - { - "text": "In Messenger Facebook Lite Watch Places Games Marketplace Facebook Pay Jobs Oculus Portal Instagram", - "label": [ - "Not applicable" - ] - }, - { - "text": "We provide advertisers with reports about the performance of their ads that help them understand how people are interacting with their content.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "To learn more about how advertisers generally use cookies and the choices they offer, you can review the following resources: ▪ Digital Advertising Alliance ▪", - "label": [ - "Not applicable" - ] - }, - { - "text": "Local Fundraisers Services Voting Information Center About", - "label": [ - "Not applicable" - ] - }, - { - "text": "• Commerce Policies: These guidelines outline the policies that apply when you offer products and services for sale on Facebook.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Certain features on the Facebook Products use cookies from other companies to function, for example, certain maps, payment and security features.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Promote safety, integrity and security.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Information collected by these third-party services is subject to their own terms and policies, not this one.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "V.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Only your legacy contact or a person who you have identified in a valid will or similar document expressing clear consent to disclose your content upon death or incapacity will be able to seek disclosure from your account after it is memorialized.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Log", - "label": [ - "Not applicable" - ] - }, - { - "text": "Learn more about these rights, and find out how you can exercise your rights in the Facebook Settings and Instagram Settings.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Facebook uses cookies and receives information when you visit those sites and apps, including device information and information about your activity, without any further action from you.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "We also can remove or restrict access to your content, services or information if we determine that doing so is reasonably necessary to avoid or mitigate adverse legal or regulatory impacts to Facebook.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Create Ad Create Page Developers Careers Privacy Cookies", - "label": [ - "Not applicable" - ] - }, - { - "text": "What you share and who you share it with should be your decision.", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "Facebook Platform Policy: These guidelines outline the policies that apply to your use of our Platform (for example, for developers or operators of a Platform application or website or if you use social plugins).", - "label": [ - "Not applicable" - ] - }, - { - "text": "Information across Facebook Products and devices: We connect information about your activities on different Facebook Products and devices to provide a more tailored and consistent experience on all Facebook Products you use, wherever you use them.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Devices and operating systems providing native versions of Facebook and Instagram (i.e. where we have not developed our own first-party apps) will have access to all information you choose to share with them, including information your friends share with you, so they can provide our core functionality to you.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "For example, when you play a game with your Facebook friends or use a Facebook Comment or Share button on a website, the game developer or website can receive information about your activities in the game or receive a comment or link that you share from the website on Facebook.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "How We Use Information • Meet our legitimate interests,including to fulfill your requests for resources, services, and information; analyze the use of the Services and user data to understand, improve and operate the Services; and customize the content you see when you use the Services; • Meet our legal obligations,including to prevent potentially prohibited or illegal activities and otherwise in accordance with our Terms of Use and comply with legal requirements; •", - "label": [ - "Commit to privacy", - "Violate privacy" - ] - }, - { - "text": "Why Am I", - "label": [ - "Not applicable" - ] - }, - { - "text": "Research ways to make our services better: We engage in research to develop, test, and improve our Products.", - "label": [ - "Not applicable" - ] - }, - { - "text": "There are certain circumstances in which we may share your information with certain third parties without further notice to you, as set forth below: • Authorized third-party vendors and service providers.", - "label": [ - "Commit to privacy", - "Violate privacy" - ] - }, - { - "text": "We allow advertisers to tell us things like their business goal, and the kind of audience they want to see their ads (for example, people between the age of 18-35 who like cycling).", - "label": [ - "Related to privacy" - ] - }, - { - "text": "They serve the same purposes as cookies set in Facebook's own domain, which are to personalise content (including ads), measure ads, produce analytics and provide a safer experience, as set out in this Cookies Policy.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Analytics and research", - "label": [ - "Not applicable" - ] - }, - { - "text": "Learn more about the companies that use cookies on the Facebook Products.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "This includes, for example, our \"sb\" and \"dbln\" cookies, which enable us to identify your browser securely.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "It can also include what you see through features we provide, such as our camera, so we can do things like suggest masks and filters that you might like, or give you tips on using portrait mode.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Cookies also allow us to provide insights about the people who use the Facebook Products, as well as the people who interact with the ads, websites and apps of our advertisers and the businesses that use the Facebook Products.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Everyone: You can opt out of seeing online interest-based ads from Facebook and other participating companies through the Digital Advertising Alliance in the US, the Digital Advertising Alliance of Canada in Canada or the European Interactive Digital Advertising Alliance in Europe or through your mobile device settings, where available, using Android, iOS 13 or an earlier version of iOS.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "3.", - "label": [ - "Not applicable" - ] - }, - { - "text": "In addition, your browser or device may offer settings that allow you to choose whether browser cookies are set and to delete them.", - "label": [ - "Not applicable" - ] - }, - { - "text": "P A R T", - "label": [ - "Not applicable" - ] - }, - { - "text": "You therefore agree not to engage in the conduct described below (or to facilitate or support others in doing so): 1.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Affiliates.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We also impose strict restrictions on how our partners can use and disclose the data we provide.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Learn more about how you can control the information about you that you or others share with third-party partners in the Facebook Settings and Instagram Settings.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Learn more about the types of partners we receive data from.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Advertising, recommendations, insights and measurement", - "label": [ - "Not applicable" - ] - }, - { - "text": "Third-party websites and apps", - "label": [ - "Not applicable" - ] - }, - { - "text": "Please note that information collected by third parties may not have the same security protections as information you submit to us, and we are not responsible for protecting the security of such information.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "5.", - "label": [ - "Not applicable" - ] - }, - { - "text": "In response to a legal request, if we have a good-faith belief that the law requires us to do so.", - "label": [ - "Commit to privacy", - "Violate privacy" - ] - }, - { - "text": "We collect and use your personal data in order to provide the services described above to you.", - "label": [ - "Violate privacy", - "Commit to privacy" - ] - }, - { - "text": "Ads like this can be seen only by people who have your permission to see the actions you've taken on Facebook.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "You have controls over the types of ads and advertisers you see, and the types of information we use to determine which ads we show you.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "To help support our community, we encourage you to report content or conduct that you believe breaches your rights (including intellectual property rights) or our terms and policies.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "For example, technology like this helps people who have visual impairments understand what or who is in photos or videos shared on Facebook or Instagram.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Trust, Transparency and Control", - "label": [ - "Not applicable" - ] - }, - { - "text": "We also use cookies to store information that allows us to recover your account in the event that you forget your password or to require additional authentication if you tell us that your account has been hacked.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "3.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Ad?", - "label": [ - "Not applicable" - ] - }, - { - "text": "This means, for example, that if you share a photo on Facebook, you give us permission to store, copy, and share it with others (again, consistent with your settings) such as service providers that support our service or other Facebook Products you use.", - "label": [ - "Violate privacy", - "Commit to privacy" - ] - }, - { - "text": "O", - "label": [ - "Not applicable" - ] - }, - { - "text": "Cookies also allow us to limit the number of times that you see an ad so you don’t see the same ad over and over again.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We’re committed to protecting your information and giving you more control over your privacy choices.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Here are the types of third parties we share information with: Partners who use our analytics services.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Because each web browser is different, please consult the instructions provided by your web browser (typically in the \"help\" section).", - "label": [ - "Related to privacy" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "For example, we provide general demographic and interest information to advertisers (for example, that an ad was seen by a woman between the ages of 25 and 34 who lives in Madrid and likes software engineering) to help them better understand their audience.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We use cookies to provide you with the best experience possible.", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "Designing for", - "label": [ - "Not applicable" - ] - }, - { - "text": "These Terms do not confer any third-party beneficiary rights.", - "label": [ - "Not applicable" - ] - }, - { - "text": "With Facebook", - "label": [ - "Not applicable" - ] - }, - { - "text": "▪ You can review your Off-Facebook activity, which is a summary of activity that businesses and organisations share with us about your interactions with them, such as visiting their apps or websites.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "the information businesses send to Facebook about your activity on other apps and websites.", - "label": [ - "Not applicable" - ] - }, - { - "text": "IV.", - "label": [ - "Not applicable" - ] - }, - { - "text": "If you choose to engage in public activities on the website, you should be aware that any information you share there can be read, collected, or used by other users of these areas.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We share information with law enforcement or in response to legal requests in the circumstances outlined below.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Face recognition: If you have it turned on, we use face recognition technology to recognize you in photos, videos and camera experiences.", - "label": [ - "Commit to privacy", - "Violate privacy" - ] - }, - { - "text": "Your Information We’ve built tools that help you download or request and export your data so you can move it between services.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "These Terms (formerly known as the Statement of Rights and Responsibilities) make up the entire agreement between you and Facebook Ireland Limited regarding your use of our Products.", - "label": [ - "Not applicable" - ] - }, - { - "text": "If you are a Page administrator, cookies allow you to switch between posting from your personal Facebook account and the Page.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We may also suspend or disable your account if you repeatedly infringe other people’s intellectual property rights or where we are required to do so for legal reasons.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We will only make any changes if the provisions are no longer appropriate or if they are incomplete, and only if the changes are reasonable and take due account of your interests.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Checkup This tool helps you control who can see what you share, how your information is used and how to secure your account.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Learn more about how we use face recognition technology, or control our use of this technology in Facebook Settings.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Labs We created a cross-industry program to design new solutions for digital privacy challenges.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We can remove or block content that is in breach of these provisions.", - "label": [ - "Not applicable" - ] - }, - { - "text": "If a dispute does arise, however, it's useful to know up front where it can be resolved and what laws will apply.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We also let other accounts see who has viewed their Facebook or Instagram Stories.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "We collect information about how you use our Products, such as the types of content you view or engage with; the features you use; the actions you take; the people or accounts you interact with; and the time, frequency and duration of your activities.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "For example, we process information from WhatsApp about accounts sending spam on its service so we can take appropriate action against those accounts on Facebook, Instagram or Messenger.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "A B", - "label": [ - "Not applicable" - ] - }, - { - "text": "G I V I N G Y", - "label": [ - "Not applicable" - ] - }, - { - "text": "We also collect information about how you use features like our camera.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Sign Up", - "label": [ - "Not applicable" - ] - }, - { - "text": "2.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We share information globally, both internally within the Facebook Companies and externally with our partners and with those you connect and share with around the world in accordance with this policy.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Once any updated Terms are in effect, you will be bound by them if you continue to use our Products.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "6 of 7 20/09/2021, 14:35 \fFacebook https://www.facebook.com/about/privacy/update/printable Date of Last Revision: August 21, 2020 English (US)", - "label": [ - "Not applicable" - ] - }, - { - "text": "This includes your Instagram username; any information you share with a public audience; information in your public profile on Facebook; and content you share on a Facebook Page, public Instagram account or any other public forum, such as Facebook Marketplace.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We have a responsibility to build secure services that help keep people safe.", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "Use the same name that you use in everyday life.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "• Business transfers.", - "label": [ - "Not applicable" - ] - }, - { - "text": "You own the intellectual property rights (things like copyright or trademarks) in any such content that you create and share on Facebook and the other Facebook Company Products you use.", - "label": [ - "Not applicable" - ] - }, - { - "text": "For example, we may show your friends that you are interested in an advertised event or have liked a Page created by a brand that has paid us to display its ads on Facebook.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "• Device operations: information about operations and behaviors performed on the device, such as whether a window is foregrounded or backgrounded, or mouse movements (which can help distinguish humans from bots).", - "label": [ - "Violate privacy" - ] - }, - { - "text": "How We Use Information How We Share Information Your California Privacy Rights Children's Information Cookies Questions Changes To This Policy Effective Date: March 15, 2020 This policy describes our practices for handling your information on this website (the \"Services\").", - "label": [ - "Not applicable" - ] - }, - { - "text": "For example, we use information collected about your use of our Products on your phone to better personalize the content (including ads) or features you see when you use our Products on another device, such as your laptop or tablet, or to measure whether you took an action in response to an ad we showed you on your phone on a different device.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "While the cookies that we use may change from time to time as we improve and update the Facebook Products, we use them for the following purposes: Authentication", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Also, when you download or use such third-party services, they can access your public profile on Facebook, and any information that you share with them.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Log", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "If you have questions about this policy, you can contact The data controller responsible for your information is Facebook Ireland, which you can contact online, or by mail at: us as described below.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "we think will be relevant to you and your interests.", - "label": [ - "Not applicable" - ] - }, - { - "text": "For example, when you post on Facebook, you select the audience for the post, such as a group, all of your friends, the public, or a customized list of people.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We design our systems so that your experience is consistent and seamless across the different Facebook Company Products that you use.", - "label": [ - "Not applicable" - ] - }, - { - "text": "3.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Information we collect automatically.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "You will not transfer any of your rights or obligations under these Terms to anyone else without our consent.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "For example: Cookies help us fight spam and phishing attacks by enabling us to identify computers that are used to create large numbers of fake Facebook accounts.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Measurement partners.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Nothing in these Terms takes away the rights you have to your own content.", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "Your continued use of our Services after any changes or revisions to this Privacy Policy shall indicate your agreement with the terms of such revised Privacy Policy.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We use the information we have to deliver our Products, including to personalize features and content (including your News Feed, Instagram Feed, Instagram Stories and ads) and make suggestions for you (such as groups or events you may be interested in or topics you may want to follow) on and off our Products.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "5 of 10 20/09/2021, 14:41 \fProtecting Privacy and Security | About Facebook", - "label": [ - "Not applicable" - ] - }, - { - "text": "Instead, businesses and organizations pay us to show you ads for their products and services.", - "label": [ - "Not applicable" - ] - }, - { - "text": "By using the Services, you consent to our use of cookies and similar technologies.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "These data transfers are necessary to provide the services set forth in the Facebook Terms and Instagram Terms and to globally operate and provide our Products to you.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We use cookies to enable the functionality that helps us provide the Facebook Products.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "T T E R D", - "label": [ - "Not applicable" - ] - }, - { - "text": "Our Services allow you to enable or log in via various online services, such as Facebook, Twitter or Youtube (collectively, \"platforms\").", - "label": [ - "Not applicable" - ] - }, - { - "text": "We use cookies to verify your account and determine when you’re logged in so that we can make it easier for you to access the Facebook Products and show you the appropriate experience and features.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "We also work to understand how people use and interact with Facebook Company Products, such as understanding the number of unique users on different Facebook Company Products.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "We’re investing $7.5 million in an AI ethics research center to tackle critical questions about AI, privacy and safety, in partnership with the German government and Technical University of Munich.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "How do we use this information?", - "label": [ - "Not applicable" - ] - }, - { - "text": "We may disclose information to respond to subpoenas, court orders, legal process, law enforcement requests, legal claims or government inquiries, detect fraud, and to protect and defend the rights, interests, safety, and security of Facebook, our affiliates, owner, users, or the public.", - "label": [ - "Violate privacy", - "Commit to privacy" - ] - }, - { - "text": "For example, we provide general demographic and interest information to advertisers (for example, that an ad was seen by a woman between the ages of 25 and 34 who lives in Madrid and likes software engineering) to help them better understand their audience.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Other terms and policies that may apply to you • Community Standards: These guidelines outline our standards regarding the content you post to Facebook and your activity on Facebook and other Facebook Products.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Off-", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "Steps We Take to Transfer Data", - "label": [ - "Not applicable" - ] - }, - { - "text": "Account suspension or termination", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "Limits on using our intellectual property", - "label": [ - "Not applicable" - ] - }, - { - "text": "Who can use Facebook When people stand behind their opinions and actions, our community is safer and more accountable.", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "P R A C T", - "label": [ - "Not applicable" - ] - }, - { - "text": "Information controlled by Facebook Ireland will be transferred or transmitted to, or stored and processed in, the United States or other countries outside of where you live for the purposes as described in this policy.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Under the General Data Protection Regulation, you have the right to access, rectify, port and erase your data.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "people’s privacy hood look at the Data for", - "label": [ - "Not applicable" - ] - }, - { - "text": "We access, preserve and share your information with regulators, law enforcement or others:", - "label": [ - "Violate privacy", - "Commit to privacy" - ] - }, - { - "text": "that", - "label": [ - "Not applicable" - ] - }, - { - "text": "Cookies are small bits of information that are stored by your computer’s web browser.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Securely December 16, 2020 March 11, 2021 See More News 9 of 10 20/09/2021, 14:41 \fProtecting Privacy and Security | About Facebook https://about.facebook.com/actions/protecting-privacy-... Follow us Company Info Messenger Brand Resources Oculus Company Newsroom Careers For Investors", - "label": [ - "Not applicable" - ] - }, - { - "text": "For EU visitors, we provide a tool allows you to manage cookies you would like to receive and their relevant usage.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "2.", - "label": [ - "Not applicable" - ] - }, - { - "text": "owner.", - "label": [ - "Not applicable" - ] - }, - { - "text": "For example, the \"_fbp\" cookie identifies browsers for the purposes of providing advertising and site analytics services and has a lifespan of 90 days.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "• Pages, Groups and Events Policy: These guidelines apply if you create or administer a Facebook Page, group, or event, or if you use Facebook to communicate or administer a promotion.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We also receive and analyze content, communications and information that other people provide when they use our Products.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "With your consent.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Third party companies also use cookies on their own sites and apps in connection with the Facebook Products.", - "label": [ - "Not applicable" - ] - }, - { - "text": "• You are prohibited from receiving our products, services, or software under applicable laws.", - "label": [ - "Not applicable" - ] - }, - { - "text": "For example, we use data about the people you engage with on Facebook to make it easier for you to connect with them on Instagram or Messenger, and we enable you to communicate with a business you follow on Facebook through Messenger.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Provide consistent and seamless experiences across the Facebook Company Products: Our Products help you find and connect with people, groups, businesses, organizations, and others that are important to you.", - "label": [ - "Not applicable" - ] - }, - { - "text": "5.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We may also collect certain information automatically when you use our Services, such as your Internet protocol (IP) address, mobile device identifier, browser type, operating system, Internet service provider, pages that you visit before and after using the Services, the date and time of your visit, information about the links you click and pages you view within the Services, and other standard server log information.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "You can only use our copyrights or trademarks (or any similar marks) as expressly permitted by our Brand Usage Guidelines or with our prior written permission.", - "label": [ - "Not applicable" - ] - }, - { - "text": "When we have a good-faith belief it is necessary to: detect, prevent and address fraud, unauthorized use of the Products, violations of our terms or policies, or other harmful or illegal activity; to protect ourselves (including our rights, property or Products), you or others, including as part of investigations or regulatory inquiries; or to prevent death or imminent bodily harm.", - "label": [ - "Commit to privacy", - "Violate privacy" - ] - }, - { - "text": "How is this information shared?", - "label": [ - "Not applicable" - ] - }, - { - "text": "We also confirm which Facebook ads led you to make a purchase or take an action with an advertiser.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "You may designate a person (called a legacy contact) to manage your account if it is memorialized.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We use cookies to better understand how people use the Facebook Products so that we can improve them.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Partners receive your data when you visit or use their services or through third parties they work with.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Cookie data: data from cookies stored on your device, including cookie IDs and settings.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "If you post or share content containing music, you must comply with our Music Guidelines.", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "Learn more about what information is public and how to control your visibility on Facebook and Instagram.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "For example, when you share a post or send a message to specific friends or accounts, they can download, screenshot, or reshare that content to others across or off our Products, in person or in virtual reality experiences such as Facebook Spaces.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "The Facebook Audience Network is a way for advertisers to show you ads in apps and websites off the Facebook Company Products.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Information we obtain from other sources.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Workplace Help Center Portal Help Center © 2021 FACEBOOK English (US) Sitemap 10 of 10 20/09/2021, 14:41", - "label": [ - "Not applicable" - ] - }, - { - "text": "Please be aware that these controls are distinct from the controls that Facebook offers you.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We can also respond to legal requests when we have a good-faith belief that the response is required by law in that jurisdiction, affects users in that jurisdiction, and is consistent with internationally recognized standards.", - "label": [ - "Commit to privacy", - "Violate privacy" - ] - }, - { - "text": "We made our privacy tools easier to find across our services.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "• Information and content you provide.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Sign Up Email or Phone Password Forgot account?", - "label": [ - "Not applicable" - ] - }, - { - "text": "We use cookies to help personalise and improve content and services, provide a safer experience and to show you useful and relevant ads on and off Facebook.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "5.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Do other Companies use cookies in connection with the Facebook Products?", - "label": [ - "Not applicable" - ] - }, - { - "text": "For example: We can use cookies to prevent you from seeing the same ad over and over again across the different devices that you use.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Any amendment to or waiver of these Terms must be made in writing and signed by us.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Children's Information Facebook does not knowingly collect or store information from children under the age of 13, unless permitted by law.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "For messaging, voice and video calling services included in Facebook Products, please click here for a contract summary and here for other information required by the European Electronic Communications Code.", - "label": [ - "Not applicable" - ] - }, - { - "text": "If you are a consumer and habitually reside in a Member State of the European Union, the laws of that Member State will apply to any claim, cause of action, or dispute you have against us that arises out of or relates to these Terms or the Facebook Products (\"claim\"), and you may resolve your claim in any competent court in that Member State that has jurisdiction over the claim.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Facebook Ireland Ltd. 4 Grand Canal Square Grand Canal Harbour", - "label": [ - "Related to privacy" - ] - }, - { - "text": "This infrastructure may be operated or controlled by Facebook, Inc., Facebook Ireland Limited, or its affiliates.", - "label": [ - "Not applicable" - ] - }, - { - "text": "III.", - "label": [ - "Not applicable" - ] - }, - { - "text": "• Things others do and information they provide about you.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We may share information for any other purposes disclosed to you at the time we collect the information or pursuant to your consent.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Any changes will be effective when we post the revised policy.", - "label": [ - "Not applicable" - ] - }, - { - "text": "• Ads and other sponsored content: We use the information we have about you-including information about your interests, actions and connections-to select and personalize ads, offers and other sponsored content that we show you.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Create Ad Create Page Developers Careers Privacy Cookies", - "label": [ - "Not applicable" - ] - }, - { - "text": "I.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We may also share your information with that platform to facilitate or enhance the delivery of that platform or our Services.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "If you use content covered by intellectual property rights that we have and make available in our Products (for example, images, designs, videos, or sounds we provide that you add to content you create or share on Facebook), we retain all rights to that content (but not yours).", - "label": [ - "Not applicable" - ] - }, - { - "text": "You are under 13 years old.", - "label": [ - "Not applicable" - ] - }, - { - "text": "You can exercise this right on Facebook and on Instagram.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "▪", - "label": [ - "Not applicable" - ] - }, - { - "text": "Our business partners may also choose to share information with Facebook from cookies set in their own websites' domains, whether or not you have a Facebook account or are logged in.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "This is solely for the purposes of providing and improving our Products and services as described in Section 1 above.", - "label": [ - "Not applicable" - ] - }, - { - "text": "• Networks and connections.", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "• Device signals: Bluetooth signals, and information about nearby Wi-Fi access points, beacons, and cell towers.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Requesting any other data will require our approval If the ownership or control of all or part of our Products or their assets changes, we may transfer your information to the new New owner..", - "label": [ - "Violate privacy" - ] - }, - { - "text": "What you can share and do on Facebook 2 of 6 20/09/2021, 14:36 \fFacebook https://www.facebook.com/legal/terms/plain_text_terms", - "label": [ - "Not applicable" - ] - }, - { - "text": "We provide aggregated statistics and insights that help people and businesses understand how people are engaging with their posts, listings, Pages, videos and other content on and off the Facebook Products.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Collection of Information 1 of 7 20/09/2021, 14:40 \fPrivacy Policy | Facebook Open Source https://opensource.fb.com/legal/privacy/", - "label": [ - "Not applicable" - ] - }, - { - "text": "• Connect you with people and organizations you care about: We help you find and connect with people, groups, businesses, organizations, and others that matter to you across the Facebook Products you use.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "To help advance this mission, we provide the Products and services described below to you:", - "label": [ - "Not applicable" - ] - }, - { - "text": "Because of differences in how web browsers incorporate and activate this feature, it is not always clear whether users intend for these signals to be transmitted, or whether they even are aware of them.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We use your personal data to help determine which ads to show you.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "For example, we use the \"c_user\" and \"xs\" cookies, including for this purpose, which have a lifespan of 365 days.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Learn more about off-Facebook activity, how we use it and how you can manage it.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Combat harmful conduct and protect and support our community: People will only build community on Facebook if they feel safe.", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "Log", - "label": [ - "Not applicable" - ] - }, - { - "text": "They use our business tools, such as Facebook pixel, to share this information with us.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "6.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Accelerator Singapore We created the Facebook Accelerator Singapore in partnership with Singapore’s Data Protection develop secure ways of working Read more about our approach A Privacy-Focused Vision for Social Networking Messenger Privacy WhatsApp Security Data Portability and Privacy Responsible Innovation at Facebook Reality Labs Privacy Matters Series 8 of 10 20/09/2021, 14:41 \fProtecting Privacy and Security | About Facebook https://about.facebook.com/actions/protecting-privacy-...", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Vendors and service providers.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Information that others have shared about you isn't part of your account and won't be deleted.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "P R O T E C T", - "label": [ - "Not applicable" - ] - }, - { - "text": "However, please remember that the manner in which platforms use, store, and disclose your information is governed by the policies that apply to those platforms.", - "label": [ - "Not applicable" - ] - }, - { - "text": "This can include information in or about the content you provide (like metadata), such as the location of a photo or the date a file was created.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Italiano Română Français (France)", - "label": [ - "Not applicable" - ] - }, - { - "text": "O U M O R E C O N T R O L", - "label": [ - "Not applicable" - ] - }, - { - "text": "Pixel tags are very small images or small pieces of data embedded in images, also known as \"web beacons\" or \"clear GIFs,\" that can recognize cookies, the time and date a page is viewed, a description of the page where the pixel tag is placed, and similar information from your computer or device.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "However, no data storage system or transmission of data over the Internet or any other public network can be guaranteed to be 100 percent secure.", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "If you have reason to believe that a child under the age of 13 has provided personal information to Facebook through our Services please contact us and we will endeavor to delete that information from our databases.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Cookies are small pieces of text used to store information on web browsers.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Sharing with Third-Party Partners", - "label": [ - "Not applicable" - ] - }, - { - "text": "Learn more about how we use cookies in the Facebook Cookies Policy and Instagram Cookies Policy.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We use cookies such as the session-based \"presence\" cookie to support your use of Messenger chat windows.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "For example: We use cookies to keep you logged in as you navigate between Facebook Pages.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "One of the ways that Audience Network shows relevant ads is by using your ad preferences to determine which ads you may be interested in seeing.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "▪", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "Date of Last Revision: December 20, 2020 5 of 6 20/09/2021, 14:36 \fFacebook https://www.facebook.com/legal/terms/plain_text_terms English (US) Italiano Română Français (France)", - "label": [ - "Not applicable" - ] - }, - { - "text": "Facebook Brand Resources: These guidelines outline the policies that apply to use of Facebook trademarks, logos, and screenshots.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Community Payment Terms: These terms apply to payments made on or through Facebook.", - "label": [ - "Not applicable" - ] - }, - { - "text": "2.", - "label": [ - "Not applicable" - ] - }, - { - "text": "When you interact with us through our Services, we may collect or receive the following types of information: types of information: Information you provide directly to us.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Log", - "label": [ - "Not applicable" - ] - }, - { - "text": "We use the information we have (subject to choices you make) as described below and to provide and support the Facebook Products and related services described in the Facebook Terms and Instagram Terms.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We build tools to give you more control over your privacy and help you understand what happens with your information.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Learn more about the information we receive, how we decide which ads to show you on and off the Facebook Products and the controls that are available to you.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We hope that you will continue using our Products, but if you do not agree to our updated Terms and no longer want to be a part of the Facebook community, you can delete your account at any time.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "D R I V", - "label": [ - "Not applicable" - ] - }, - { - "text": "We also use your information to respond to you when you contact us.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "How We Share Information", - "label": [ - "Not applicable" - ] - }, - { - "text": "In Sign Up Terms of Service Welcome to Facebook!", - "label": [ - "Not applicable" - ] - }, - { - "text": "Some of the Products we offer are also governed by supplemental terms.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We also collect contact information if you choose to upload, sync or import it from a device (such as an address book or call log or SMS log history), which we use for things like helping you and others find people you may know and for the other purposes listed below.", - "label": [ - "Violate privacy", - "Commit to privacy" - ] - }, - { - "text": "4.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Public information can be seen by anyone, on or off our Products, including if they don't have an account.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "That is unlawful, misleading, discriminatory or fraudulent.", - "label": [ - "Not applicable" - ] - }, - { - "text": "You should use caution in disclosing personal information while participating in these areas.", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "For example: Cookies help us route traffic between servers and understand how quickly Facebook Products load for different people.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "A T A", - "label": [ - "Not applicable" - ] - }, - { - "text": "Sardu Deutsch Español Shqip ﺍﻟﻌﺮﺑﻴﺔ Português (Brasil) िह�दी", - "label": [ - "Not applicable" - ] - }, - { - "text": "As part of an integration with a platform, that platform may provide us with access to certain information that you have provided to the platform, and we will use, store, and disclose such information in accordance with this Privacy Policy.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Our systems automatically process content and communications you and others provide to analyze context and what's in them for the purposes described below.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "We also retain information from accounts disabled for terms violations for at least a year to prevent repeat abuse or other term violations.", - "label": [ - "Violate privacy", - "Commit to privacy" - ] - }, - { - "text": "If you don't want to delete your account but want to temporarily stop using the Products, you can deactivate your account instead.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We also use cookies to help measure the performance of ad campaigns for businesses that use the Facebook Products.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "The face-recognition templates we create are data with special protections under EU law.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "That breaches these Terms, our Community Standards, and other terms and policies that apply to your use of Facebook.", - "label": [ - "Not applicable" - ] - }, - { - "text": "These controls vary by browser, and manufacturers may change both the settings they make available and how they work at any time.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Privacy", - "label": [ - "Not applicable" - ] - }, - { - "text": "How do we operate and transfer data as part of our global services?", - "label": [ - "Not applicable" - ] - }, - { - "text": "Empower you to express yourself and communicate about what matters to you: There are many ways to express yourself on Facebook and to communicate with friends, family, and others about what matters to you - for example, sharing status updates, photos, videos, and stories across the Facebook Products you use, sending messages to a friend or several people, creating events or groups, or adding content to your profile.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We recommend that you review the Privacy Policy each time you visit the Services to stay informed of our privacy practices.", - "label": [ - "Not applicable" - ] - }, - { - "text": "That’s why we build tools that give you control over your privacy and help keep your information secure.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We provide information and content to vendors and service providers who support our business, such as by providing technical infrastructure services, analyzing how our Products are used, providing customer service, facilitating payments or conducting surveys.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "Section 2 below explains this in more detail.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Access", - "label": [ - "Not applicable" - ] - }, - { - "text": "Manage your cookies", - "label": [ - "Not applicable" - ] - }, - { - "text": "Local Fundraisers Services Voting Information Center About", - "label": [ - "Not applicable" - ] - }, - { - "text": "Permission to use your name, profile picture, and information about your actions with ads and sponsored content: You give us permission to use your name and profile picture and information about actions you have taken on Facebook next to or in connection with ads, offers, and other sponsored content that we display across our Products, without any compensation to you.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Facebook https://www.facebook.com/about/privacy/update/printable Sign Up Email or Phone Password Forgot account?", - "label": [ - "Not applicable" - ] - }, - { - "text": "We collect, use and share the data that we have in the ways described above: • as necessary to fulfill our Facebook Terms of Service or Instagram Terms of Use; • consistent with your consent, which you may revoke at any time through the Facebook Settings and Instagram Settings; • as necessary to comply with our legal obligations • to protect your vital interests, or those of others; • as necessary in the public interest; and • as necessary for our (or others') legitimate interests, including our interests in providing an innovative, personalized, safe, and profitable service to our users and partners, unless those interests are overridden by your interests or fundamental rights and freedoms that require protection of personal data.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Facebook Policies Community Standards Data Policy Cookie Policy Terms of Service Instagram WhatsApp Workplace Portal Novi Technologies Help Center Facebook app Facebook app Help", - "label": [ - "Not applicable" - ] - }, - { - "text": "Messaging services terms relevant for EU, EEA and UK users: terms applicable to the messaging, voice and video calling services included in Facebook Products are listed here and here in accordance with EU rules.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We also provide information and content to research partners and academics to conduct research that advances scholarship and innovation that support our business or mission, and enhances discovery and innovation on topics of general social welfare, technological advancement, public interest, health and well-being.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "8.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Protecting Privacy and Security | About Facebook https://about.facebook.com/actions/protecting-privacy-...", - "label": [ - "Not applicable" - ] - }, - { - "text": "We may use cookies, pixel tags, and similar technologies to automatically collect this information.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Learn more about how to delete your account.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Advertisers.", - "label": [ - "Not applicable" - ] - }, - { - "text": "To understand how other companies use cookies, please review their policies.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We don’t charge you to use Facebook or the other products and services covered by these Terms.", - "label": [ - "Not applicable" - ] - }, - { - "text": "For example: Cookies help us store preferences, know when you’ve seen or interacted with Facebook Products’ content and provide you with customised content and experiences.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Secure Data Storage Bug Bounty Program", - "label": [ - "Not applicable" - ] - }, - { - "text": "How We Protect InformationWe take measures to help protect information from loss, theft, misuse and unauthorized access, disclosure, alteration, and destruction.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "Cookies also help us remember your browser so you don't have to keep logging in to Facebook and so you can more easily log in to Facebook via third-party apps and websites.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Information we obtain from these devices", - "label": [ - "Not applicable" - ] - }, - { - "text": "In Messenger Facebook Lite Watch Places Games Marketplace Facebook Pay Jobs Oculus Portal Instagram", - "label": [ - "Not applicable" - ] - }, - { - "text": "End-to-End Encryption", - "label": [ - "Not applicable" - ] - }, - { - "text": "We don't sell your personal data.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We will notify you (for example, by email or through our Products) at least 30 days before we make changes to these Terms and give you an opportunity to review them before they go into effect, unless the changes are required by law.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "If you have a Facebook account: ▪ You can use your ad preferences to learn why you’re seeing a particular ad and control how we use information that we collect to show you ads.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "AI Ethics Research Center", - "label": [ - "Related to privacy" - ] - }, - { - "text": "2.", - "label": [ - "Not applicable" - ] - }, - { - "text": "And we develop automated systems to improve our ability to detect and remove abusive and dangerous activity that may harm our community and the integrity of our Products.", - "label": [ - "Not applicable" - ] - }, - { - "text": "To learn more, visit the Facebook Security Help Center and Instagram Security Tips.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We also use cookies to combat activity that violates our policies or otherwise degrades our ability to provide the Facebook Products.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Unlike cookies that are set on Facebook's own domains, these cookies aren’t accessible by Facebook when you're on a site other than the one on which they were set, including when you are on one of our domains.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Learn more about these legal bases and how they relate to the ways in which we process data.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "A N D S E C", - "label": [ - "Not applicable" - ] - }, - { - "text": "We use the information we have (including your activity off our Products, such as the websites you visit and ads you see) to help advertisers and other partners measure the effectiveness and distribution of their ads and services, and understand the types of people who use their services and how people interact with their websites, apps, and services.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "If we learn of content or conduct like this, we will take appropriate action - for example, offering help, removing content, blocking access to certain features, disabling an account, or contacting law enforcement.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Product research and development: We use the information we have to develop, test and improve our Products, including by conducting surveys and research, and testing and troubleshooting new products and features.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Privacy Policy | Facebook Open Source https://opensource.fb.com/legal/privacy/ Code of Conduct Privacy Policy Cookies Data Policy Terms of Use Trademark Policy © 202 1", - "label": [ - "Not applicable" - ] - }, - { - "text": "3.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Your commitments to Facebook and our community We provide these services to you and others to help advance our mission.", - "label": [ - "Not applicable" - ] - }, - { - "text": "You can learn more about your ad settings and preferences.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "These Products are provided to you by Facebook Ireland Limited.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Disputes We try to provide clear rules so that we can limit or hopefully avoid disputes between you and us.", - "label": [ - "Not applicable" - ] - }, - { - "text": "In all other cases, you agree that the claim must be resolved in a competent court in the Republic of Ireland and that Irish law will govern these Terms and any claim, without regard to conflict of law provisions.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "This is a case-by-case determination that depends on things like the nature of the data, why it is collected and processed, and relevant legal or operational retention needs.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "All of our rights and obligations under these Terms are freely assignable by us in connection with a merger, acquisition, or sale of assets, or by operation of law or otherwise.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We use cookies to help us keep your account, data and the Facebook Products safe and secure.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "When you choose to use third-party apps, websites, or other services that use, or are integrated with, our Products, they can receive information about what you post or share.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Location-related information can be based on things like precise device location (if you've allowed us to collect it), IP addresses, and information from your and others' use of Facebook Products (such as check-ins or events you attend).", - "label": [ - "Commit to privacy", - "Violate privacy" - ] - }, - { - "text": "Public information can also be seen, accessed, reshared or downloaded through third-party services such as search engines, APIs, and offline media such as TV, and by apps, websites and other services that integrate with our Products.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Dublin 2 Ireland Contact the Data Protection Officer for Facebook Ireland Ltd.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We store data until it is no longer necessary to provide our services and Facebook Products, or until your account is deleted - whichever comes first.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Facebook https://www.facebook.com/legal/terms/plain_text_terms Email or Phone Password Forgot account?", - "label": [ - "Not applicable" - ] - }, - { - "text": "...", - "label": [ - "Not applicable" - ] - }, - { - "text": "When we update the Privacy Policy, we will revise the \"Effective Date\" date above and post the new Privacy Policy.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Data with special protections: You can choose to provide information in your Facebook profile fields or Life Events about your religious views, political views, who you are \"interested in,\" or your health.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "You can manage Facebook's primary advertising cookie and other companies’ cookies on the Facebook Products on this browser.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We also receive information about your online and offline actions and purchases from third-party data providers who have the rights to provide us with your information.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "You can download a copy of your data at any time before deleting your account.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "You can control this in your ad settings.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "These services providers are limited from using your information for any purpose other than to perform services for us.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "We also use cookies, such as our \"oo\" cookie, which has a lifespan of five years, to help you opt out of seeing ads from Facebook based on your activity on third-party websites.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "We use the data we have to make suggestions for you and others - for example, groups to join, events to attend, Pages to follow or send a message to, shows to watch, and people you may want to become friends with.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "U R D", - "label": [ - "Not applicable" - ] - }, - { - "text": "Security, site and product integrity", - "label": [ - "Not applicable" - ] - }, - { - "text": "Facebook Activity You can click on We created a any ad, see why tool so you can you’re seeing it, control — or and adjust your disconnect — settings.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "For example: Cookies can help us identify and impose additional security measures when someone may be attempting to access a Facebook account without authorisation, for instance, by rapidly guessing different passwords.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "For example, we analyze information we have about migration patterns during crises to aid relief efforts.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Stronger ties make for better communities, and we believe our services are most useful when people are connected to people, groups, and organizations they care about.", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "We also build sophisticated network and communication technology to help more people connect to the internet in areas with limited access.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We provide advertisers with reports about the kinds of people seeing their ads and how their ads are performing, but we don't share information that personally identifies you (information such as your name or email address that by itself can be used to contact you or identifies who you are) unless you give us permission.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "U R E D N E W S Facebook app Facebook Now You Can See and Control the Data That Apps and Websites Share", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Information we receive about you (including financial transaction data related to purchases made with Facebook) can be accessed and preserved for an extended period when it is the subject of a legal request or obligation, governmental investigation, or investigations of possible violations of our terms or policies, or otherwise to prevent harm.", - "label": [ - "Violate privacy", - "Commit to privacy" - ] - }, - { - "text": "2 of 10 20/09/2021, 14:41 \fProtecting Privacy and Security | About Facebook", - "label": [ - "Not applicable" - ] - }, - { - "text": "VI.", - "label": [ - "Not applicable" - ] - }, - { - "text": "ensure your messages Restricted Partner App", - "label": [ - "Not applicable" - ] - }, - { - "text": "• Use and develop advanced technologies to provide safe and functional services for everyone: We use and develop advanced technologies - such as artificial intelligence, machine learning systems, and augmented reality - so that people can use our Products safely regardless of physical ability or geographic location.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We also use cookies to help provide you with content relevant to your locale.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "For this reason, you must: •", - "label": [ - "Not applicable" - ] - }, - { - "text": "• Commercial Terms: These terms apply if you also access or use our Products for any commercial or business purpose, including advertising, operating an app on our Platform, using our measurement services, managing a group or a Page for a business, or selling goods or services.", - "label": [ - "Not applicable" - ] - }, - { - "text": "People in your networks can see signals telling them whether you are active on our Products, including whether you are currently active on Instagram, Messenger or Facebook, or when you last used our Products.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Apps and websites you use may receive your list of Facebook friends if you choose to share it with them.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "You may not access or collect data from our Products using automated means (without our prior permission) or attempt to access data you do not have permission to access.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "In exchange, we need you to make the following commitments: 1.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Privacy", - "label": [ - "Not applicable" - ] - }, - { - "text": "This policy explains how we use cookies and the choices you have.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "This policy describes the information we process to support Facebook, Instagram, Messenger and other products and features offered by Facebook (Facebook Products or Products).", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Cookies help us serve and measure ads across different browsers and devices used by the same person.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Ad Choices Terms Help Facebook © 2021 7 of 7 20/09/2021, 14:35", - "label": [ - "Not applicable" - ] - }, - { - "text": "We always appreciate your feedback and other suggestions about our products and services.", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "For example, the \"fr\" cookie is used to deliver, measure and improve the relevancy of ads, with a lifespan of 90 days.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "For example: Cookies can help us understand how people use the Facebook service, analyse which parts of the Facebook Products people find most useful and engaging, and identify features that could be improved.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "4.", - "label": [ - "Not applicable" - ] - }, - { - "text": "If you use our Products for purchases or other financial transactions (such as when you make a purchase in a game or make a donation), we collect information about the purchase or transaction.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Information about your active status or presence on our Products.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We have also developed, and continue to explore, new ways for people to use technology, such as augmented reality and 360 video to create and share more expressive and engaging content on Facebook.", - "label": [ - "Not applicable" - ] - }, - { - "text": "A C C O U N T", - "label": [ - "Not applicable" - ] - }, - { - "text": "When you delete content, it’s no longer visible to other users, however it may continue to exist elsewhere on our systems where: • immediate deletion is not possible due to technical limitations (in which case, your content will be deleted within a maximum of 90 days from when you delete it); • your content has been used by others in accordance with this license and they have not deleted it (in which case this license will continue to apply until that content is deleted); or • where immediate deletion would restrict our ability to: • investigate or identify illegal activity or violations of our terms and policies (for example, to identify or investigate misuse of our Products or systems); • comply with a legal obligation, such as the preservation of evidence; or • comply with a request of a judicial or administrative authority, law enforcement or a government agency; in which case, the content will be retained for no longer than is necessary for the purposes for which it has been retained (the exact duration will vary on a case-by-case basis).", - "label": [ - "Commit to privacy", - "Violate privacy" - ] - }, - { - "text": "We use the information we have (including from research partners we collaborate with) to conduct and support research and innovation on topics of general social welfare, technological advancement, public interest, health and well-being.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Firefox ▪ Safari ▪ Safari Mobile ▪ Opera Date of last revision: 23 June 2021 Facebook © 2021 English (US)", - "label": [ - "Not applicable" - ] - }, - { - "text": "Provide measurement, analytics, and other business services.", - "label": [ - "Not applicable" - ] - }, - { - "text": "When you delete your account, we delete things you have posted, such as your photos and status updates, and you won't be able to recover that information later.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Learn more about how we use information about you to personalize your Facebook and Instagram experience, including features, content and recommendations in Facebook Products; you can also learn more about how we choose the ads that you see.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "To create personalized Products that are unique and relevant to you, we use your connections, preferences, interests and activities based on the data we collect and learn from you and others (including any data with special protections you choose to provide where you have given your explicit consent); how you use and interact with our Products; and the people, places, or things you're connected to and interested in on and off our Products.", - "label": [ - "Violate privacy", - "Commit to privacy" - ] - }, - { - "text": "Our bottom line is getting this right for people.", - "label": [ - "Declare opinion about privacy" - ] - }, - { - "text": "Local Fundraisers Services Voting Information Center About", - "label": [ - "Not applicable" - ] - }, - { - "text": "Our \"csrf\" cookie, for example, helps us prevent cross-site request forgery attacks.", - "label": [ - "Related to privacy" - ] - }, - { - "text": "Where we take such action we’ll let you know and explain any options you have to request a review, unless doing so may expose us or others to legal liability; harm our community of users; compromise or interfere with the integrity or operation of any of our services, systems or Products; where we are restricted due to technical limitations; or where we are prohibited from doing so for legal reasons.", - "label": [ - "Not applicable" - ] - }, - { - "text": "I N G P R I V A C Y", - "label": [ - "Not applicable" - ] - }, - { - "text": "Integrations with Social Networking and Other Services.", - "label": [ - "Not applicable" - ] - }, - { - "text": "We’ve dramatically decreased the amount of information other apps can request from remain private.", - "label": [ - "Commit to privacy" - ] - }, - { - "text": "Apps, websites, and third-party integrations on or using our Products.", - "label": [ - "Not applicable" - ] - }, - { - "text": "If any portion of these Terms is found to be unenforceable, the remaining portion will remain in full force and effect.", - "label": [ - "Not applicable" - ] - }, - { - "text": "Italiano Română Français (France)", - "label": [ - "Not applicable" - ] - }, - { - "text": "▪ To show you better ads, we use data that advertisers and other partners provide us about your activity off Facebook Company Products, including websites and apps.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "Facebook builds technologies and services that enable people to connect with each other, build communities, and grow businesses.", - "label": [ - "Not applicable" - ] - }, - { - "text": "This includes analyzing the data we have about our users and understanding how people use our Products, for example by conducting surveys and testing and troubleshooting new features.", - "label": [ - "Not applicable" - ] - }, - { - "text": "For example, other companies’ cookies help tailor ads off of Facebook, measure their performance and effectiveness and support marketing and analytics.", - "label": [ - "Violate privacy" - ] - }, - { - "text": "I", - "label": [ - "Not applicable" - ] - } -] \ No newline at end of file diff --git a/output/partition/multilabeldata_dev.json b/output/partition/multilabeldata_dev.json index 94cb67c..a7b8c28 100644 --- a/output/partition/multilabeldata_dev.json +++ b/output/partition/multilabeldata_dev.json @@ -403,12 +403,6 @@ "Commit to privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "The Facebook Products; ▪ Products provided by other members of the Facebook Companies; and ▪ Websites and apps provided by other companies that use the Facebook Products, including companies that incorporate the Facebook Technologies into their websites and apps.", "label": [ diff --git a/output/partition/multilabeldata_test.json b/output/partition/multilabeldata_test.json index 3f0e7d3..f473e06 100644 --- a/output/partition/multilabeldata_test.json +++ b/output/partition/multilabeldata_test.json @@ -139,12 +139,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "Faceb ook 7 of 7 20/09/2021, 14:40", "label": [ @@ -302,12 +296,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "Certain parts of the Facebook Products may not work properly if you have disabled browser cookie use.", "label": [ @@ -398,12 +386,6 @@ "Related to privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "You must obtain our written permission (or permission under an open source license) to modify, create derivative works of, decompile, or otherwise attempt to extract source code from us.", "label": [ diff --git a/output/partition/multilabeldata_train.json b/output/partition/multilabeldata_train.json index 0d66780..3789138 100644 --- a/output/partition/multilabeldata_train.json +++ b/output/partition/multilabeldata_train.json @@ -210,12 +210,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "For messaging, voice and video calling services included in Facebook Products, please click here for a contract summary and here for other information required by the European Electronic Communications Code.", "label": [ @@ -277,12 +271,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "1.", "label": [ @@ -445,18 +433,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "Please note that information collected by third parties may not have the same security protections as information you submit to us, and we are not responsible for protecting the security of such information.", "label": [ @@ -481,12 +457,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "We also collect contact information if you choose to upload, sync or import it from a device (such as an address book or call log or SMS log history), which we use for things like helping you and others find people you may know and for the other purposes listed below.", "label": [ @@ -512,12 +482,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "2 of 10 20/09/2021, 14:41 \fProtecting Privacy and Security | About Facebook", "label": [ @@ -681,12 +645,6 @@ "Violate privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "We collaborate with partners across the industry to help establish best practices for data security and portability.", "label": [ @@ -735,12 +693,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "Do other Companies use cookies in connection with the Facebook Products?", "label": [ @@ -772,12 +724,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "Facebook", "label": [ @@ -1133,18 +1079,6 @@ "Related to privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "6 of 7 20/09/2021, 14:35 \fFacebook https://www.facebook.com/about/privacy/update/printable Date of Last Revision: August 21, 2020 English (US)", "label": [ @@ -1302,12 +1236,6 @@ "Commit to privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "P R A C T", "label": [ @@ -1440,12 +1368,6 @@ "Violate privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "For example, when you share a post or send a message to specific friends or accounts, they can download, screenshot, or reshare that content to others across or off our Products, in person or in virtual reality experiences such as Facebook Spaces.", "label": [ @@ -1464,12 +1386,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "For example: We use cookies to count the number of times that an ad is shown and to calculate the cost of those ads.", "label": [ @@ -1549,12 +1465,6 @@ "Related to privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "▪ You can review your Off-Facebook activity, which is a summary of activity that businesses and organisations share with us about your interactions with them, such as visiting their apps or websites.", "label": [ @@ -1579,12 +1489,6 @@ "Commit to privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "They use our business tools, such as Facebook pixel, to share this information with us.", "label": [ @@ -1639,12 +1543,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "Advertising, recommendations, insights and measurement", "label": [ @@ -1687,12 +1585,6 @@ "Commit to privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "Cookie data: data from cookies stored on your device, including cookie IDs and settings.", "label": [ @@ -2068,12 +1960,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "▪", "label": [ @@ -2383,12 +2269,6 @@ "Violate privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "How do we use this information?", "label": [ @@ -2684,12 +2564,6 @@ "Related to privacy" ] }, - { - "text": "...", - "label": [ - "Not applicable" - ] - }, { "text": "These services providers are limited from using your information for any purpose other than to perform services for us.", "label": [ @@ -2804,12 +2678,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "owner.", "label": [ @@ -2979,12 +2847,6 @@ "Related to privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "Trust, Transparency and Control", "label": [ @@ -3153,12 +3015,6 @@ "Not applicable" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "If we remove content that you have shared for violation of our Community Standards we’ll let you know and explain any options", "label": [ @@ -3213,12 +3069,6 @@ "Commit to privacy" ] }, - { - "text": "•", - "label": [ - "Not applicable" - ] - }, { "text": "• We've previously disabled your account for breaches of our Terms or Policies.", "label": [ diff --git a/partition.py b/partition.py index 9753acc..d54c8a4 100644 --- a/partition.py +++ b/partition.py @@ -1,4 +1,3 @@ -# importing the dataset import pandas as pd import re from sklearn.model_selection import train_test_split @@ -7,7 +6,8 @@ from collections import Counter import matplotlib.pyplot as plt import numpy -from imblearn.over_sampling import SMOTE +import spacy +from utils import clean_corpus, reconstruct_hyphenated_words # Functions @@ -57,7 +57,10 @@ def plot_distribution(counter, name, type): x_pos = numpy.arange(len(counter)) # sets number of bars plt.bar(x_pos, values,align='center') plt.xticks(x_pos, keys, rotation=45, ha="right") # sets labels of bars and their positions - plt.subplots_adjust(bottom=0.45, left=0.25) # creates space for complete label names + plt.subplots_adjust(bottom=0.5, left=0.2) # creates space for complete label names + # TO DO: adding a title might be a good idea -> plt.title('Distribution ...') + plt.xlabel('Labels',labelpad=10.0) + plt.ylabel('Frequency (%)',labelpad=10.0) for i, item in enumerate(values): plt.text(i,item,str(round((item*100/total),1))) plt.ylim((0,values[0]+values[2])) @@ -75,8 +78,19 @@ def write_distribution(path,counter,name): for item in counter.items(): print(item[0], calculate_distribution(item[1], total), " ("+str(item[1])+"/"+str(total)+")", file=file) print("\n",file=file) - # TO DO: ALSO PRINT NUMBER ? - + +def remove_empty_sentences(sents, labels): + for i, (sent, label) in enumerate(zip(sents, labels)): + cleared_sent = clean_corpus(sent) + cleared_sent = nlp(cleared_sent) + cleared_sent = reconstruct_hyphenated_words(cleared_sent) + cleared_sent = [token.text for token in cleared_sent if not token.is_space if not token.is_punct] + if (label == ['Not applicable'] and len(cleared_sent) == 0): + sents[i] = "REMOVE THIS ITEM" + labels[i] = "REMOVE THIS ITEM" + sents = [sent for sent in sents if sent != "REMOVE THIS ITEM"] + labels = [label for label in labels if label != "REMOVE THIS ITEM"] + return sents, labels # MAIN # Reads annotation table from file .csv saved locally and creates labels and senences list @@ -104,6 +118,12 @@ def write_distribution(path,counter,name): # Partitions remaining 20% into dev set (10%) and test set (10%) sents_test, sents_dev, labels_test, labels_dev = train_test_split(sents_test,labels_test, test_size=0.5, stratify=labels_test, random_state=1111111) +nlp = spacy.load('en_core_web_lg',disable=['tok2vec', 'tagger', 'parser', 'ner', 'attribute_ruler', 'lemmatizer']) + +### REMOVING EMPTY SENTENCES - PREPROCESSING THAT WAS INCLUDED ONLY IN WORD EMBEDDING +sents_train, labels_train = remove_empty_sentences(sents_train, labels_train) +sents_dev, labels_dev = remove_empty_sentences(sents_dev, labels_dev) +sents_test, labels_test = remove_empty_sentences(sents_test, labels_test) # save a json, separate labels and sents, use a dictionary in python train_dict = create_sent_label_dict(sents_train, labels_train) dev_dict = create_sent_label_dict(sents_dev, labels_dev) @@ -169,15 +189,4 @@ def write_distribution(path,counter,name): write_distribution(path, counter, "Test") # FLAG - CHECK IF DISTRIBUTION IS BEING DONE AND MEASURED CORRECTLY -# FLAG - in theory checked, but RECHECK rechecked - - -#print(dev_sents_ref_list) -#print(dev_ref_primary_label) -#oversample = SMOTE() -#X, y = oversample.fit_resample(dev_sents_ref_list, dev_ref_primary_label) -# summarize the new class distribution -#counter = Counter(y) -#print(X) -#print(y) -#print(counter) +# FLAG - in theory checked, but RECHECK rechecked \ No newline at end of file diff --git a/simpleclassifier.py b/simpleclassifier.py index a8d19ce..582d0b3 100644 --- a/simpleclassifier.py +++ b/simpleclassifier.py @@ -47,9 +47,6 @@ def simple_classifier(sents_ref_json): return output_dict - - - ##### # MAIN @@ -135,6 +132,12 @@ def simple_classifier(sents_ref_json): # FLAG - CHECK IF STATS WERE CALCULATED AND WRITTEN CORRECTLY - checked ''' +############### + +# APPENDIX +# +# SKETCH OF OTHER APPROACHES TO SELECT LABELS (CONSIDERING MULTILABEL OR CHOOSING PRIMARY LABEL DIFFERENTLY) + # Multilabel distribution count + chart counter = Counter(tuple(item) for item in train_labels_ref_list) plot_distribution(counter, "Train", "multilabel") @@ -145,9 +148,9 @@ def simple_classifier(sents_ref_json): #counter = Counter(tuple(item) for item in test_labels_ref_list) #plot_distribution(counter, "Test", "multilabel") #write_distribution('output/Simple Classifier/multilabelPredictionsStats_Test.txt', counter) -''' -''' -### OTHER APPROACHES FOR CHOOSING THE LABEL FOR EVALUATION -- check start of implementation at the end of the code + +##### + counter = Counter(train_ref_primary_label) plot_distribution(counter, "Train", "First_label") write_distribution('output/Simple Classifier/1labelPredictionsStats_Train.txt', counter) @@ -158,14 +161,8 @@ def simple_classifier(sents_ref_json): #plot_distribution(counter,"Test") #write_distribution('output/Simple Classifier/1labelPredictionsStats_Test.txt', counter) -# FLAG - CHECK IF DISTRIBUTION IS BEING MEASURED CORRECTLY -''' -# FLAG - CHECK IF DISTRIBUTION IS BEING MEASURED CORRECTLY - -############### +####### -# APPENDIX -''' #pred_1label_simple = copy.deepcopy(pred_array) pred_array_ordered = copy.deepcopy(pred_array) # vector of predictions that orders the prediction labels in order to align with primary label from reference with first pred_1label_array = copy.deepcopy(pred_array) # vector of predictions that contains only first label @@ -191,8 +188,3 @@ def simple_classifier(sents_ref_json): ref_1label_str_list = [label[0] for label in ref_1label_array] pred_1label_str_list = [label[0] for label in pred_1label_array] ''' -###### -# TO REMEMBER DOCUMENTATION -# TO DO: RECHOOSE RULES, CHOOSE ONLY WORDS WITH SEMANTIC MEANING DONE -# remove the words that are not in the train set even though they make sense DONE -# verbs - infinitive, noun root form DONE \ No newline at end of file diff --git a/utils.py b/utils.py index d1ab620..b56d7d3 100644 --- a/utils.py +++ b/utils.py @@ -1,8 +1,9 @@ import re import os -from sklearn.metrics import precision_score, f1_score, recall_score, accuracy_score +from sklearn.metrics import precision_score, f1_score, recall_score # ,accuracy_score import json import numpy +#import sklearn from sklearn.metrics import ConfusionMatrixDisplay import matplotlib.pyplot as plt @@ -91,6 +92,7 @@ def write_predictions_file(name, pred_dict): # Creates a confusion matrix def create_confusion_matrix(refs, preds, normalize, path, labels, display_labels): + #print(sklearn.__version__) ConfusionMatrixDisplay.from_predictions(refs,preds, normalize=normalize, labels=labels, display_labels=display_labels) plt.xticks(rotation=45, ha="right") plt.subplots_adjust(bottom=0.4)