diff --git a/.gitignore b/.gitignore index 3419d31..c553711 100644 --- a/.gitignore +++ b/.gitignore @@ -1,4 +1,4 @@ -# Large data files, SLURM scripts, etc. +# Large data files, SLURM scripts, old data, etc. slurm data/rnng/old/ data/grnn/old/ @@ -14,6 +14,9 @@ stimuli/unused stimuli/old/ stimuli/marvin-linzen-2016 +analysis/freq +analysis/figures + # Temporary files ._* diff --git a/README.md b/README.md index c5be189..809fffa 100644 --- a/README.md +++ b/README.md @@ -1,8 +1,8 @@ # A closer look at the performance of neural language models on reflexive anaphor licensing -This repository contains the code for the following paper: +This repository contains the materials for the following paper: -Jennifer Hu, Sherry Yong Chen, and Roger Levy (2020). +> Jennifer Hu, Sherry Yong Chen, and Roger Levy (2020). A closer look at the performance of neural language models on reflexive anaphor licensing. *Proceedings of the Society for Computation in Linguistics (SCiL 2020)* Volume 3. @@ -20,7 +20,12 @@ If you use any of our code, data, or analyses, please cite the paper using the b ## Overview -**TODO: write short overview/summary here to orient people** +Our materials are organized into three primary folders: +* [analysis](analysis) (code for reproducing the results and figures in the paper) +* [data](data) (accuracy and surprisal results from each model) +* [stimuli](stimuli) (test suites and script for extracting sentences) + +Please note that we do not provide code for running each model. For more details, see the [Dependencies](#dependencies) section. ## Stimuli @@ -29,6 +34,7 @@ For each experiment, a `.csv` file containing the stimuli can be found at **SHERRY TODO: explain how stimuli file is structured** +### Extracting sentences To extract the sentences from this file, use the script `stimuli/extract_sentences.py`. You can toggle flags like `--uncased` and `--eos` depending on the requirements of your model. **Please note that the final period @@ -75,32 +81,29 @@ We can make the training script for our n-gram model available upon request. 5. [Tiny LSTM](https://github.com/pytorch/examples/tree/master/word_language_model) 6. n-gram - +## Reproducing our results +### Figures +To generate the plots for a given experiment and model, run the following: -## Reproducing our figures +```bash +cd analysis +mkdir figures +python plot_for_paper.py -o figures -model -exp -vs +``` +This will save a plot to `analysis/figures/_.png`. +The `-vs` flag specifies to plot the negative log probability **differential**. +You can omit the flag to plot the raw negative log probabilities. -To generate the plots for a given experiment and model, run the following: -**TODO: FIX/CLEAN THIS** +To plot the results for all our experiments, run the following +(replacing `figures` with your desired output folder, which will be created +if it does not exist): ```bash cd analysis -python plot_surprisals.py -exp -model +./plot_all figures ``` -This will save a plot to `analysis/plots/_.png` showing -the mean surprisal at the target word across each condition. -The relevant target word (e.g. *himself*, *themselves*, *was*) will be -inferred from the name of the experiment. \ No newline at end of file + +### Accuracy + +**TODO** \ No newline at end of file diff --git a/analysis/acc_freq.pdf b/analysis/acc_freq.pdf deleted file mode 100644 index 24dc1d9..0000000 Binary files a/analysis/acc_freq.pdf and /dev/null differ diff --git a/analysis/acc_freq_data.csv b/analysis/acc_freq_data.csv deleted file mode 100644 index 7146a01..0000000 --- a/analysis/acc_freq_data.csv +++ /dev/null @@ -1,7 +0,0 @@ -model,pronoun,acc,freq,count -tiny,herself,0.27555555555555555,0.75,12 -tiny,themselves,0.6533333333333333,0.7807017543859649,114 -tiny,himself,0.43111111111111106,0.631578947368421,95 -grnn,herself,0.8091428571428573,0.8,3688 -grnn,themselves,0.837904761904762,0.73,9670 -grnn,himself,0.6716190476190477,0.6039603960396039,17226 diff --git a/analysis/acc_freq_data_vanillaLSTM.csv b/analysis/acc_freq_data_vanillaLSTM.csv deleted file mode 100644 index 2023ed5..0000000 --- a/analysis/acc_freq_data_vanillaLSTM.csv +++ /dev/null @@ -1,7 +0,0 @@ -model,pronoun,acc,freq,count -tiny,herself,0.27555555555555555,0.75,12 -tiny,themselves,0.6533333333333333,0.7807017543859649,114 -tiny,himself,0.43111111111111106,0.631578947368421,95 -tinywiki,herself,0.6844444444444444,0.8,3688 -tinywiki,themselves,0.7155555555555555,0.73,9670 -tinywiki,himself,0.4577777777777778,0.6039603960396039,17226 diff --git a/analysis/acc_freq_vanillaLSTM.pdf b/analysis/acc_freq_vanillaLSTM.pdf deleted file mode 100644 index 5495bb7..0000000 Binary files a/analysis/acc_freq_vanillaLSTM.pdf and /dev/null differ diff --git a/analysis/acc_grnn.pdf b/analysis/acc_grnn.pdf deleted file mode 100644 index bf45722..0000000 Binary files a/analysis/acc_grnn.pdf and /dev/null differ diff --git a/analysis/accuracy.py b/analysis/accuracy.py index 0c17ff0..15bef0d 100644 --- a/analysis/accuracy.py +++ b/analysis/accuracy.py @@ -1,76 +1,78 @@ -''' +""" accuracy.py - Get accuracy. -''' + Get accuracy results. +""" import argparse from numpy import mean import random import pandas as pd +import utils + ################################################################################# # Global variables ################################################################################# -MODELS = ['grnn_multi', 'grnn', 'jrnn', 'trans', 'rnng', 'tiny', 'tinywiki', '5gram', 'bert'] +# MODELS = ['grnn_multi', 'grnn', 'jrnn', 'trans', 'rnng', 'tiny', 'tinywiki', '5gram', 'bert'] ################################################################################# # Helper functions ################################################################################# -def _prob_ratio(df1, df2): - prob_ratios = [] - for row in df1.itertuples(): - surprisal1 = row.surprisal - surprisal2 = df2.loc[row.Index].surprisal - prob_ratio = 2**(surprisal2 - surprisal1) - prob_ratios.append(prob_ratio) - return mean(prob_ratios) - - -def _get_data_df(data, surp, exp, nonrefl, multi=False): - # read surprisals and data - if not multi: - surp_df = pd.read_csv(surp, delim_whitespace=True, - names=['token', 'surprisal']) - else: - surp_df = pd.read_csv(surp, sep=' ', - names=['token', 'sentid', 'sentpos', 'wlen', 'surprisal', 'entropy'], - skiprows=2, skipfooter=3) - print(surp_df.head()) - data_df = pd.read_csv(data) - - agree, pl = 'agree' in exp, 'pl' in exp - # only keep surprisal at specified pronoun or verb - if agree: - verb = 'were' if pl else 'was' - surp_df = surp_df.loc[surp_df.token == verb] - else: - if nonrefl: - pn = 'them' if pl else exp.split('_')[-1][:3] - else: - pn = 'themselves' if pl else exp.split('_')[-1] - surp_df = surp_df.loc[surp_df.token == pn] - - # data_df = data_df.loc[data_df.pronoun == pn] - - # insert surprisal into data_df - data_df['surprisal'] = surp_df.surprisal.values - - return data_df - - -def _subtract_baseline(df, exp): - item_list = df.item.unique() - for item in item_list: - item_rows = df.loc[df.item == item] - base_rows = item_rows.loc[item_rows.mismatch_position == 'none'] - baseline = base_rows.surprisal.mean() - # subtract baseline from surprisal of all rows - item_rows.surprisal -= baseline - df.loc[df.item == item] = item_rows - return df - -def _get_accuracy(df, mismatch_position): +# def _prob_ratio(df1, df2): +# prob_ratios = [] +# for row in df1.itertuples(): +# surprisal1 = row.surprisal +# surprisal2 = df2.loc[row.Index].surprisal +# prob_ratio = 2**(surprisal2 - surprisal1) +# prob_ratios.append(prob_ratio) +# return mean(prob_ratios) + + +# def _get_data_df(data, surp, exp, nonrefl, multi=False): +# # read surprisals and data +# if not multi: +# surp_df = pd.read_csv(surp, delim_whitespace=True, +# names=['token', 'surprisal']) +# else: +# surp_df = pd.read_csv(surp, sep=' ', +# names=['token', 'sentid', 'sentpos', 'wlen', 'surprisal', 'entropy'], +# skiprows=2, skipfooter=3) +# print(surp_df.head()) +# data_df = pd.read_csv(data) + +# agree, pl = 'agree' in exp, 'pl' in exp +# # only keep surprisal at specified pronoun or verb +# if agree: +# verb = 'were' if pl else 'was' +# surp_df = surp_df.loc[surp_df.token == verb] +# else: +# if nonrefl: +# pn = 'them' if pl else exp.split('_')[-1][:3] +# else: +# pn = 'themselves' if pl else exp.split('_')[-1] +# surp_df = surp_df.loc[surp_df.token == pn] + +# # data_df = data_df.loc[data_df.pronoun == pn] + +# # insert surprisal into data_df +# data_df['surprisal'] = surp_df.surprisal.values + +# return data_df + + +# def _subtract_baseline(df, exp): +# item_list = df.item.unique() +# for item in item_list: +# item_rows = df.loc[df.item == item] +# base_rows = item_rows.loc[item_rows.mismatch_position == 'none'] +# baseline = base_rows.surprisal.mean() +# # subtract baseline from surprisal of all rows +# item_rows.surprisal -= baseline +# df.loc[df.item == item] = item_rows +# return df + +def get_accuracy(df, mismatch_position): item_list = df.item.unique() n_items = len(item_list) num_correct_vs_baseline = 0 @@ -111,14 +113,9 @@ def _get_accuracy(df, mismatch_position): # Main function ################################################################################# -def main(out_prefix, model, exp, nonrefl, vs_baseline): +def main(out_prefix, model, exp): out_path = '%s/%s_accuracy_%s.csv' % (out_prefix, exp, '_'.join(model)) - if 'futrell' in exp: - suffixes = ['_himself', '_herself'] - elif 'agree' in exp: - suffixes = ['', '_pl'] - else: - suffixes = ['_himself', '_herself', '_pl'] + suffixes = ['_himself', '_herself', '_pl'] model_list = MODELS if model == ['all'] else model acc_dict = {'model':[], 'full_exp':[], 'total_acc':[], 'vs_baseline_acc':[], 'vs_distractor_acc':[]} @@ -154,20 +151,14 @@ def main(out_prefix, model, exp, nonrefl, vs_baseline): if __name__ == '__main__': - parser = argparse.ArgumentParser(description='Plot surprisals.') + parser = argparse.ArgumentParser(description='Compute accuracy for models.') parser.add_argument('--out_prefix', '-out_prefix', '--O', '-O', default='accuracy', - help='prefix to path to save final plots (file will ' + help='prefix to save final file (file will ' 'be named according to experiment name)') parser.add_argument('--model', '-model', '--M', '-M', nargs='+', help='names of models, or all to plot all at once') parser.add_argument('--exp', '-exp', help='name of experiment') - parser.add_argument('--nonrefl', '-nonrefl', action='store_true', - help='toggle whether using nonreflexive pronoun') - parser.add_argument('--vs_baseline', '-vs_baseline', '--vs', '-vs', - default=False, action='store_true', - help='toggle plotting raw surprisal or surprisal ' - 'difference vs. baseline') args = parser.parse_args() - main(**vars(args)) + main(args) diff --git a/analysis/cc_all.pdf b/analysis/cc_all.pdf deleted file mode 100644 index 7ff7691..0000000 Binary files a/analysis/cc_all.pdf and /dev/null differ diff --git a/analysis/count_vs_accuracy.py b/analysis/count_vs_accuracy.py deleted file mode 100644 index dd84ce4..0000000 --- a/analysis/count_vs_accuracy.py +++ /dev/null @@ -1,135 +0,0 @@ -import pandas as pd -import matplotlib.pyplot as plt -from matplotlib.ticker import FormatStrFormatter -import seaborn as sns - -ptb_freqs = { - 'himself' : float(60 / 95), - 'herself' : float(9 / 12), - 'themselves' : float(89 / 114) -} -ptb_counts = { - 'himself' : 95, - 'herself' : 12, - 'themselves' : 114, -} -wiki_freqs = { - 'himself': float(61 / 101), - 'herself': 0.8, - 'themselves': 0.73, -} -wiki_counts = { - 'himself' : 17226, - 'herself' : 3688, - 'themselves' : 9670, -} - - -def save_df(path, ptb_model='tiny'): - pronouns = ['herself', 'themselves', 'himself'] - - data = {'model': [], 'pronoun': [], 'acc': [], 'freq': [], 'count': []} - - # PTB!!!!!!!!!!!!!!!!! - df = pd.read_csv('accuracy/all_exp_accuracy_tiny_rnng.csv') - df = df[df.model == ptb_model] - # df = df[~df.full_exp.str.contains('ml')] - for pn in pronouns: - data['model'].append(ptb_model) - data['pronoun'].append(pn) - exp_pn = pn if pn != 'themselves' else 'pl' - data['acc'].append(df[df.full_exp.str.contains(exp_pn)].total_acc.mean()) - data['freq'].append(ptb_freqs[pn]) - data['count'].append(ptb_counts[pn]) - - # WIKIPEDIA!!!!!!!!!!! - df = pd.read_csv('accuracy/all_exp_accuracy_grnn.csv') - df = df[df.model == 'grnn'] - # df = df[~df.full_exp.str.contains('ml')] - for pn in pronouns: - data['model'].append('grnn') - data['pronoun'].append(pn) - exp_pn = pn if pn != 'themselves' else 'pl' - data['acc'].append(df[df.full_exp.str.contains(exp_pn)].total_acc.mean()) - data['freq'].append(wiki_freqs[pn]) - data['count'].append(wiki_counts[pn]) - - data_df = pd.DataFrame(data) - data_df.to_csv(path, index=False) - -def annotate(axes): - params = dict( - textcoords="offset points" - ) - - grnn_count = axes[0,0] - grnn_freq = axes[0,1] - tiny_count = axes[1,0] - tiny_freq = axes[1,1] - - grnn_count.annotate('herself', (0, 0.9180952380952381), xytext=(20,-10), **params) - grnn_count.annotate('themselves', (1, 0.8573809523809524), xytext=(10,0), **params) - grnn_count.annotate('himself', (2, 0.8061904761904761), xytext=(-80,0), **params) - - grnn_freq.annotate('herself', (2, 0.9180952380952381), xytext=(-60,-10), **params) - grnn_freq.annotate('themselves', (1, 0.8573809523809524), xytext=(20,0), **params) - grnn_freq.annotate('himself', (0, 0.8061904761904761), xytext=(20,0), **params) - - tiny_count.annotate('herself', (0, 0.27555555555555555), xytext=(20,0), **params) - tiny_count.annotate('himself', (1, 0.43111111111111106), xytext=(20,0), **params) - tiny_count.annotate('themselves', (2, 0.6533333333333333), xytext=(-100,-10), **params) - - tiny_freq.annotate('himself', (0, 0.43111111111111106), xytext=(-10,10), **params) - tiny_freq.annotate('herself', (1, 0.27555555555555555), xytext=(20,0), **params) - tiny_freq.annotate('themselves', (2, 0.6533333333333333), xytext=(-100,-10), **params) - - return axes - -def plot(df): - sns.set_style('ticks') - plt.rcParams.update({'font.size': 16}) - models = ['grnn', 'tiny'] - model_titles = ['Wiki / GRNN', 'PTB / TinyLSTM'] - colors = ['green', 'orange'] - - _, axes = plt.subplots(nrows=2, ncols=2, sharey='row', figsize=(9,8)) - plt.subplots_adjust(hspace=0.2, wspace=0.1) - for i in range(2): - for j in range(2): - ax = axes[i,j] - model = models[i] - model_title = model_titles[i] - model_df = df[df.model == model] - x = 'count' if j == 0 else 'freq' - sns.pointplot(data=model_df, x=x, y='acc', ax=ax, color=colors[i], scale=1.5) - if i == 0: - ax.set_xlabel('') - else: - if j == 0: - ax.set_xlabel('# occurrences in corpus') - else: - ax.set_xlabel('relative freq. of anaphor usage') - if j == 0: - if i == 0: - ax.set_title('accuracy vs. raw count') - ax.set_ylabel('accuracy') - ax.yaxis.set_major_formatter(FormatStrFormatter('%.2f')) - else: - if i == 0: - ax.set_title('accuracy vs. anaphor freq.') - ax.yaxis.set_label_position("right") - ax.set_ylabel(model_title, labelpad=25, fontweight='bold', size='large', rotation=270) - xticklabels = ax.get_xticklabels() - rounded_labels = [str(round(float(l.get_text()), 2)) for l in xticklabels] - ax.set_xticklabels(rounded_labels) - - axes = annotate(axes) - - plt.savefig('acc_freq.pdf', bbox_inches='tight') - -if __name__ == '__main__': - save_df('acc_freq_data.csv') - df = pd.read_csv('acc_freq_data.csv') - plot(df) - - diff --git a/analysis/count_vs_accuracy_deprecated.py b/analysis/count_vs_accuracy_deprecated.py deleted file mode 100644 index 0342e13..0000000 --- a/analysis/count_vs_accuracy_deprecated.py +++ /dev/null @@ -1,115 +0,0 @@ -import pandas as pd -import matplotlib.pyplot as plt -import seaborn as sns - -if __name__ == '__main__': - # data = {'model': [], 'himself_acc': [], 'herself_acc': [], 'themselves_acc': [], - # 'himself_freq': [], 'herself_freq': [], 'themselves_freq': [], - # 'himself_count': [], 'herself_count': [], 'themselves_count': []} - - - # df = pd.read_csv('accuracy/all_exp_accuracy_tiny_rnng.csv') - # df = df[df.model == 'rnng'] - # rnng_himself_acc = df[df.full_exp.str.contains('himself')].total_acc.mean() - # rnng_herself_acc = df[df.full_exp.str.contains('herself')].total_acc.mean() - # rnng_themselves_acc = df[df.full_exp.str.contains('pl')].total_acc.mean() - - # df = df[df.model == 'tiny'] - # tiny_himself_acc = df[df.full_exp.str.contains('himself')].total_acc.mean() - # tiny_herself_acc = df[df.full_exp.str.contains('herself')].total_acc.mean() - # tiny_themselves_acc = df[df.full_exp.str.contains('pl')].total_acc.mean() - - df = pd.read_csv('accuracy/all_exp_accuracy_grnn.csv') - grnn_accuracies = [] - - grnn_accuracies.append(df[df.full_exp.str.contains('herself')].total_acc.mean()) - grnn_accuracies.append(df[df.full_exp.str.contains('pl')].total_acc.mean()) - grnn_accuracies.append(df[df.full_exp.str.contains('himself')].total_acc.mean()) - # data['model'].append('grnn') - # data['himself_acc'].append(df[df.full_exp.str.contains('himself')].total_acc.mean()) - # data['herself_acc'].append(df[df.full_exp.str.contains('herself')].total_acc.mean()) - # data['themselves_acc'].append(df[df.full_exp.str.contains('pl')].total_acc.mean()) - - # WIKIPEDIA - wiki_himself_freq = 0.6 #float(61 / 101) - wiki_herself_freq = 0.8 - wiki_themselves_freq = 0.73 - - wiki_himself_count = 17226 - wiki_herself_count = 3688 - wiki_themselves_count = 9670 - - wiki_freqs = [wiki_himself_freq, wiki_themselves_freq, wiki_herself_freq] - wiki_counts = [wiki_herself_count, wiki_themselves_count, wiki_himself_count] - - pronouns = ['herself', 'themselves', 'himself'] - - # data['himself_freq'].append(wiki_himself_freq) - # data['herself_freq'].append(wiki_herself_freq) - # data['themselves_freq'].append(wiki_themselves_freq) - # data['himself_count'].append(wiki_himself_count) - # data['herself_count'].append(wiki_herself_count) - # data['themselves_count'].append(wiki_themselves_count) - - sns.set_style('ticks') - plt.rcParams.update({'font.size': 22}) - - _, axes = plt.subplots(nrows=1, ncols=2, figsize=(13, 7), sharey=True) - plt.subplots_adjust(wspace=0.1) - l_ax, r_ax = axes - - l_ax = sns.pointplot(x=wiki_counts, y=grnn_accuracies, ax=l_ax) - - for i, pn in enumerate(pronouns): - l_ax.annotate(pn, (i, grnn_accuracies[i]), size='small', xytext=(10, 0), textcoords="offset points") - - grnn_accuracies.reverse() - pronouns.reverse() - r_ax = sns.pointplot(x=wiki_freqs, y=grnn_accuracies, ax=r_ax) - for i, pn in enumerate(pronouns): - r_ax.annotate(pn, (i, grnn_accuracies[i]), size='small', xytext=(10, 0), textcoords="offset points") - - l_ax.set_ylabel('accuracy (avg over experiments)') - l_ax.set_xlabel('raw count') - l_ax.set_title('accuracy vs. raw count') - r_ax.set_xlabel('relative frequency') - r_ax.set_title('accuracy vs. relative freq.') - - plt.savefig('acc_grnn.pdf', bbox_inches='tight') - - # PTB - # ptb_himself_freq = float(60 / 95) - # ptb_herself_freq = float(9 / 12) - # ptb_themselves_freq = float(89 / 114) - # ptb_himself_count = 95 - # ptb_herself_count = 12 - # ptb_themselves_count = 114 - - # _, axes = plt.subplots(nrows=2, ncols=2) - # ax = axes[0,0] - # ax.scatter([wiki_himself_count, wiki_herself_count, wiki_themselves_count], [grnn_himself_acc, grnn_herself_acc, grnn_themselves_acc]) - # ax.set_xlabel('count') - # ax.set_ylabel('mean accuracy') - # ax.set_title('wiki/grnn count') - - # ax = axes[0,1] - # ax.scatter([ptb_himself_count, ptb_herself_count, ptb_themselves_count], [rnng_himself_acc, rnng_herself_acc, rnng_themselves_acc]) - # ax.set_xlabel('count') - # ax.set_ylabel('mean accuracy') - # ax.set_title('ptb/rnng count') - - # ax = axes[1,0] - # ax.scatter([wiki_himself_freq, wiki_herself_freq, wiki_themselves_freq], [grnn_himself_acc, grnn_herself_acc, grnn_themselves_acc]) - # ax.set_xlabel('freq') - # ax.set_ylabel('mean accuracy') - # ax.set_title('wiki/grnn freq') - - # ax = axes[1,1] - # ax.scatter([ptb_himself_freq, ptb_herself_freq, ptb_themselves_freq], [rnng_himself_acc, rnng_herself_acc, rnng_themselves_acc]) - # ax.set_xlabel('freq') - # ax.set_ylabel('mean accuracy') - # ax.set_title('ptb/rnng freq') - - # plt.show() - - diff --git a/analysis/count_vs_accuracy_vanillaLSTM.py b/analysis/count_vs_accuracy_vanillaLSTM.py deleted file mode 100644 index 22d0033..0000000 --- a/analysis/count_vs_accuracy_vanillaLSTM.py +++ /dev/null @@ -1,133 +0,0 @@ -import pandas as pd -import matplotlib.pyplot as plt -from matplotlib.ticker import FormatStrFormatter -import seaborn as sns - -ptb_freqs = { - 'himself' : float(60 / 95), - 'herself' : float(9 / 12), - 'themselves' : float(89 / 114) -} -ptb_counts = { - 'himself' : 95, - 'herself' : 12, - 'themselves' : 114, -} -wiki_freqs = { - 'himself': float(61 / 101), - 'herself': 0.8, - 'themselves': 0.73, -} -wiki_counts = { - 'himself' : 17226, - 'herself' : 3688, - 'themselves' : 9670, -} - - -def save_df(path, ptb_model='tiny'): - pronouns = ['herself', 'themselves', 'himself'] - - data = {'model': [], 'pronoun': [], 'acc': [], 'freq': [], 'count': []} - - # PTB!!!!!!!!!!!!!!!!! - df = pd.read_csv('accuracy/all_exp_accuracy_tiny_rnng.csv') - df = df[df.model == ptb_model] - for pn in pronouns: - data['model'].append(ptb_model) - data['pronoun'].append(pn) - exp_pn = pn if pn != 'themselves' else 'pl' - data['acc'].append(df[df.full_exp.str.contains(exp_pn)].total_acc.mean()) - data['freq'].append(ptb_freqs[pn]) - data['count'].append(ptb_counts[pn]) - - # WIKIPEDIA!!!!!!!!!!! - df = pd.read_csv('accuracy/all_exp_accuracy_tinywiki.csv') - df = df[df.model == 'tinywiki'] - for pn in pronouns: - data['model'].append('tinywiki') - data['pronoun'].append(pn) - exp_pn = pn if pn != 'themselves' else 'pl' - data['acc'].append(df[df.full_exp.str.contains(exp_pn)].total_acc.mean()) - data['freq'].append(wiki_freqs[pn]) - data['count'].append(wiki_counts[pn]) - - data_df = pd.DataFrame(data) - data_df.to_csv(path, index=False) - -def annotate(axes): - params = dict( - textcoords="offset points" - ) - - grnn_count = axes[0,0] - grnn_freq = axes[0,1] - tiny_count = axes[1,0] - tiny_freq = axes[1,1] - - grnn_count.annotate('herself', (0, 0.9180952380952381), xytext=(20,-10), **params) - grnn_count.annotate('themselves', (1, 0.8573809523809524), xytext=(10,0), **params) - grnn_count.annotate('himself', (2, 0.8061904761904761), xytext=(-80,0), **params) - - grnn_freq.annotate('herself', (2, 0.9180952380952381), xytext=(-60,-10), **params) - grnn_freq.annotate('themselves', (1, 0.8573809523809524), xytext=(20,0), **params) - grnn_freq.annotate('himself', (0, 0.8061904761904761), xytext=(20,0), **params) - - tiny_count.annotate('herself', (0, 0.27555555555555555), xytext=(20,0), **params) - tiny_count.annotate('himself', (1, 0.43111111111111106), xytext=(20,0), **params) - tiny_count.annotate('themselves', (2, 0.6533333333333333), xytext=(-100,-10), **params) - - tiny_freq.annotate('himself', (0, 0.43111111111111106), xytext=(-10,10), **params) - tiny_freq.annotate('herself', (1, 0.27555555555555555), xytext=(20,0), **params) - tiny_freq.annotate('themselves', (2, 0.6533333333333333), xytext=(-100,-10), **params) - - return axes - -def plot(df): - sns.set_style('ticks') - plt.rcParams.update({'font.size': 16}) - models = ['tinywiki', 'tiny'] - model_titles = ['Wiki (90M)', 'PTB (950K)'] - colors = ['green', 'orange'] - - _, axes = plt.subplots(nrows=2, ncols=2, sharey='row', figsize=(9,8)) - plt.subplots_adjust(hspace=0.2, wspace=0.1) - for i in range(2): - for j in range(2): - ax = axes[i,j] - model = models[i] - model_title = model_titles[i] - model_df = df[df.model == model] - x = 'count' if j == 0 else 'freq' - sns.pointplot(data=model_df, x=x, y='acc', ax=ax, color=colors[i], scale=1.5) - if i == 0: - ax.set_xlabel('') - else: - if j == 0: - ax.set_xlabel('# occurrences in corpus') - else: - ax.set_xlabel('relative freq. of anaphor usage') - if j == 0: - if i == 0: - ax.set_title('accuracy vs. raw count') - ax.set_ylabel('accuracy') - ax.yaxis.set_major_formatter(FormatStrFormatter('%.2f')) - else: - if i == 0: - ax.set_title('accuracy vs. anaphor freq.') - ax.yaxis.set_label_position("right") - ax.set_ylabel(model_title, labelpad=25, fontweight='bold', size='large', rotation=270) - xticklabels = ax.get_xticklabels() - rounded_labels = [str(round(float(l.get_text()), 2)) for l in xticklabels] - ax.set_xticklabels(rounded_labels) - - axes = annotate(axes) - - plt.savefig('acc_freq_vanillaLSTM.pdf', bbox_inches='tight') - -if __name__ == '__main__': - save_df('acc_freq_data_vanillaLSTM.csv') - df = pd.read_csv('acc_freq_data_vanillaLSTM.csv') - plot(df) - - diff --git a/analysis/generate_plot.py b/analysis/generate_plot.py new file mode 100644 index 0000000..21acddf --- /dev/null +++ b/analysis/generate_plot.py @@ -0,0 +1,158 @@ +""" + generate_plot.py + Generates plots to be used in paper. +""" +import argparse +from pathlib import Path +import pandas as pd +import seaborn as sns +import matplotlib.pyplot as plt +from matplotlib.patches import Patch + +import utils + +################################################################################# +# Plotting function +################################################################################# + +def plot_log_prob(dfs, out_path, exp, model_list, vs_baseline=False): + # Set style and parameters. + sns.set_style('ticks') + condition_order = utils.condition_order(exp, vs_baseline=vs_baseline) + params = dict(x='pronoun', y='surprisal', order=utils.PRONOUNS, + hue='mismatch_position', hue_order=condition_order, + palette=utils.PALETTE, errwidth=1) + + # Define legend labels and handles. + if vs_baseline: + labels = ['distractor', 'ungrammatical'] + else: + labels = ['baseline', 'distractor', 'ungrammatical'] + handles = [Patch(facecolor=utils.PALETTE[c]) for c in condition_order] + + # Define tick and axis labels. + xlabel = 'target pronoun' + ylabel = 'log prob differential' if vs_baseline else 'negative log prob' + label_size = 10 + ticklabel_size = 7.5 + + # Initialize figure and subplots. + _, axarr = plt.subplots(nrows=1, ncols=len(model_list), sharey=True, + figsize=(2*len(model_list), 1.75)) + + # If plotting results for one model, make axarr into singleton list. + if len(model_list) == 1: + axarr = [axarr] + + # Iterate through axes and plot model data. + for i, ax in enumerate(axarr): + # Add barplots to ax. + model = model_list[i] + sns.barplot(data=dfs[model], ax=ax, **params) + + # Set tick labels and title. + for tick in ax.yaxis.get_major_ticks(): + tick.label.set_fontsize(ticklabel_size) + for tick in ax.xaxis.get_major_ticks(): + tick.label.set_fontsize(ticklabel_size) + tick.label.set_rotation(20) + ax.set_title(utils.TITLES[model], fontsize=label_size) + + # LEFT-MOST subplot: keep y-axis labels. + if i == 0: + ax.set_ylabel(ylabel, fontsize=label_size) + else: + ax.set_ylabel('') + + # CENTER subplot: keep x-axis label and legend. + if i == int(len(model_list) / 2): + ax.set_xlabel(xlabel, fontsize=label_size) + lg = ax.legend(labels=labels, handles=handles, fancybox=False, + loc='upper center', bbox_to_anchor=(0.5, -0.45), + fontsize=ticklabel_size, ncol=len(handles)) + title = lg.get_title() + title.set_fontsize(ticklabel_size) + frame = lg.get_frame() + frame.set_edgecolor('k') + frame.set_linewidth(0.9) + else: + ax.set_xlabel('') + ax.get_legend().remove() + + # RIGHT-MOST subplot: add experiment name to right side. + if i == len(axarr) - 1: + ax.yaxis.set_label_position('right') + ax.set_ylabel(exp, labelpad=20, fontweight='bold', size='large', rotation=270) + + # Save final figure. + plt.savefig(out_path, dpi=300, bbox_inches='tight') + +################################################################################# +# Main function +################################################################################# + +def main(args): + # Get list of model names. + if args.model == ['all']: + model_list = utils.MODELS + elif args.model == ['big']: + model_list = utils.BIG_MODELS + else: + model_list = args.model + + # Ensure only large-vocabulary models are specified for M&L replication. + if 'ml' in args.exp and any(m not in utils.BIG_MODELS for m in model_list): + raise ValueError( + 'Only large-vocabulary models are compatible with ' + 'Marvin & Linzen\'s (2018) materials. ' + 'Please use "--model big" to plot the results from that experiment.' + ) + + # Assign file name based on name of experiment and specified models. + out_path = Path(f'{args.out_prefix}/{args.exp}-{"_".join(args.model)}') + + # Construct dictionary of DataFrames, where each key is a model. + model_data = {} + for model in model_list: + # Get data for each pronoun for current model. + dfs = [] + for pn in utils.PRONOUNS: + surp_ext = 'csv' if model == 'bert' else 'txt' + surp_path = Path( + f'../data/surprisal/{model}/{args.exp}/{pn}_{model}.{surp_ext}' + ) + if model == 'bert': + pn_df = pd.read_csv(surp_path) + else: + data_path = Path(f'../stimuli/{args.exp}/{pn}.csv') + pn_df = utils.get_data_df(data_path, surp_path, args.exp, pn) + dfs.append(pn_df) + # Concatenate data for each pronoun and insert into data dictionary. + model_data[model] = pd.concat(dfs, sort=True) + + # Subtract baseline from all surprisal values if necessary. + if args.vs_baseline: + for model, df in model_data.items(): + model_data[model] = utils.subtract_baseline(df) + + # Call the plotting function. + plot_log_prob( + model_data, out_path, args.exp, model_list, + vs_baseline=args.vs_baseline + ) + +if __name__ == '__main__': + parser = argparse.ArgumentParser(description='Plot surprisal results.') + parser.add_argument('--out_prefix', '-out_prefix', '--o', '-o', + default='figures/paper', + help='prefix to path to save final plots ' + '(files will be named according to experiment)') + parser.add_argument('--model', '-model', '--m', '-m', nargs='+', + help='list of model names, or "all" or "big"') + parser.add_argument('--exp', '-exp', help='name of experiment') + parser.add_argument('--vs_baseline', '-vs_baseline', '--vs', '-vs', + default=False, action='store_true', + help='toggle surprisal differential vs. baseline ' + '(False --> plot raw surprisals)') + args = parser.parse_args() + main(args) diff --git a/analysis/loc_all.pdf b/analysis/loc_all.pdf deleted file mode 100644 index 7e3dde5..0000000 Binary files a/analysis/loc_all.pdf and /dev/null differ diff --git a/analysis/loc_all.png b/analysis/loc_all.png deleted file mode 100644 index 57d9121..0000000 Binary files a/analysis/loc_all.png and /dev/null differ diff --git a/analysis/ml_big.pdf b/analysis/ml_big.pdf deleted file mode 100644 index 56984a0..0000000 Binary files a/analysis/ml_big.pdf and /dev/null differ diff --git a/analysis/ml_grnn_jrnn_trans_5gram.png b/analysis/ml_grnn_jrnn_trans_5gram.png deleted file mode 100644 index 5b3d82b..0000000 Binary files a/analysis/ml_grnn_jrnn_trans_5gram.png and /dev/null differ diff --git a/analysis/ml_rc_big.pdf b/analysis/ml_rc_big.pdf deleted file mode 100644 index 9f476d0..0000000 Binary files a/analysis/ml_rc_big.pdf and /dev/null differ diff --git a/analysis/plot_all b/analysis/plot_all new file mode 100755 index 0000000..340681a --- /dev/null +++ b/analysis/plot_all @@ -0,0 +1,21 @@ +#!/bin/bash + +if [ "$#" -ne 1 ]; then + echo "Expected usage: ./plot_all " +fi + +mkdir -p $1 + +ML_EXPS=("exp1a-ml-rc" "exp1b-ml-comp") +OTHER_EXPS=("exp2-rc" "exp3-comp" "exp4-pp") +EXPS=("${ML_EXPS[@]}" "${OTHER_EXPS[@]}") + +for exp in ${EXPS[@]}; do + echo "== Generating plots for $exp ==" + if [[ " ${ML_EXPS[*]} " == *" $exp "* ]]; then + model="big" + else + model="all" + fi + python generate_plot.py -o $1 -model $model -exp $exp -vs +done \ No newline at end of file diff --git a/analysis/plot_all_experiments.sh b/analysis/plot_all_experiments.sh deleted file mode 100755 index 155cc52..0000000 --- a/analysis/plot_all_experiments.sh +++ /dev/null @@ -1,11 +0,0 @@ -#!/bin/bash - -python plot_surprisals.py -exp "loc_himself" -model all -o plots/vs_baseline/ -vs & \ -python plot_surprisals.py -exp "loc_herself" -model all -o plots/vs_baseline/ -vs & \ -python plot_surprisals.py -exp "loc_pl" -model all -o plots/vs_baseline/ -vs & \ -python plot_surprisals.py -exp "cc_himself" -model all -o plots/vs_baseline/ -vs & \ -python plot_surprisals.py -exp "cc_herself" -model all -o plots/vs_baseline/ -vs & \ -python plot_surprisals.py -exp "cc_pl" -model all -o plots/vs_baseline/ -vs & \ -python plot_surprisals.py -exp "cc_agree" -model all -o plots/vs_baseline/ -vs & \ -python plot_surprisals.py -exp "cc_agree_pl" -model all -o plots/vs_baseline/ -vs & \ -wait \ No newline at end of file diff --git a/analysis/plot_for_paper.py b/analysis/plot_for_paper.py deleted file mode 100644 index edfefff..0000000 --- a/analysis/plot_for_paper.py +++ /dev/null @@ -1,263 +0,0 @@ -''' - plot_for_paper.py - Generates plots to be used in paper. -''' -import argparse -import pandas as pd -import seaborn as sns -import matplotlib.pyplot as plt -from matplotlib.patches import Patch - -import plot_util - -################################################################################# -# Plot surprisal differentials -################################################################################# - -def plot_mult_models(dfs, out_path, exp, model_list, baseline): - if baseline: - for m, df in dfs.items(): - dfs[m] = plot_util._subtract_baseline(df, exp) - # set style and parameters - sns.set_style('ticks') - - position_order, target_order = plot_util._orders(exp, baseline=baseline) - target = 'verb' if 'agree' in exp else 'pronoun' - params = dict(x=target, y='surprisal', order=target_order, errwidth=1, - palette=plot_util.PALETTE, #edgecolor=plot_util.FCOLOR, - hue='mismatch_position', hue_order=position_order) - - # legend labels and handles - if 'cc' in exp: - labels = ['distractor mismatch', 'head mismatch'] - elif 'rc' in exp: - labels = ['rc subj mismatch', 'matrix subj mismatch'] - elif 'nonrefl' in exp: - labels = ['local mismatch', 'nonlocal mismatch'] - else: - labels = ['nonlocal mismatch', 'local mismatch'] - handles = [Patch(facecolor=plot_util.PALETTE[p]) for p in position_order] - - # tick and axis labels - xlabel = 'target %s' % target - ylabel = 'surprisal - baseline' if baseline else 'surprisal' - xticklabels = target_order - label_size = 10 - ticklabel_size = 7.5 - - # initialize figure and subplots - if len(model_list) % 2 == 0: - nrows, ncols = int(len(model_list) / 2), 2 - else: - nrows, ncols = int((len(model_list) + 1) / 2), 2 - _, axarr = plt.subplots(nrows=nrows, ncols=ncols, sharey=True, - figsize=(5, nrows * ncols)) - plt.subplots_adjust(hspace=0.3) - - for i in range(nrows): - for j in range(ncols): - ax = axarr[i, j] - ind = i*ncols + j - print(ind) - if ind == (nrows * ncols) - 1 and len(model_list) % 2 != 0: - ax.axis('off') - break - - # plot data - model = model_list[ind] - sns.barplot(data=dfs[model], ax=ax, **params) - # ax.set_facecolor(plot_util.FCOLOR) - - # only keep xlabels and xticklabels for bottom plot of each column - if ('rnng' in model_list and model not in ['5gram', 'rnng']) \ - or ('rnng' not in model_list and model not in ['5gram', 'grnn']): - ax.set_xlabel('') - ax.set_xticklabels([]) - else: - ax.set_xlabel(xlabel, fontsize=label_size) - ax.set_xticklabels(xticklabels) - for tick in ax.xaxis.get_major_ticks(): - tick.label.set_fontsize(ticklabel_size) - - # put legend in bottom right corner - ASSUMES ODD NUMBER OF MODELS - if model != '5gram': - ax.get_legend().remove() - else: - lg = ax.legend(labels=labels, handles=handles, fancybox=False, - loc='center left', bbox_to_anchor=(1.2, 0.5), - fontsize=label_size) - title = lg.get_title() - title.set_fontsize(label_size) - lg.get_frame().set_edgecolor('k') - lg.get_frame().set_linewidth(0.8) - - # only keep ylabel at leftmost column - if j != 0: - ax.set_ylabel('') - else: - ax.set_ylabel(ylabel, fontsize=label_size) - for tick in ax.yaxis.get_major_ticks(): - tick.label.set_fontsize(ticklabel_size) - - # set title - ax.set_title(plot_util._get_title(model), fontsize=label_size) - - # save final figure - plt.savefig(out_path, bbox_inches='tight') - - -def plot_mult_models_replication(dfs, out_path, exp, model_list, baseline): - if baseline: - for m, df in dfs.items(): - dfs[m] = plot_util._subtract_baseline(df, exp) - # set style and parameters - sns.set_style('ticks') - position_order, target_order = plot_util._orders(exp, baseline=baseline) - target = 'verb' if 'agree' in exp else 'pronoun' - params = dict(x=target, y='surprisal', order=target_order, errwidth=1, - palette=plot_util.PALETTE, #edgecolor=plot_util.FCOLOR, - hue='mismatch_position', hue_order=position_order) - - # legend labels and handles - # if 'cc' in exp: - # labels = ['distractor mismatch', 'head mismatch'] - # elif 'rc' in exp: - # labels = ['rc subj mismatch', 'matrix subj mismatch'] - # elif 'nonrefl' in exp: - # labels = ['local mismatch', 'nonlocal mismatch'] - # else: - # labels = ['nonlocal mismatch', 'local mismatch'] - labels = ['distractor', 'ungrammatical'] - handles = [Patch(facecolor=plot_util.PALETTE[p]) for p in position_order] - - # tick and axis labels - xlabel = 'target %s' % target - ylabel = 'log prob differential' # 'surprisal - baseline' if baseline else 'surprisal' - xticklabels = target_order - label_size = 10 - ticklabel_size = 8 - - # initialize figure and subplots - _, axarr = plt.subplots(nrows=1, ncols=len(model_list), sharey=True, - figsize=(2*len(model_list), 1.75)) - - for i, ax in enumerate(axarr): - # plot data - model = model_list[i] - sns.barplot(data=dfs[model], ax=ax, **params) - # ax.set_facecolor(plot_util.FCOLOR) - - # only keep y-axis at leftmost subplot - if i == 0: - ax.set_ylabel(ylabel, fontsize=label_size) - else: - ax.set_ylabel('') - #ax.yaxis.set_visible(False) - - # only keep x-axis label and legend at center subplot - if i == int(len(model_list) / 2): - ax.set_xlabel(xlabel, fontsize=label_size) - lg = ax.legend(labels=labels, handles=handles, fancybox=False, - loc='upper center', bbox_to_anchor=(0.5, -0.45), - fontsize=ticklabel_size, ncol=2) - title = lg.get_title() - title.set_fontsize(ticklabel_size) - lg.get_frame().set_edgecolor('k') - lg.get_frame().set_linewidth(0.9) - else: - ax.set_xlabel('') - ax.get_legend().remove() - - # if i == len(model_list) - 1: - # lg = ax.legend(labels=labels, handles=handles, fancybox=False, - # loc='center left', bbox_to_anchor=(1, 0.5), - # fontsize=label_size) - # title = lg.get_title() - # title.set_fontsize(label_size) - # lg.get_frame().set_edgecolor('k') - # lg.get_frame().set_linewidth(0.8) - # else: - # ax.get_legend().remove() - - # set tick labels and titles - for tick in ax.yaxis.get_major_ticks(): - tick.label.set_fontsize(ticklabel_size) - for tick in ax.xaxis.get_major_ticks(): - tick.label.set_fontsize(ticklabel_size) - if 'agree' not in exp and 'futrell' not in exp: - tick.label.set_rotation(20) - ax.set_xticklabels(xticklabels) - - if i == len(axarr) - 1: - ax.yaxis.set_label_position("right") - ax.set_ylabel('sent. complement', labelpad=20, fontweight='bold', size='large', rotation=270) - # ax.set_xticklabels([]) - # ax.set_xlabel('') - # ax.get_legend().remove() - # ax.set_title(plot_util._get_title(model), fontsize=label_size) - - # save final figure - plt.savefig(out_path, dpi=300, bbox_inches='tight') - -################################################################################# -# Main function -################################################################################# - -def main(out_prefix, model, exp, nonrefl, vs_baseline): - out_path = '%s/%s_%s.pdf' % (out_prefix, exp, '_'.join(model)) - - if 'futrell' in exp: - suffixes = ['_himself', '_herself'] - elif 'agree' in exp: - suffixes = ['', '_pl'] - else: - suffixes = ['_himself', '_herself', '_pl'] - - if model == ['all']: - model_list = plot_util.MODELS - elif model == ['big']: - model_list = plot_util.BIG_MODELS - else: - model_list = model - - df_dict = {} - for m in model_list: - print(m) - dfs = [] - for s in suffixes: - full_exp = exp + s - print(full_exp) - data_path = '../materials/%s.csv' % full_exp - surp = '../surprisal_data/%s/%s_surprisal_%s.txt' % (m, full_exp, m) - if m == 'bert': - df = pd.read_csv('../surprisal_data/bert/%s_surprisal_bert.csv' % full_exp) - else: - df = plot_util._get_data_df(data_path, surp, full_exp, nonrefl=nonrefl) - dfs.append(df) - full_df = pd.concat(dfs) - df_dict[m] = full_df - if 'ml' in exp or 'futrell' in exp: - assert(model == ['big']) - plot_mult_models_replication(df_dict, out_path, exp, model_list, baseline=vs_baseline) - else: - plot_mult_models(df_dict, out_path, exp, model_list, baseline=vs_baseline) - - -if __name__ == '__main__': - parser = argparse.ArgumentParser(description='Plot surprisals.') - parser.add_argument('--out_prefix', '-out_prefix', '--O', '-O', - default='plots/paper', - help='prefix to path to save final plots (file will ' - 'be named according to experiment name)') - parser.add_argument('--model', '-model', '--M', '-M', nargs='+', - help='names of models, or \'all\' or \'big\'') - parser.add_argument('--exp', '-exp', - help='name of experiment') - parser.add_argument('--nonrefl', '-nonrefl', action='store_true', - help='toggle whether using nonreflexive pronoun') - parser.add_argument('--vs_baseline', '-vs_baseline', '--vs', '-vs', - default=False, action='store_true', - help='toggle plotting raw surprisal or surprisal ' - 'difference vs. baseline') - args = parser.parse_args() - main(**vars(args)) diff --git a/analysis/plot_for_paper_deprecated.py b/analysis/plot_for_paper_deprecated.py deleted file mode 100644 index 10c6e73..0000000 --- a/analysis/plot_for_paper_deprecated.py +++ /dev/null @@ -1,147 +0,0 @@ -''' - plot_for_paper_deprecated.py - NO LONGER USED (generates plots to be used in paper) -''' -import argparse -import pandas as pd -import seaborn as sns -import matplotlib.pyplot as plt -from matplotlib.patches import Patch - -import plot_util - -################################################################################# -# Plot absolute surprisal values -################################################################################# - -def plot_single_model(df, out_path, model, exp): - sns.set_style('whitegrid') - position_order, _ = plot_util._orders(exp) - params = dict(data=df, x='mismatch_position', y='surprisal', - order=position_order, palette=plot_util.PALETTE) - sns.barplot(**params) - plt.title('%s mean surprisal (%s)' % (model, exp)) - plt.savefig(out_path, dpi=300, bbox_inches='tight') - - -def plot_mult_models(dfs, out_path, exp, model_list, baseline): - if baseline: - for m, df in dfs.items(): - dfs[m] = plot_util._subtract_baseline(df, exp) - # set style and parameters - sns.set_style('ticks') - position_order, target_order = plot_util._orders(exp, baseline=baseline) - target = 'verb' if 'agree' in exp else 'pronoun' - params = dict(x=target, y='surprisal', order=target_order, errwidth=1, - palette=plot_util.PALETTE, edgecolor=plot_util.FCOLOR, - hue='mismatch_position', hue_order=position_order) - - # legend labels and handles - if 'cc' in exp: - labels = ['distractor mismatch', 'head mismatch'] - elif 'rc' in exp: - labels = ['rc subj mismatch', 'matrix subj mismatch'] - elif 'nonrefl' in exp: - labels = ['local mismatch', 'nonlocal mismatch'] - else: - labels = ['nonlocal mismatch', 'local mismatch'] - handles = [Patch(facecolor=plot_util.PALETTE[p]) for p in position_order] - - # tick and axis labels - xlabel = 'target %s' % target - ylabel = 'surprisal - baseline' if baseline else 'surprisal' - xticklabels = target_order - label_size = 10 - ticklabel_size = 8 - - # initialize figure and subplots - _, axarr = plt.subplots(nrows=1, ncols=len(model_list), sharey=True, - figsize=(2*len(model_list), 1.75)) - - for i, ax in enumerate(axarr): - # plot data - model = model_list[i] - sns.barplot(data=dfs[model], ax=ax, **params) - ax.set_facecolor(plot_util.FCOLOR) - - # only keep y-axis at leftmost subplot - if i == 0: - ax.set_ylabel(ylabel, fontsize=label_size) - else: - ax.yaxis.set_visible(False) - - # only keep x-axis label and legend at center subplot - if i == int(len(model_list) / 2): - ax.set_xlabel(xlabel, fontsize=label_size) - lg = ax.legend(labels=labels, handles=handles, fancybox=False, - loc='upper center', bbox_to_anchor=(0.5, -0.45), - fontsize=ticklabel_size, ncol=2) - title = lg.get_title() - title.set_fontsize(ticklabel_size) - lg.get_frame().set_edgecolor('k') - lg.get_frame().set_linewidth(0.9) - else: - ax.set_xlabel('') - ax.get_legend().remove() - - # set tick labels and titles - for tick in ax.yaxis.get_major_ticks(): - tick.label.set_fontsize(ticklabel_size) - for tick in ax.xaxis.get_major_ticks(): - tick.label.set_fontsize(ticklabel_size) - if 'agree' not in exp and 'futrell' not in exp: - tick.label.set_rotation(20) - ax.set_xticklabels(xticklabels) - ax.set_title(plot_util._get_title(model), fontsize=label_size) - - # save final figure - plt.savefig(out_path, dpi=300, bbox_inches='tight') - - -################################################################################# -# Main function -################################################################################# - -def main(out_prefix, model, exp, nonrefl, vs_baseline): - out_path = '%s/%s_%s.png' % (out_prefix, exp, '_'.join(model)) - if 'futrell' in exp: - suffixes = ['_himself', '_herself'] - elif 'agree' in exp: - suffixes = ['', '_pl'] - else: - suffixes = ['_himself', '_herself', '_pl'] - model_list = plot_util.MODELS if model == ['all'] else model - df_dict = {} - for m in model_list: - print(m) - dfs = [] - for s in suffixes: - full_exp = exp + s - print(full_exp) - data_path = '../materials/%s.csv' % full_exp - surp = '../surprisal_data/%s/%s_surprisal_%s.txt' % (m, full_exp, m) - df = plot_util._get_data_df(data_path, surp, full_exp, nonrefl=nonrefl) - dfs.append(df) - full_df = pd.concat(dfs) - df_dict[m] = full_df - plot_mult_models(df_dict, out_path, exp, model_list, baseline=vs_baseline) - - -if __name__ == '__main__': - parser = argparse.ArgumentParser(description='Plot surprisals.') - parser.add_argument('--out_prefix', '-out_prefix', '--O', '-O', - default='plots/paper', - help='prefix to path to save final plots (file will ' - 'be named according to experiment name)') - parser.add_argument('--model', '-model', '--M', '-M', nargs='+', - help='names of models, or all to plot all at once') - parser.add_argument('--exp', '-exp', - help='name of experiment') - parser.add_argument('--nonrefl', '-nonrefl', action='store_true', - help='toggle whether using nonreflexive pronoun') - parser.add_argument('--vs_baseline', '-vs_baseline', '--vs', '-vs', - default=False, action='store_true', - help='toggle plotting raw surprisal or surprisal ' - 'difference vs. baseline') - args = parser.parse_args() - main(**vars(args)) diff --git a/analysis/plot_surprisals.py b/analysis/plot_surprisals.py deleted file mode 100644 index 82784f1..0000000 --- a/analysis/plot_surprisals.py +++ /dev/null @@ -1,122 +0,0 @@ -''' - plot_surprisals.py - Plots mean surprisals across conditions using model surprisal data. -''' -import argparse -import seaborn as sns -import matplotlib.pyplot as plt - -import plot_util - -################################################################################# -# Plot surprisal vs. baseline -################################################################################# - -def plot_surprisal_vs_baseline(dfs, out_path, exp, model_list): - for m, df in dfs.items(): - dfs[m] = plot_util._subtract_baseline(df, exp) - plot_multiple_models(dfs, out_path, exp, model_list, ylabel='surprisal - baseline') - -################################################################################# -# Plot absolute surprisal values -################################################################################# - -def plot_single_model(df, out_path, model, exp, vs_baseline): - sns.set_style('whitegrid') - position_order, _ = plot_util._orders(exp, vs_baseline) - params = dict(data=df, x='mismatch_position', y='surprisal', - order=position_order, palette=plot_util.PALETTE) - sns.barplot(**params) - plt.title('%s mean surprisal (%s)' % (model, exp)) - plt.savefig(out_path, dpi=300, bbox_inches='tight') - - -def plot_multiple_models(dfs, out_path, exp, model_list, ylabel='surprisal'): - # set style and parameters - sns.set_style('ticks') - position_order, _ = plot_util._orders(exp) - params = dict(x='mismatch_position', y='surprisal', errwidth=1, - order=position_order, palette=plot_util.PALETTE, - edgecolor=plot_util.FCOLOR) - xticklabels = ['none', 'distractor', 'head'] if 'cc' in exp else \ - ['none', 'nonlocal', 'local'] - label_size = 10 - ticklabel_size = 8 - - # initialize figure and subplots - _, axarr = plt.subplots(nrows=1, ncols=len(model_list), sharey=True, - figsize=(2*len(model_list), 1.5)) - - for i, ax in enumerate(axarr): - # plot data - model = model_list[i] - sns.barplot(data=dfs[model], ax=ax, **params) - ax.set_facecolor(plot_util.FCOLOR) - - # only keep y-axis at leftmost subplot - if i == 0: - ax.set_ylabel(ylabel, fontsize=label_size) - else: - ax.yaxis.set_visible(False) - - # only keep x-axis label at center subplot - if i == len(model_list) / 2: - ax.set_xlabel('position of feature mismatch', fontsize=label_size) - else: - ax.set_xlabel('') - - # set tick labels and titles - for tick in ax.yaxis.get_major_ticks(): - tick.label.set_fontsize(ticklabel_size) - for tick in ax.xaxis.get_major_ticks(): - tick.label.set_fontsize(ticklabel_size) - ax.set_xticklabels(xticklabels) - ax.set_title(plot_util._get_title(model), fontsize=label_size) - - # save final figure - plt.savefig(out_path, dpi=300, bbox_inches='tight') - - -################################################################################# -# Main function -################################################################################# - -def main(out_prefix, model, exp, vs_baseline): - data_path = '../materials/%s.csv' % exp - out_path = '%s/%s_%s.png' % (out_prefix, exp, '_'.join(model)) - - if len(model) == 1 and model != ['all']: - model = model[0] - surp = '../surprisal_data/%s/%s_surprisal_%s.txt' % (model, exp, model) - df = plot_util._get_data_df(data_path, surp, exp) - plot_single_model(df, out_path, model, exp, vs_baseline) - - else: - model_list = plot_util.MODELS if model == ['all'] else model - dfs = {} - for m in model_list: - surp = '../surprisal_data/%s/%s_surprisal_%s.txt' % (m, exp, m) - df = plot_util._get_data_df(data_path, surp, exp) - dfs[m] = df - if vs_baseline: - plot_surprisal_vs_baseline(dfs, out_path, exp, model_list) - else: - plot_multiple_models(dfs, out_path, exp, model_list) - - -if __name__ == '__main__': - parser = argparse.ArgumentParser(description='Plot surprisals.') - parser.add_argument('--out_prefix', '-out_prefix', '--O', '-O', - default='plots', - help='prefix to path to save final plots (file will ' - 'be named according to experiment name)') - parser.add_argument('--model', '-model', '--M', '-M', nargs='+', - help='names of models, or all to plot all at once') - parser.add_argument('--exp', '-exp', - help='name of experiment') - parser.add_argument('--vs_baseline', '-vs_baseline', '--vs', '-vs', - default=False, action='store_true', - help='toggle plotting raw surprisal or surprisal ' - 'difference vs. baseline') - args = parser.parse_args() - main(**vars(args)) diff --git a/analysis/plot_util.py b/analysis/plot_util.py deleted file mode 100644 index fd033fe..0000000 --- a/analysis/plot_util.py +++ /dev/null @@ -1,106 +0,0 @@ -''' - plot_util.py - Helper functions to be used by plot_surprisals.py. -''' -from numpy import mean -import pandas as pd - -################################################################################# -# Global variables and constants. -################################################################################# - -# Small-data models are trained on PTB. -SMALL_MODELS = ['tiny', 'rnng'] -BIG_MODELS = ['bert', 'trans', 'jrnn', 'grnn', '5gram'] -MODELS = BIG_MODELS + SMALL_MODELS - -PRONOUN_ORDER = ['themselves', 'himself', 'herself'] - -TITLES = { - 'bert': 'BERT', - 'grnn': 'GRNN', - 'jrnn': 'JRNN', - 'rnng': 'RNNG', - 'tiny': 'TinyLSTM', - 'trans': 'TransXL', - '5gram': '5-gram' -} - -# Ungrammatical --> RED -# Distractor --> BLUE -# Baseline --> GREEN -PALETTE = { - 'matrix_subj': 'indianred', - 'local_subj': 'indianred', # 'skyblue', - 'head': 'indianred', - 'rc_subj': 'skyblue', - 'nonlocal_subj': 'skyblue', # 'indianred', - 'distractor': 'skyblue', - 'none': 'darkseagreen' -} - -FCOLOR = '#f4f4f7' - -################################################################################# -# Helper functions -################################################################################# - -def _orders(exp, baseline=True): - if 'cc' in exp: - position_order = ['distractor', 'head'] - elif 'rc' in exp: - position_order = ['rc_subj', 'matrix_subj'] - else: - position_order = ['nonlocal_subj', 'local_subj'] - - if not baseline: - position_order.insert(0, 'none') - - return position_order, PRONOUN_ORDER - - -def _get_title(model): - return TITLES[model] - - -# def _prob_ratio(df1, df2): -# prob_ratios = [] -# for row in df1.itertuples(): -# surprisal1 = row.surprisal -# surprisal2 = df2.loc[row.Index].surprisal -# prob_ratio = 2**(surprisal2 - surprisal1) -# prob_ratios.append(prob_ratio) -# return mean(prob_ratios) - - -def _get_data_df(data, surp, exp, nonrefl): - # Read surprisals and data. - surp_df = pd.read_csv(surp, delim_whitespace=True, - names=['token', 'surprisal']) - data_df = pd.read_csv(data) - - # Only keep surprisal at target pronoun, inferred from title of experiment. - exp_suffix = exp.split('_')[-1] # 'themselves' if pl else - assert exp_suffix in PRONOUN_ORDER - surp_df = surp_df.loc[surp_df.token == exp_suffix] - # data_df = data_df.loc[data_df.pronoun == pn] - - # Insert surprisal into data_df. - data_df['surprisal'] = surp_df.surprisal.values - - return data_df - - -def _subtract_baseline(df, exp): - item_list = df.item.unique() - for item in item_list: - # Get rows corresponding to item. - item_rows = df[df.item == item] - base_rows = item_rows[item_rows.mismatch_position == 'none'] - baseline = base_rows.surprisal.mean() - - # Subtract baseline from surprisal of all rows. - item_rows.surprisal -= baseline - df[df.item == item] = item_rows - return df - diff --git a/analysis/plots/.DS_Store b/analysis/plots/.DS_Store deleted file mode 100644 index 59d0962..0000000 Binary files a/analysis/plots/.DS_Store and /dev/null differ diff --git a/analysis/plots/cc_agree_all.png b/analysis/plots/cc_agree_all.png deleted file mode 100644 index 61c0d29..0000000 Binary files a/analysis/plots/cc_agree_all.png and /dev/null differ diff --git a/analysis/plots/cc_agree_grnn.png b/analysis/plots/cc_agree_grnn.png deleted file mode 100644 index 3b3b6eb..0000000 Binary files a/analysis/plots/cc_agree_grnn.png and /dev/null differ diff --git a/analysis/plots/cc_agree_jrnn.png b/analysis/plots/cc_agree_jrnn.png deleted file mode 100644 index 322b781..0000000 Binary files a/analysis/plots/cc_agree_jrnn.png and /dev/null differ diff --git a/analysis/plots/cc_agree_pl_all.png b/analysis/plots/cc_agree_pl_all.png deleted file mode 100644 index 1fa42fa..0000000 Binary files a/analysis/plots/cc_agree_pl_all.png and /dev/null differ diff --git a/analysis/plots/cc_agree_pl_grnn.png b/analysis/plots/cc_agree_pl_grnn.png deleted file mode 100644 index ab16384..0000000 Binary files a/analysis/plots/cc_agree_pl_grnn.png and /dev/null differ diff --git a/analysis/plots/cc_agree_pl_jrnn.png b/analysis/plots/cc_agree_pl_jrnn.png deleted file mode 100644 index f3a788a..0000000 Binary files a/analysis/plots/cc_agree_pl_jrnn.png and /dev/null differ diff --git a/analysis/plots/cc_agree_pl_rnng.png b/analysis/plots/cc_agree_pl_rnng.png deleted file mode 100644 index 30abd96..0000000 Binary files a/analysis/plots/cc_agree_pl_rnng.png and /dev/null differ diff --git a/analysis/plots/cc_agree_pl_tiny.png b/analysis/plots/cc_agree_pl_tiny.png deleted file mode 100644 index 382333a..0000000 Binary files a/analysis/plots/cc_agree_pl_tiny.png and /dev/null differ diff --git a/analysis/plots/cc_agree_pl_trans.png b/analysis/plots/cc_agree_pl_trans.png deleted file mode 100644 index 825038c..0000000 Binary files a/analysis/plots/cc_agree_pl_trans.png and /dev/null differ diff --git a/analysis/plots/cc_agree_rnng.png b/analysis/plots/cc_agree_rnng.png deleted file mode 100644 index 854a2ac..0000000 Binary files a/analysis/plots/cc_agree_rnng.png and /dev/null differ diff --git a/analysis/plots/cc_agree_tiny.png b/analysis/plots/cc_agree_tiny.png deleted file mode 100644 index 1f7ba7f..0000000 Binary files a/analysis/plots/cc_agree_tiny.png and /dev/null differ diff --git a/analysis/plots/cc_agree_trans.png b/analysis/plots/cc_agree_trans.png deleted file mode 100644 index a336fbc..0000000 Binary files a/analysis/plots/cc_agree_trans.png and /dev/null differ diff --git a/analysis/plots/cc_herself_all.png b/analysis/plots/cc_herself_all.png deleted file mode 100644 index ab7d0d7..0000000 Binary files a/analysis/plots/cc_herself_all.png and /dev/null differ diff --git a/analysis/plots/cc_herself_grnn.png b/analysis/plots/cc_herself_grnn.png deleted file mode 100644 index b07a96f..0000000 Binary files a/analysis/plots/cc_herself_grnn.png and /dev/null differ diff --git a/analysis/plots/cc_herself_jrnn.png b/analysis/plots/cc_herself_jrnn.png deleted file mode 100644 index f65a349..0000000 Binary files a/analysis/plots/cc_herself_jrnn.png and /dev/null differ diff --git a/analysis/plots/cc_herself_rnng.png b/analysis/plots/cc_herself_rnng.png deleted file mode 100644 index a7df313..0000000 Binary files a/analysis/plots/cc_herself_rnng.png and /dev/null differ diff --git a/analysis/plots/cc_herself_tiny.png b/analysis/plots/cc_herself_tiny.png deleted file mode 100644 index 2c62030..0000000 Binary files a/analysis/plots/cc_herself_tiny.png and /dev/null differ diff --git a/analysis/plots/cc_herself_trans.png b/analysis/plots/cc_herself_trans.png deleted file mode 100644 index 8dbf07d..0000000 Binary files a/analysis/plots/cc_herself_trans.png and /dev/null differ diff --git a/analysis/plots/cc_himself_all.png b/analysis/plots/cc_himself_all.png deleted file mode 100644 index 6a20c8c..0000000 Binary files a/analysis/plots/cc_himself_all.png and /dev/null differ diff --git a/analysis/plots/cc_himself_grnn.png b/analysis/plots/cc_himself_grnn.png deleted file mode 100644 index ad6cdf1..0000000 Binary files a/analysis/plots/cc_himself_grnn.png and /dev/null differ diff --git a/analysis/plots/cc_himself_jrnn.png b/analysis/plots/cc_himself_jrnn.png deleted file mode 100644 index a8d0915..0000000 Binary files a/analysis/plots/cc_himself_jrnn.png and /dev/null differ diff --git a/analysis/plots/cc_himself_rnng.png b/analysis/plots/cc_himself_rnng.png deleted file mode 100644 index 9ed31cb..0000000 Binary files a/analysis/plots/cc_himself_rnng.png and /dev/null differ diff --git a/analysis/plots/cc_himself_tiny.png b/analysis/plots/cc_himself_tiny.png deleted file mode 100644 index 8bcf431..0000000 Binary files a/analysis/plots/cc_himself_tiny.png and /dev/null differ diff --git a/analysis/plots/cc_himself_trans.png b/analysis/plots/cc_himself_trans.png deleted file mode 100644 index 50d1f37..0000000 Binary files a/analysis/plots/cc_himself_trans.png and /dev/null differ diff --git a/analysis/plots/cc_pl_all.png b/analysis/plots/cc_pl_all.png deleted file mode 100644 index dfc74de..0000000 Binary files a/analysis/plots/cc_pl_all.png and /dev/null differ diff --git a/analysis/plots/cc_pl_grnn.png b/analysis/plots/cc_pl_grnn.png deleted file mode 100644 index c0514b5..0000000 Binary files a/analysis/plots/cc_pl_grnn.png and /dev/null differ diff --git a/analysis/plots/cc_pl_jrnn.png b/analysis/plots/cc_pl_jrnn.png deleted file mode 100644 index fc6e772..0000000 Binary files a/analysis/plots/cc_pl_jrnn.png and /dev/null differ diff --git a/analysis/plots/cc_pl_rnng.png b/analysis/plots/cc_pl_rnng.png deleted file mode 100644 index b20ff83..0000000 Binary files a/analysis/plots/cc_pl_rnng.png and /dev/null differ diff --git a/analysis/plots/cc_pl_tiny.png b/analysis/plots/cc_pl_tiny.png deleted file mode 100644 index 3cfa221..0000000 Binary files a/analysis/plots/cc_pl_tiny.png and /dev/null differ diff --git a/analysis/plots/cc_pl_trans.png b/analysis/plots/cc_pl_trans.png deleted file mode 100644 index 894f2e0..0000000 Binary files a/analysis/plots/cc_pl_trans.png and /dev/null differ diff --git a/analysis/plots/futrell_herself_grnn.png b/analysis/plots/futrell_herself_grnn.png deleted file mode 100644 index d9cdfaa..0000000 Binary files a/analysis/plots/futrell_herself_grnn.png and /dev/null differ diff --git a/analysis/plots/futrell_herself_trans.png b/analysis/plots/futrell_herself_trans.png deleted file mode 100644 index e62224a..0000000 Binary files a/analysis/plots/futrell_herself_trans.png and /dev/null differ diff --git a/analysis/plots/futrell_himself_grnn.png b/analysis/plots/futrell_himself_grnn.png deleted file mode 100644 index 6add9ec..0000000 Binary files a/analysis/plots/futrell_himself_grnn.png and /dev/null differ diff --git a/analysis/plots/futrell_himself_trans.png b/analysis/plots/futrell_himself_trans.png deleted file mode 100644 index ae8813e..0000000 Binary files a/analysis/plots/futrell_himself_trans.png and /dev/null differ diff --git a/analysis/plots/loc_herself_all.png b/analysis/plots/loc_herself_all.png deleted file mode 100644 index c1e2c62..0000000 Binary files a/analysis/plots/loc_herself_all.png and /dev/null differ diff --git a/analysis/plots/loc_herself_grnn.png b/analysis/plots/loc_herself_grnn.png deleted file mode 100644 index e31bbd9..0000000 Binary files a/analysis/plots/loc_herself_grnn.png and /dev/null differ diff --git a/analysis/plots/loc_herself_jrnn.png b/analysis/plots/loc_herself_jrnn.png deleted file mode 100644 index c1f1925..0000000 Binary files a/analysis/plots/loc_herself_jrnn.png and /dev/null differ diff --git a/analysis/plots/loc_herself_rnng.png b/analysis/plots/loc_herself_rnng.png deleted file mode 100644 index d168b90..0000000 Binary files a/analysis/plots/loc_herself_rnng.png and /dev/null differ diff --git a/analysis/plots/loc_herself_tiny.png b/analysis/plots/loc_herself_tiny.png deleted file mode 100644 index 074950f..0000000 Binary files a/analysis/plots/loc_herself_tiny.png and /dev/null differ diff --git a/analysis/plots/loc_herself_trans.png b/analysis/plots/loc_herself_trans.png deleted file mode 100644 index b92b4be..0000000 Binary files a/analysis/plots/loc_herself_trans.png and /dev/null differ diff --git a/analysis/plots/loc_himself_all.png b/analysis/plots/loc_himself_all.png deleted file mode 100644 index ce4849e..0000000 Binary files a/analysis/plots/loc_himself_all.png and /dev/null differ diff --git a/analysis/plots/loc_himself_grnn.png b/analysis/plots/loc_himself_grnn.png deleted file mode 100644 index 2bcba0c..0000000 Binary files a/analysis/plots/loc_himself_grnn.png and /dev/null differ diff --git a/analysis/plots/loc_himself_jrnn.png b/analysis/plots/loc_himself_jrnn.png deleted file mode 100644 index 8cefc71..0000000 Binary files a/analysis/plots/loc_himself_jrnn.png and /dev/null differ diff --git a/analysis/plots/loc_himself_rnng.png b/analysis/plots/loc_himself_rnng.png deleted file mode 100644 index 364af7e..0000000 Binary files a/analysis/plots/loc_himself_rnng.png and /dev/null differ diff --git a/analysis/plots/loc_himself_tiny.png b/analysis/plots/loc_himself_tiny.png deleted file mode 100644 index bf2d011..0000000 Binary files a/analysis/plots/loc_himself_tiny.png and /dev/null differ diff --git a/analysis/plots/loc_himself_trans.png b/analysis/plots/loc_himself_trans.png deleted file mode 100644 index 687a13b..0000000 Binary files a/analysis/plots/loc_himself_trans.png and /dev/null differ diff --git a/analysis/plots/loc_pl_all.png b/analysis/plots/loc_pl_all.png deleted file mode 100644 index e07564d..0000000 Binary files a/analysis/plots/loc_pl_all.png and /dev/null differ diff --git a/analysis/plots/loc_pl_grnn.png b/analysis/plots/loc_pl_grnn.png deleted file mode 100644 index a0e5f23..0000000 Binary files a/analysis/plots/loc_pl_grnn.png and /dev/null differ diff --git a/analysis/plots/loc_pl_jrnn.png b/analysis/plots/loc_pl_jrnn.png deleted file mode 100644 index 52d4401..0000000 Binary files a/analysis/plots/loc_pl_jrnn.png and /dev/null differ diff --git a/analysis/plots/loc_pl_rnng.png b/analysis/plots/loc_pl_rnng.png deleted file mode 100644 index a2c5161..0000000 Binary files a/analysis/plots/loc_pl_rnng.png and /dev/null differ diff --git a/analysis/plots/loc_pl_tiny.png b/analysis/plots/loc_pl_tiny.png deleted file mode 100644 index 975239c..0000000 Binary files a/analysis/plots/loc_pl_tiny.png and /dev/null differ diff --git a/analysis/plots/loc_pl_trans.png b/analysis/plots/loc_pl_trans.png deleted file mode 100644 index b2f26bd..0000000 Binary files a/analysis/plots/loc_pl_trans.png and /dev/null differ diff --git a/analysis/plots/ml_herself_grnn.png b/analysis/plots/ml_herself_grnn.png deleted file mode 100644 index f1524e7..0000000 Binary files a/analysis/plots/ml_herself_grnn.png and /dev/null differ diff --git a/analysis/plots/ml_herself_trans.png b/analysis/plots/ml_herself_trans.png deleted file mode 100644 index 6fa05af..0000000 Binary files a/analysis/plots/ml_herself_trans.png and /dev/null differ diff --git a/analysis/plots/ml_himself_grnn.png b/analysis/plots/ml_himself_grnn.png deleted file mode 100644 index b9a921a..0000000 Binary files a/analysis/plots/ml_himself_grnn.png and /dev/null differ diff --git a/analysis/plots/ml_himself_trans.png b/analysis/plots/ml_himself_trans.png deleted file mode 100644 index 078fa63..0000000 Binary files a/analysis/plots/ml_himself_trans.png and /dev/null differ diff --git a/analysis/plots/ml_pl_grnn.png b/analysis/plots/ml_pl_grnn.png deleted file mode 100644 index f03a10b..0000000 Binary files a/analysis/plots/ml_pl_grnn.png and /dev/null differ diff --git a/analysis/plots/ml_pl_trans.png b/analysis/plots/ml_pl_trans.png deleted file mode 100644 index 59da699..0000000 Binary files a/analysis/plots/ml_pl_trans.png and /dev/null differ diff --git a/analysis/plots/paper/cc_agree_all.png b/analysis/plots/paper/cc_agree_all.png deleted file mode 100644 index 1226245..0000000 Binary files a/analysis/plots/paper/cc_agree_all.png and /dev/null differ diff --git a/analysis/plots/paper/cc_all.png b/analysis/plots/paper/cc_all.png deleted file mode 100644 index ac32dfb..0000000 Binary files a/analysis/plots/paper/cc_all.png and /dev/null differ diff --git a/analysis/plots/paper/cc_all_with_ngram.png b/analysis/plots/paper/cc_all_with_ngram.png deleted file mode 100644 index 8c665e3..0000000 Binary files a/analysis/plots/paper/cc_all_with_ngram.png and /dev/null differ diff --git a/analysis/plots/paper/futrell_grnn_jrnn_trans.png b/analysis/plots/paper/futrell_grnn_jrnn_trans.png deleted file mode 100644 index d9adcf0..0000000 Binary files a/analysis/plots/paper/futrell_grnn_jrnn_trans.png and /dev/null differ diff --git a/analysis/plots/paper/futrell_rc_grnn_jrnn_trans.png b/analysis/plots/paper/futrell_rc_grnn_jrnn_trans.png deleted file mode 100644 index d307566..0000000 Binary files a/analysis/plots/paper/futrell_rc_grnn_jrnn_trans.png and /dev/null differ diff --git a/analysis/plots/paper/futrell_rc_subrc_grnn_jrnn_trans.png b/analysis/plots/paper/futrell_rc_subrc_grnn_jrnn_trans.png deleted file mode 100644 index 3efa99c..0000000 Binary files a/analysis/plots/paper/futrell_rc_subrc_grnn_jrnn_trans.png and /dev/null differ diff --git a/analysis/plots/paper/loc_all.png b/analysis/plots/paper/loc_all.png deleted file mode 100644 index d217f38..0000000 Binary files a/analysis/plots/paper/loc_all.png and /dev/null differ diff --git a/analysis/plots/paper/loc_all_with_ngram.png b/analysis/plots/paper/loc_all_with_ngram.png deleted file mode 100644 index c6426ed..0000000 Binary files a/analysis/plots/paper/loc_all_with_ngram.png and /dev/null differ diff --git a/analysis/plots/paper/loc_nonrefl_grnn_trans_tiny_5gram_kn.png b/analysis/plots/paper/loc_nonrefl_grnn_trans_tiny_5gram_kn.png deleted file mode 100644 index 3e2f338..0000000 Binary files a/analysis/plots/paper/loc_nonrefl_grnn_trans_tiny_5gram_kn.png and /dev/null differ diff --git a/analysis/plots/paper/ml_grnn_jrnn_trans.png b/analysis/plots/paper/ml_grnn_jrnn_trans.png deleted file mode 100644 index 1242b38..0000000 Binary files a/analysis/plots/paper/ml_grnn_jrnn_trans.png and /dev/null differ diff --git a/analysis/plots/paper/ml_rc_grnn_jrnn_trans.png b/analysis/plots/paper/ml_rc_grnn_jrnn_trans.png deleted file mode 100644 index f552b2e..0000000 Binary files a/analysis/plots/paper/ml_rc_grnn_jrnn_trans.png and /dev/null differ diff --git a/analysis/plots/paper/rc_all.png b/analysis/plots/paper/rc_all.png deleted file mode 100644 index bf3ee75..0000000 Binary files a/analysis/plots/paper/rc_all.png and /dev/null differ diff --git a/analysis/plots/v1/cc_agree_grnn.png b/analysis/plots/v1/cc_agree_grnn.png deleted file mode 100644 index 87e047d..0000000 Binary files a/analysis/plots/v1/cc_agree_grnn.png and /dev/null differ diff --git a/analysis/plots/v1/cc_agree_rnng.png b/analysis/plots/v1/cc_agree_rnng.png deleted file mode 100644 index 55392ab..0000000 Binary files a/analysis/plots/v1/cc_agree_rnng.png and /dev/null differ diff --git a/analysis/plots/v1/cc_agreepl_grnn.png b/analysis/plots/v1/cc_agreepl_grnn.png deleted file mode 100644 index e44d18c..0000000 Binary files a/analysis/plots/v1/cc_agreepl_grnn.png and /dev/null differ diff --git a/analysis/plots/v1/cc_agreepl_rnng.png b/analysis/plots/v1/cc_agreepl_rnng.png deleted file mode 100644 index c6c70d6..0000000 Binary files a/analysis/plots/v1/cc_agreepl_rnng.png and /dev/null differ diff --git a/analysis/plots/v1/cc_grnn.png b/analysis/plots/v1/cc_grnn.png deleted file mode 100644 index f9a8c40..0000000 Binary files a/analysis/plots/v1/cc_grnn.png and /dev/null differ diff --git a/analysis/plots/v1/cc_pl_grnn.png b/analysis/plots/v1/cc_pl_grnn.png deleted file mode 100644 index 841be7f..0000000 Binary files a/analysis/plots/v1/cc_pl_grnn.png and /dev/null differ diff --git a/analysis/plots/v1/cc_pl_grnn_himself.png b/analysis/plots/v1/cc_pl_grnn_himself.png deleted file mode 100644 index a715e85..0000000 Binary files a/analysis/plots/v1/cc_pl_grnn_himself.png and /dev/null differ diff --git a/analysis/plots/v1/cc_pl_rnng.png b/analysis/plots/v1/cc_pl_rnng.png deleted file mode 100644 index 9e3ad8f..0000000 Binary files a/analysis/plots/v1/cc_pl_rnng.png and /dev/null differ diff --git a/analysis/plots/v1/cc_rcagree_grnn.png b/analysis/plots/v1/cc_rcagree_grnn.png deleted file mode 100644 index 89040d7..0000000 Binary files a/analysis/plots/v1/cc_rcagree_grnn.png and /dev/null differ diff --git a/analysis/plots/v1/cc_rcagree_rnng.png b/analysis/plots/v1/cc_rcagree_rnng.png deleted file mode 100644 index 229cd69..0000000 Binary files a/analysis/plots/v1/cc_rcagree_rnng.png and /dev/null differ diff --git a/analysis/plots/v1/cc_rnng.png b/analysis/plots/v1/cc_rnng.png deleted file mode 100644 index 96b6902..0000000 Binary files a/analysis/plots/v1/cc_rnng.png and /dev/null differ diff --git a/analysis/plots/v1/loc_grnn.png b/analysis/plots/v1/loc_grnn.png deleted file mode 100644 index 16011fd..0000000 Binary files a/analysis/plots/v1/loc_grnn.png and /dev/null differ diff --git a/analysis/plots/v1/loc_rnng.png b/analysis/plots/v1/loc_rnng.png deleted file mode 100644 index 6e55463..0000000 Binary files a/analysis/plots/v1/loc_rnng.png and /dev/null differ diff --git a/analysis/plots/vs_baseline/cc_agree_all.png b/analysis/plots/vs_baseline/cc_agree_all.png deleted file mode 100644 index d3911c8..0000000 Binary files a/analysis/plots/vs_baseline/cc_agree_all.png and /dev/null differ diff --git a/analysis/plots/vs_baseline/cc_agree_pl_all.png b/analysis/plots/vs_baseline/cc_agree_pl_all.png deleted file mode 100644 index ddb1c9d..0000000 Binary files a/analysis/plots/vs_baseline/cc_agree_pl_all.png and /dev/null differ diff --git a/analysis/plots/vs_baseline/cc_herself_all.png b/analysis/plots/vs_baseline/cc_herself_all.png deleted file mode 100644 index 02fd053..0000000 Binary files a/analysis/plots/vs_baseline/cc_herself_all.png and /dev/null differ diff --git a/analysis/plots/vs_baseline/cc_himself_all.png b/analysis/plots/vs_baseline/cc_himself_all.png deleted file mode 100644 index ee80881..0000000 Binary files a/analysis/plots/vs_baseline/cc_himself_all.png and /dev/null differ diff --git a/analysis/plots/vs_baseline/cc_pl_all.png b/analysis/plots/vs_baseline/cc_pl_all.png deleted file mode 100644 index 52fb114..0000000 Binary files a/analysis/plots/vs_baseline/cc_pl_all.png and /dev/null differ diff --git a/analysis/plots/vs_baseline/loc_herself_all.png b/analysis/plots/vs_baseline/loc_herself_all.png deleted file mode 100644 index 55961c5..0000000 Binary files a/analysis/plots/vs_baseline/loc_herself_all.png and /dev/null differ diff --git a/analysis/plots/vs_baseline/loc_himself_all.png b/analysis/plots/vs_baseline/loc_himself_all.png deleted file mode 100644 index e6271f8..0000000 Binary files a/analysis/plots/vs_baseline/loc_himself_all.png and /dev/null differ diff --git a/analysis/plots/vs_baseline/loc_pl_all.png b/analysis/plots/vs_baseline/loc_pl_all.png deleted file mode 100644 index e0703ee..0000000 Binary files a/analysis/plots/vs_baseline/loc_pl_all.png and /dev/null differ diff --git a/analysis/plots/vs_baseline/ml_herself_grnn_jrnn_trans.png b/analysis/plots/vs_baseline/ml_herself_grnn_jrnn_trans.png deleted file mode 100644 index 6af6815..0000000 Binary files a/analysis/plots/vs_baseline/ml_herself_grnn_jrnn_trans.png and /dev/null differ diff --git a/analysis/plots/vs_baseline/ml_himself_grnn_jrnn_trans.png b/analysis/plots/vs_baseline/ml_himself_grnn_jrnn_trans.png deleted file mode 100644 index 7955cf6..0000000 Binary files a/analysis/plots/vs_baseline/ml_himself_grnn_jrnn_trans.png and /dev/null differ diff --git a/analysis/plots/vs_baseline/ml_pl_grnn_jrnn_trans.png b/analysis/plots/vs_baseline/ml_pl_grnn_jrnn_trans.png deleted file mode 100644 index ed09ae1..0000000 Binary files a/analysis/plots/vs_baseline/ml_pl_grnn_jrnn_trans.png and /dev/null differ diff --git a/analysis/plots/vs_baseline/rc_all.png b/analysis/plots/vs_baseline/rc_all.png deleted file mode 100644 index dbe18bc..0000000 Binary files a/analysis/plots/vs_baseline/rc_all.png and /dev/null differ diff --git a/analysis/rc_all.pdf b/analysis/rc_all.pdf deleted file mode 100644 index 9bf1fcd..0000000 Binary files a/analysis/rc_all.pdf and /dev/null differ diff --git a/analysis/utils.py b/analysis/utils.py new file mode 100644 index 0000000..ff50edf --- /dev/null +++ b/analysis/utils.py @@ -0,0 +1,100 @@ +""" + utils.py + Constants and helper functions to be used by main plotting functions. +""" +from numpy import mean +import pandas as pd + +################################################################################# +# Global variables and constants +################################################################################# + +# Small-data models are trained on PTB. +SMALL_MODELS = ['tiny', 'rnng'] +BIG_MODELS = ['bert', 'trans', 'jrnn', 'grnn', '5gram'] +MODELS = BIG_MODELS + SMALL_MODELS + +PRONOUNS = ['themselves', 'himself', 'herself'] + +TITLES = { + 'bert': 'BERT', + 'grnn': 'GRNN', + 'jrnn': 'JRNN', + 'rnng': 'RNNG', + 'tiny': 'TinyLSTM', + 'trans': 'TransXL', + '5gram': '5-gram' +} + +# Bar colors corresponding to mismatch_position and experiment conditions. +BASELINE_COLOR = 'darkseagreen' +DISTRACTOR_COLOR = 'skyblue' +UNGRAMMATICAL_COLOR = 'indianred' +PALETTE = { + # Baseline --> green + 'none': BASELINE_COLOR, + + # Distractor --> blue + 'rc_subj': DISTRACTOR_COLOR, # relative clause + 'nonlocal_subj': DISTRACTOR_COLOR, # sentential complement + 'distractor': DISTRACTOR_COLOR, # prepositional phrase + + # Ungrammatical --> red + 'matrix_subj': UNGRAMMATICAL_COLOR, # relative clause + 'local_subj': UNGRAMMATICAL_COLOR, # sentential complement + 'head': UNGRAMMATICAL_COLOR # prepositional phrase +} + +################################################################################# +# Helper functions +################################################################################# + +def condition_order(exp, vs_baseline=False): + """ + Returns values that mismatch_position takes in the order corresponding to + the baseline, distractor, and ungrammatical experimental conditions. + """ + if 'pp' in exp: + # Experiment testing c-command only. + order = ['distractor', 'head'] + elif 'rc' in exp: + # Experiment testing c-command and locality. + order = ['rc_subj', 'matrix_subj'] + else: + # Experiment testing locality only. + order = ['nonlocal_subj', 'local_subj'] + + # Include mismatch_position = 'none' if plotting raw surprisal values. + if not vs_baseline: + order.insert(0, 'none') + + return order + +def get_data_df(data_path, surp_path, exp, pn): + # Read surprisals and data. + surp_df = pd.read_csv(surp_path, delim_whitespace=True, + names=['token', 'surprisal']) + data_df = pd.read_csv(data_path) + + # Only keep surprisal at target pronoun. + surp_df = surp_df[surp_df.token == pn] + # data_df = data_df[data_df.pronoun == pn] + + # Insert surprisal into data_df. + data_df['surprisal'] = surp_df.surprisal.values + + return data_df + +def subtract_baseline(df): + for item in df.item.unique(): + # Get rows corresponding to item. + item_rows = df[df.item == item] + + # Baseline condition: mismatch_position = 'none'. + base_rows = item_rows[item_rows.mismatch_position == 'none'] + baseline = base_rows.surprisal.mean() + + # Subtract baseline from surprisal of all rows. + item_rows.surprisal -= baseline + df[df.item == item] = item_rows + return df diff --git a/analysis/accuracy/all_exp_accuracy_grnn.csv b/data/accuracy/all_exp_accuracy_grnn.csv similarity index 100% rename from analysis/accuracy/all_exp_accuracy_grnn.csv rename to data/accuracy/all_exp_accuracy_grnn.csv diff --git a/analysis/accuracy/all_exp_accuracy_tiny_rnng.csv b/data/accuracy/all_exp_accuracy_tiny_rnng.csv similarity index 100% rename from analysis/accuracy/all_exp_accuracy_tiny_rnng.csv rename to data/accuracy/all_exp_accuracy_tiny_rnng.csv diff --git a/analysis/accuracy/all_exp_accuracy_tinywiki.csv b/data/accuracy/all_exp_accuracy_tinywiki.csv similarity index 100% rename from analysis/accuracy/all_exp_accuracy_tinywiki.csv rename to data/accuracy/all_exp_accuracy_tinywiki.csv diff --git a/analysis/accuracy/cc_accuracy_all.csv b/data/accuracy/cc_accuracy_all.csv similarity index 100% rename from analysis/accuracy/cc_accuracy_all.csv rename to data/accuracy/cc_accuracy_all.csv diff --git a/analysis/accuracy/futrell_rc_subrc_accuracy_grnn_jrnn_trans.csv b/data/accuracy/futrell_rc_subrc_accuracy_grnn_jrnn_trans.csv similarity index 100% rename from analysis/accuracy/futrell_rc_subrc_accuracy_grnn_jrnn_trans.csv rename to data/accuracy/futrell_rc_subrc_accuracy_grnn_jrnn_trans.csv diff --git a/analysis/accuracy/futrell_rc_subrc_accuracy_grnn_jrnn_trans_5gram.csv b/data/accuracy/futrell_rc_subrc_accuracy_grnn_jrnn_trans_5gram.csv similarity index 100% rename from analysis/accuracy/futrell_rc_subrc_accuracy_grnn_jrnn_trans_5gram.csv rename to data/accuracy/futrell_rc_subrc_accuracy_grnn_jrnn_trans_5gram.csv diff --git a/analysis/accuracy/loc_accuracy_all.csv b/data/accuracy/loc_accuracy_all.csv similarity index 100% rename from analysis/accuracy/loc_accuracy_all.csv rename to data/accuracy/loc_accuracy_all.csv diff --git a/analysis/accuracy/ml_accuracy_grnn_jrnn_trans.csv b/data/accuracy/ml_accuracy_grnn_jrnn_trans.csv similarity index 100% rename from analysis/accuracy/ml_accuracy_grnn_jrnn_trans.csv rename to data/accuracy/ml_accuracy_grnn_jrnn_trans.csv diff --git a/analysis/accuracy/ml_accuracy_grnn_jrnn_trans_5gram.csv b/data/accuracy/ml_accuracy_grnn_jrnn_trans_5gram.csv similarity index 100% rename from analysis/accuracy/ml_accuracy_grnn_jrnn_trans_5gram.csv rename to data/accuracy/ml_accuracy_grnn_jrnn_trans_5gram.csv diff --git a/analysis/accuracy/ml_accuracy_grnn_jrnn_trans_5gram_bert.csv b/data/accuracy/ml_accuracy_grnn_jrnn_trans_5gram_bert.csv similarity index 100% rename from analysis/accuracy/ml_accuracy_grnn_jrnn_trans_5gram_bert.csv rename to data/accuracy/ml_accuracy_grnn_jrnn_trans_5gram_bert.csv diff --git a/analysis/accuracy/ml_accuracy_grnn_multi_grnn_jrnn_trans_5gram_bert.csv b/data/accuracy/ml_accuracy_grnn_multi_grnn_jrnn_trans_5gram_bert.csv similarity index 100% rename from analysis/accuracy/ml_accuracy_grnn_multi_grnn_jrnn_trans_5gram_bert.csv rename to data/accuracy/ml_accuracy_grnn_multi_grnn_jrnn_trans_5gram_bert.csv diff --git a/analysis/accuracy/ml_rc_accuracy_grnn_jrnn_trans.csv b/data/accuracy/ml_rc_accuracy_grnn_jrnn_trans.csv similarity index 100% rename from analysis/accuracy/ml_rc_accuracy_grnn_jrnn_trans.csv rename to data/accuracy/ml_rc_accuracy_grnn_jrnn_trans.csv diff --git a/analysis/accuracy/ml_rc_accuracy_grnn_jrnn_trans_5gram.csv b/data/accuracy/ml_rc_accuracy_grnn_jrnn_trans_5gram.csv similarity index 100% rename from analysis/accuracy/ml_rc_accuracy_grnn_jrnn_trans_5gram.csv rename to data/accuracy/ml_rc_accuracy_grnn_jrnn_trans_5gram.csv diff --git a/analysis/accuracy/ml_rc_accuracy_grnn_jrnn_trans_5gram_bert.csv b/data/accuracy/ml_rc_accuracy_grnn_jrnn_trans_5gram_bert.csv similarity index 100% rename from analysis/accuracy/ml_rc_accuracy_grnn_jrnn_trans_5gram_bert.csv rename to data/accuracy/ml_rc_accuracy_grnn_jrnn_trans_5gram_bert.csv diff --git a/analysis/accuracy/ml_rc_accuracy_grnn_multi_grnn_jrnn_trans_5gram_bert.csv b/data/accuracy/ml_rc_accuracy_grnn_multi_grnn_jrnn_trans_5gram_bert.csv similarity index 100% rename from analysis/accuracy/ml_rc_accuracy_grnn_multi_grnn_jrnn_trans_5gram_bert.csv rename to data/accuracy/ml_rc_accuracy_grnn_multi_grnn_jrnn_trans_5gram_bert.csv diff --git a/analysis/accuracy/rc_accuracy_all.csv b/data/accuracy/rc_accuracy_all.csv similarity index 100% rename from analysis/accuracy/rc_accuracy_all.csv rename to data/accuracy/rc_accuracy_all.csv diff --git a/analysis/accuracy/rc_accuracy_grnn_jrnn_trans_tiny_rnng.csv b/data/accuracy/rc_accuracy_grnn_jrnn_trans_tiny_rnng.csv similarity index 100% rename from analysis/accuracy/rc_accuracy_grnn_jrnn_trans_tiny_rnng.csv rename to data/accuracy/rc_accuracy_grnn_jrnn_trans_tiny_rnng.csv diff --git a/data/5gram/exp1a-ml-rc/herself_5gram.txt b/data/surprisal/5gram/exp1a-ml-rc/herself_5gram.txt similarity index 100% rename from data/5gram/exp1a-ml-rc/herself_5gram.txt rename to data/surprisal/5gram/exp1a-ml-rc/herself_5gram.txt diff --git a/data/5gram/exp1a-ml-rc/himself_5gram.txt b/data/surprisal/5gram/exp1a-ml-rc/himself_5gram.txt similarity index 100% rename from data/5gram/exp1a-ml-rc/himself_5gram.txt rename to data/surprisal/5gram/exp1a-ml-rc/himself_5gram.txt diff --git a/data/5gram/exp1a-ml-rc/themselves_5gram.txt b/data/surprisal/5gram/exp1a-ml-rc/themselves_5gram.txt similarity index 100% rename from data/5gram/exp1a-ml-rc/themselves_5gram.txt rename to data/surprisal/5gram/exp1a-ml-rc/themselves_5gram.txt diff --git a/data/5gram/exp1b-ml-comp/herself_5gram.txt b/data/surprisal/5gram/exp1b-ml-comp/herself_5gram.txt similarity index 100% rename from data/5gram/exp1b-ml-comp/herself_5gram.txt rename to data/surprisal/5gram/exp1b-ml-comp/herself_5gram.txt diff --git a/data/5gram/exp1b-ml-comp/himself_5gram.txt b/data/surprisal/5gram/exp1b-ml-comp/himself_5gram.txt similarity index 100% rename from data/5gram/exp1b-ml-comp/himself_5gram.txt rename to data/surprisal/5gram/exp1b-ml-comp/himself_5gram.txt diff --git a/data/5gram/exp1b-ml-comp/themselves_5gram.txt b/data/surprisal/5gram/exp1b-ml-comp/themselves_5gram.txt similarity index 100% rename from data/5gram/exp1b-ml-comp/themselves_5gram.txt rename to data/surprisal/5gram/exp1b-ml-comp/themselves_5gram.txt diff --git a/data/5gram/exp2-rc/herself_5gram.txt b/data/surprisal/5gram/exp2-rc/herself_5gram.txt similarity index 100% rename from data/5gram/exp2-rc/herself_5gram.txt rename to data/surprisal/5gram/exp2-rc/herself_5gram.txt diff --git a/data/5gram/exp2-rc/himself_5gram.txt b/data/surprisal/5gram/exp2-rc/himself_5gram.txt similarity index 100% rename from data/5gram/exp2-rc/himself_5gram.txt rename to data/surprisal/5gram/exp2-rc/himself_5gram.txt diff --git a/data/5gram/exp2-rc/themselves_5gram.txt b/data/surprisal/5gram/exp2-rc/themselves_5gram.txt similarity index 100% rename from data/5gram/exp2-rc/themselves_5gram.txt rename to data/surprisal/5gram/exp2-rc/themselves_5gram.txt diff --git a/data/5gram/exp3-comp/herself_5gram.txt b/data/surprisal/5gram/exp3-comp/herself_5gram.txt similarity index 100% rename from data/5gram/exp3-comp/herself_5gram.txt rename to data/surprisal/5gram/exp3-comp/herself_5gram.txt diff --git a/data/5gram/exp3-comp/himself_5gram.txt b/data/surprisal/5gram/exp3-comp/himself_5gram.txt similarity index 100% rename from data/5gram/exp3-comp/himself_5gram.txt rename to data/surprisal/5gram/exp3-comp/himself_5gram.txt diff --git a/data/5gram/exp3-comp/themselves_5gram.txt b/data/surprisal/5gram/exp3-comp/themselves_5gram.txt similarity index 100% rename from data/5gram/exp3-comp/themselves_5gram.txt rename to data/surprisal/5gram/exp3-comp/themselves_5gram.txt diff --git a/data/5gram/exp4-pp/herself_5gram.txt b/data/surprisal/5gram/exp4-pp/herself_5gram.txt similarity index 100% rename from data/5gram/exp4-pp/herself_5gram.txt rename to data/surprisal/5gram/exp4-pp/herself_5gram.txt diff --git a/data/5gram/exp4-pp/himself_5gram.txt b/data/surprisal/5gram/exp4-pp/himself_5gram.txt similarity index 100% rename from data/5gram/exp4-pp/himself_5gram.txt rename to data/surprisal/5gram/exp4-pp/himself_5gram.txt diff --git a/data/5gram/exp4-pp/themselves_5gram.txt b/data/surprisal/5gram/exp4-pp/themselves_5gram.txt similarity index 100% rename from data/5gram/exp4-pp/themselves_5gram.txt rename to data/surprisal/5gram/exp4-pp/themselves_5gram.txt diff --git a/data/bert/exp1a-ml-rc/herself_bert.csv b/data/surprisal/bert/exp1a-ml-rc/herself_bert.csv similarity index 100% rename from data/bert/exp1a-ml-rc/herself_bert.csv rename to data/surprisal/bert/exp1a-ml-rc/herself_bert.csv diff --git a/data/bert/exp1a-ml-rc/himself_bert.csv b/data/surprisal/bert/exp1a-ml-rc/himself_bert.csv similarity index 100% rename from data/bert/exp1a-ml-rc/himself_bert.csv rename to data/surprisal/bert/exp1a-ml-rc/himself_bert.csv diff --git a/data/bert/exp1a-ml-rc/themselves_bert.csv b/data/surprisal/bert/exp1a-ml-rc/themselves_bert.csv similarity index 100% rename from data/bert/exp1a-ml-rc/themselves_bert.csv rename to data/surprisal/bert/exp1a-ml-rc/themselves_bert.csv diff --git a/data/bert/exp1b-ml-comp/herself_bert.csv b/data/surprisal/bert/exp1b-ml-comp/herself_bert.csv similarity index 100% rename from data/bert/exp1b-ml-comp/herself_bert.csv rename to data/surprisal/bert/exp1b-ml-comp/herself_bert.csv diff --git a/data/bert/exp1b-ml-comp/himself_bert.csv b/data/surprisal/bert/exp1b-ml-comp/himself_bert.csv similarity index 100% rename from data/bert/exp1b-ml-comp/himself_bert.csv rename to data/surprisal/bert/exp1b-ml-comp/himself_bert.csv diff --git a/data/bert/exp1b-ml-comp/themselves_bert.csv b/data/surprisal/bert/exp1b-ml-comp/themselves_bert.csv similarity index 100% rename from data/bert/exp1b-ml-comp/themselves_bert.csv rename to data/surprisal/bert/exp1b-ml-comp/themselves_bert.csv diff --git a/data/bert/exp2-rc/herself_bert.csv b/data/surprisal/bert/exp2-rc/herself_bert.csv similarity index 100% rename from data/bert/exp2-rc/herself_bert.csv rename to data/surprisal/bert/exp2-rc/herself_bert.csv diff --git a/data/bert/exp2-rc/himself_bert.csv b/data/surprisal/bert/exp2-rc/himself_bert.csv similarity index 100% rename from data/bert/exp2-rc/himself_bert.csv rename to data/surprisal/bert/exp2-rc/himself_bert.csv diff --git a/data/bert/exp2-rc/themselves_bert.csv b/data/surprisal/bert/exp2-rc/themselves_bert.csv similarity index 100% rename from data/bert/exp2-rc/themselves_bert.csv rename to data/surprisal/bert/exp2-rc/themselves_bert.csv diff --git a/data/bert/exp3-comp/herself_bert.csv b/data/surprisal/bert/exp3-comp/herself_bert.csv similarity index 100% rename from data/bert/exp3-comp/herself_bert.csv rename to data/surprisal/bert/exp3-comp/herself_bert.csv diff --git a/data/bert/exp3-comp/himself_bert.csv b/data/surprisal/bert/exp3-comp/himself_bert.csv similarity index 100% rename from data/bert/exp3-comp/himself_bert.csv rename to data/surprisal/bert/exp3-comp/himself_bert.csv diff --git a/data/bert/exp3-comp/themselves_bert.csv b/data/surprisal/bert/exp3-comp/themselves_bert.csv similarity index 100% rename from data/bert/exp3-comp/themselves_bert.csv rename to data/surprisal/bert/exp3-comp/themselves_bert.csv diff --git a/data/bert/exp4-pp/herself_bert.csv b/data/surprisal/bert/exp4-pp/herself_bert.csv similarity index 100% rename from data/bert/exp4-pp/herself_bert.csv rename to data/surprisal/bert/exp4-pp/herself_bert.csv diff --git a/data/bert/exp4-pp/himself_bert.csv b/data/surprisal/bert/exp4-pp/himself_bert.csv similarity index 100% rename from data/bert/exp4-pp/himself_bert.csv rename to data/surprisal/bert/exp4-pp/himself_bert.csv diff --git a/data/bert/exp4-pp/themselves_bert.csv b/data/surprisal/bert/exp4-pp/themselves_bert.csv similarity index 100% rename from data/bert/exp4-pp/themselves_bert.csv rename to data/surprisal/bert/exp4-pp/themselves_bert.csv diff --git a/data/grnn/exp1a-ml-rc/herself_grnn.txt b/data/surprisal/grnn/exp1a-ml-rc/herself_grnn.txt similarity index 100% rename from data/grnn/exp1a-ml-rc/herself_grnn.txt rename to data/surprisal/grnn/exp1a-ml-rc/herself_grnn.txt diff --git a/data/grnn/exp1a-ml-rc/himself_grnn.txt b/data/surprisal/grnn/exp1a-ml-rc/himself_grnn.txt similarity index 100% rename from data/grnn/exp1a-ml-rc/himself_grnn.txt rename to data/surprisal/grnn/exp1a-ml-rc/himself_grnn.txt diff --git a/data/grnn/exp1a-ml-rc/themselves_grnn.txt b/data/surprisal/grnn/exp1a-ml-rc/themselves_grnn.txt similarity index 100% rename from data/grnn/exp1a-ml-rc/themselves_grnn.txt rename to data/surprisal/grnn/exp1a-ml-rc/themselves_grnn.txt diff --git a/data/grnn/exp1b-ml-comp/herself_grnn.txt b/data/surprisal/grnn/exp1b-ml-comp/herself_grnn.txt similarity index 100% rename from data/grnn/exp1b-ml-comp/herself_grnn.txt rename to data/surprisal/grnn/exp1b-ml-comp/herself_grnn.txt diff --git a/data/grnn/exp1b-ml-comp/himself_grnn.txt b/data/surprisal/grnn/exp1b-ml-comp/himself_grnn.txt similarity index 100% rename from data/grnn/exp1b-ml-comp/himself_grnn.txt rename to data/surprisal/grnn/exp1b-ml-comp/himself_grnn.txt diff --git a/data/grnn/exp1b-ml-comp/themselves_grnn.txt b/data/surprisal/grnn/exp1b-ml-comp/themselves_grnn.txt similarity index 100% rename from data/grnn/exp1b-ml-comp/themselves_grnn.txt rename to data/surprisal/grnn/exp1b-ml-comp/themselves_grnn.txt diff --git a/data/grnn/exp2-rc/herself_grnn.txt b/data/surprisal/grnn/exp2-rc/herself_grnn.txt similarity index 100% rename from data/grnn/exp2-rc/herself_grnn.txt rename to data/surprisal/grnn/exp2-rc/herself_grnn.txt diff --git a/data/grnn/exp2-rc/himself_grnn.txt b/data/surprisal/grnn/exp2-rc/himself_grnn.txt similarity index 100% rename from data/grnn/exp2-rc/himself_grnn.txt rename to data/surprisal/grnn/exp2-rc/himself_grnn.txt diff --git a/data/grnn/exp2-rc/themselves_grnn.txt b/data/surprisal/grnn/exp2-rc/themselves_grnn.txt similarity index 100% rename from data/grnn/exp2-rc/themselves_grnn.txt rename to data/surprisal/grnn/exp2-rc/themselves_grnn.txt diff --git a/data/grnn/exp3-comp/herself_grnn.txt b/data/surprisal/grnn/exp3-comp/herself_grnn.txt similarity index 100% rename from data/grnn/exp3-comp/herself_grnn.txt rename to data/surprisal/grnn/exp3-comp/herself_grnn.txt diff --git a/data/grnn/exp3-comp/himself_grnn.txt b/data/surprisal/grnn/exp3-comp/himself_grnn.txt similarity index 100% rename from data/grnn/exp3-comp/himself_grnn.txt rename to data/surprisal/grnn/exp3-comp/himself_grnn.txt diff --git a/data/grnn/exp3-comp/themselves_grnn.txt b/data/surprisal/grnn/exp3-comp/themselves_grnn.txt similarity index 100% rename from data/grnn/exp3-comp/themselves_grnn.txt rename to data/surprisal/grnn/exp3-comp/themselves_grnn.txt diff --git a/data/grnn/exp4-pp/herself_grnn.txt b/data/surprisal/grnn/exp4-pp/herself_grnn.txt similarity index 100% rename from data/grnn/exp4-pp/herself_grnn.txt rename to data/surprisal/grnn/exp4-pp/herself_grnn.txt diff --git a/data/grnn/exp4-pp/himself_grnn.txt b/data/surprisal/grnn/exp4-pp/himself_grnn.txt similarity index 100% rename from data/grnn/exp4-pp/himself_grnn.txt rename to data/surprisal/grnn/exp4-pp/himself_grnn.txt diff --git a/data/grnn/exp4-pp/themselves_grnn.txt b/data/surprisal/grnn/exp4-pp/themselves_grnn.txt similarity index 100% rename from data/grnn/exp4-pp/themselves_grnn.txt rename to data/surprisal/grnn/exp4-pp/themselves_grnn.txt diff --git a/data/surprisal/grnn/old/embed/surprisals.embed.both.distant.txt b/data/surprisal/grnn/old/embed/surprisals.embed.both.distant.txt new file mode 100644 index 0000000..ae28943 --- /dev/null +++ b/data/surprisal/grnn/old/embed/surprisals.embed.both.distant.txt @@ -0,0 +1,100 @@ +The 0.00 +boy 15.281773567199707 +suggested 13.330580711364746 +that 1.8710378408432007 +the 1.8207019567489624 +sisters 11.55528736114502 +disappointed 19.443471908569336 +himself 9.616974830627441 +. 3.4547741413116455 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464655876159668 +that 2.2590394020080566 +the 2.8216965198516846 +girls 8.81901741027832 +amused 16.698041915893555 +himself 6.788824558258057 +. 4.278304576873779 + -0.0 +The 0.00 +boy 15.281773567199707 +suggested 13.330580711364746 +that 1.8710378408432007 +the 1.8207019567489624 +girls 8.339179992675781 +taught 12.83112621307373 +himself 9.308150291442871 +. 7.518335342407227 + -0.0 +The 0.00 +girl 16.160903930664062 +said 8.480657577514648 +that 2.0403666496276855 +the 2.735246419906616 +brothers 10.992883682250977 +amused 16.958995819091797 +herself 5.604476451873779 +. 4.593745231628418 + -0.0 +The 0.00 +girl 16.160903930664062 +suggested 13.125555038452148 +that 1.6111620664596558 +the 1.9004062414169312 +brothers 10.15519905090332 +convinced 15.507882118225098 +herself 11.447474479675293 +. 7.433586120605469 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464655876159668 +that 2.2590394020080566 +the 2.8216965198516846 + 4.130272388458252 +convinced 14.670647621154785 +himself 9.611287117004395 +. 7.952075004577637 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464655876159668 +that 2.2590394020080566 +the 2.8216965198516846 +actresses 16.000585556030273 +confused 17.13445281982422 +himself 9.451937675476074 +. 4.212523460388184 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464655876159668 +that 2.2590394020080566 +the 2.8216965198516846 + 4.130272388458252 +enjoyed 11.72812271118164 +himself 10.031607627868652 +. 3.8731799125671387 + -0.0 +The 0.00 +boy 15.281773567199707 +suggested 13.330580711364746 +that 1.8710378408432007 +the 1.8207019567489624 +wives 13.251701354980469 +proved 14.239876747131348 +himself 9.599710464477539 +. 4.7458271980285645 + -0.0 +The 0.00 +girl 16.160903930664062 +said 8.480657577514648 +that 2.0403666496276855 +the 2.735246419906616 +men 8.04388427734375 +enjoyed 10.4891357421875 +herself 11.430435180664062 +. 3.4996330738067627 + -0.0 diff --git a/data/surprisal/grnn/old/embed/surprisals.embed.both.local.txt b/data/surprisal/grnn/old/embed/surprisals.embed.both.local.txt new file mode 100644 index 0000000..17fff60 --- /dev/null +++ b/data/surprisal/grnn/old/embed/surprisals.embed.both.local.txt @@ -0,0 +1,100 @@ +The 0.00 +documents 18.75698471069336 +suggested 9.385966300964355 +that 0.8757137656211853 +the 1.3471883535385132 +sisters 12.845857620239258 +disappointed 19.85475730895996 +himself 10.668737411499023 +. 3.9735419750213623 + -0.0 +The 0.00 +sign 15.47775936126709 +said 9.436386108398438 +that 2.045480489730835 +the 2.046367645263672 +girls 10.84488582611084 +amused 16.921247482299805 +himself 7.979994297027588 +. 4.901343822479248 + -0.0 +The 0.00 +book 13.59808349609375 +suggested 12.573469161987305 +that 0.7848120331764221 +the 1.5726594924926758 +girls 11.099778175354004 +taught 11.355439186096191 +himself 10.946447372436523 +. 8.552157402038574 + -0.0 +The 0.00 +scripts 21.640243530273438 +said 11.021127700805664 +that 2.9901225566864014 +the 2.245009660720825 +brothers 10.31363582611084 +amused 16.9586238861084 +herself 10.145301818847656 +. 4.172685146331787 + -0.0 +The 0.00 +movie 15.463526725769043 +suggested 14.70386028289795 +that 1.1021238565444946 +the 1.5992717742919922 +brothers 10.5639066696167 +convinced 14.568305969238281 +herself 14.555256843566895 +. 8.21485710144043 + -0.0 +The 0.00 +notes 18.11748695373535 +said 10.487957954406738 +that 2.0019376277923584 +the 1.9862005710601807 + 4.12217378616333 +convinced 16.10782241821289 +himself 10.532269477844238 +. 8.730822563171387 + -0.0 +The 0.00 +songs 16.484167098999023 +said 11.529361724853516 +that 2.5023691654205322 +the 2.336334705352783 +actresses 15.177639961242676 +confused 17.361900329589844 +himself 10.358502388000488 +. 4.08042573928833 + -0.0 +The 0.00 +note 17.992826461791992 +said 7.544559955596924 +that 1.8314385414123535 +the 1.8925689458847046 + 4.0951666831970215 +enjoyed 11.464306831359863 +himself 12.026217460632324 +. 5.211360931396484 + -0.0 +The 0.00 +movie 15.463526725769043 +suggested 14.70386028289795 +that 1.1021238565444946 +the 1.5992717742919922 +wives 15.260979652404785 +proved 12.841842651367188 +himself 11.634915351867676 +. 6.050612926483154 + -0.0 +The 0.00 +movie 15.463526725769043 +said 12.05250358581543 +that 1.457790493965149 +the 1.917277216911316 +men 10.695392608642578 +enjoyed 9.92837142944336 +herself 14.00407886505127 +. 4.155017852783203 + -0.0 diff --git a/data/surprisal/grnn/old/embed/surprisals.embed.gender.distant.txt b/data/surprisal/grnn/old/embed/surprisals.embed.gender.distant.txt new file mode 100644 index 0000000..ebf6b46 --- /dev/null +++ b/data/surprisal/grnn/old/embed/surprisals.embed.gender.distant.txt @@ -0,0 +1,100 @@ +The 0.00 +boy 15.281773567199707 +suggested 13.330580711364746 +that 1.8710378408432007 +the 1.8207019567489624 +sister 13.218419075012207 +disappointed 19.945240020751953 +himself 8.709836959838867 +. 3.5112013816833496 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464655876159668 +that 2.2590394020080566 +the 2.8216965198516846 +girl 8.10545825958252 +amused 18.486906051635742 +himself 6.1235575675964355 +. 3.6604719161987305 + -0.0 +The 0.00 +boy 15.281773567199707 +suggested 13.330580711364746 +that 1.8710378408432007 +the 1.8207019567489624 +girl 7.988775253295898 +taught 11.329585075378418 +himself 6.6907572746276855 +. 7.256711483001709 + -0.0 +The 0.00 +girl 16.160903930664062 +said 8.480657577514648 +that 2.0403666496276855 +the 2.735246419906616 +brother 13.246520042419434 +amused 20.04231071472168 +herself 4.614633560180664 +. 3.44646954536438 + -0.0 +The 0.00 +girl 16.160903930664062 +suggested 13.125555038452148 +that 1.6111620664596558 +the 1.9004062414169312 +brother 12.6810302734375 +convinced 16.378419876098633 +herself 9.83115005493164 +. 7.051604270935059 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464655876159668 +that 2.2590394020080566 +the 2.8216965198516846 +grandmother 12.589400291442871 +convinced 13.577800750732422 +himself 10.507716178894043 +. 7.00611686706543 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464655876159668 +that 2.2590394020080566 +the 2.8216965198516846 +actress 12.233260154724121 +confused 18.081193923950195 +himself 7.887267589569092 +. 3.262275218963623 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464655876159668 +that 2.2590394020080566 +the 2.8216965198516846 +grandmother 12.589400291442871 +enjoyed 10.344279289245605 +himself 11.008320808410645 +. 3.5533018112182617 + -0.0 +The 0.00 +boy 15.281773567199707 +suggested 13.330580711364746 +that 1.8710378408432007 +the 1.8207019567489624 +wife 10.201138496398926 +proved 15.365144729614258 +himself 7.0547308921813965 +. 6.212131500244141 + -0.0 +The 0.00 +girl 16.160903930664062 +said 8.480657577514648 +that 2.0403666496276855 +the 2.735246419906616 +man 7.431288719177246 +enjoyed 11.232109069824219 +herself 10.774100303649902 +. 3.346628189086914 + -0.0 diff --git a/data/surprisal/grnn/old/embed/surprisals.embed.gender.local.txt b/data/surprisal/grnn/old/embed/surprisals.embed.gender.local.txt new file mode 100644 index 0000000..4d6b66b --- /dev/null +++ b/data/surprisal/grnn/old/embed/surprisals.embed.gender.local.txt @@ -0,0 +1,100 @@ +The 0.00 +documents 18.75698471069336 +suggested 9.385966300964355 +that 0.8757137656211853 +the 1.3471883535385132 +sister 14.872529983520508 +disappointed 20.58822250366211 +himself 8.481191635131836 +. 3.920736312866211 + -0.0 +The 0.00 +sign 15.47775936126709 +said 9.436386108398438 +that 2.045480489730835 +the 2.046367645263672 +girl 10.15815544128418 +amused 18.791439056396484 +himself 5.921228408813477 +. 4.422062397003174 + -0.0 +The 0.00 +book 13.59808349609375 +suggested 12.573469161987305 +that 0.7848120331764221 +the 1.5726594924926758 +girl 10.879865646362305 +taught 10.55236530303955 +himself 6.743862628936768 +. 8.405367851257324 + -0.0 +The 0.00 +scripts 21.640243530273438 +said 11.021127700805664 +that 2.9901225566864014 +the 2.245009660720825 +brother 15.1556978225708 +amused 19.312419891357422 +herself 7.509271144866943 +. 3.540466070175171 + -0.0 +The 0.00 +movie 15.463526725769043 +suggested 14.70386028289795 +that 1.1021238565444946 +the 1.5992717742919922 +brother 14.88741683959961 +convinced 16.127756118774414 +herself 11.359012603759766 +. 7.627809524536133 + -0.0 +The 0.00 +notes 18.11748695373535 +said 10.487957954406738 +that 2.0019376277923584 +the 1.9862005710601807 +grandmother 15.274311065673828 +convinced 14.321673393249512 +himself 10.940141677856445 +. 7.765355110168457 + -0.0 +The 0.00 +songs 16.484167098999023 +said 11.529361724853516 +that 2.5023691654205322 +the 2.336334705352783 +actress 12.477420806884766 +confused 17.925487518310547 +himself 7.903323173522949 +. 3.49849534034729 + -0.0 +The 0.00 +note 17.992826461791992 +said 7.544559955596924 +that 1.8314385414123535 +the 1.8925689458847046 +grandmother 15.69071102142334 +enjoyed 10.04619026184082 +himself 12.096359252929688 +. 4.755636692047119 + -0.0 +The 0.00 +movie 15.463526725769043 +suggested 14.70386028289795 +that 1.1021238565444946 +the 1.5992717742919922 +wife 12.039788246154785 +proved 13.846563339233398 +himself 7.339166641235352 +. 7.180690765380859 + -0.0 +The 0.00 +movie 15.463526725769043 +said 12.05250358581543 +that 1.457790493965149 +the 1.917277216911316 +man 10.007157325744629 +enjoyed 10.534494400024414 +herself 12.840824127197266 +. 4.040774345397949 + -0.0 diff --git a/data/surprisal/grnn/old/embed/surprisals.embed.none.distant.txt b/data/surprisal/grnn/old/embed/surprisals.embed.none.distant.txt new file mode 100644 index 0000000..7e0e405 --- /dev/null +++ b/data/surprisal/grnn/old/embed/surprisals.embed.none.distant.txt @@ -0,0 +1,100 @@ +The 0.00 +boy 15.281773567199707 +suggested 13.330580711364746 +that 1.8710378408432007 +the 1.8207019567489624 +brother 11.932713508605957 +disappointed 20.197708129882812 +himself 7.800236701965332 +. 3.1979477405548096 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464655876159668 +that 2.2590394020080566 +the 2.8216965198516846 +boy 7.032069206237793 +amused 18.142772674560547 +himself 5.025627613067627 +. 4.10041618347168 + -0.0 +The 0.00 +boy 15.281773567199707 +suggested 13.330580711364746 +that 1.8710378408432007 +the 1.8207019567489624 +boy 6.521971225738525 +taught 11.718217849731445 +himself 5.267911911010742 +. 7.386828899383545 + -0.0 +The 0.00 +girl 16.160903930664062 +said 8.480657577514648 +that 2.0403666496276855 +the 2.735246419906616 +sister 12.16179084777832 +amused 20.52549934387207 +herself 4.272881507873535 +. 3.898667335510254 + -0.0 +The 0.00 +girl 16.160903930664062 +suggested 13.125555038452148 +that 1.6111620664596558 +the 1.9004062414169312 +sister 11.945324897766113 +convinced 15.554313659667969 +herself 8.909407615661621 +. 7.691188812255859 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464655876159668 +that 2.2590394020080566 +the 2.8216965198516846 +grandfather 12.468208312988281 +convinced 15.524707794189453 +himself 9.861708641052246 +. 7.0282416343688965 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464655876159668 +that 2.2590394020080566 +the 2.8216965198516846 +actor 9.971976280212402 +confused 16.395112991333008 +himself 6.565506935119629 +. 3.0236337184906006 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464655876159668 +that 2.2590394020080566 +the 2.8216965198516846 +grandfather 12.468208312988281 +enjoyed 11.307374954223633 +himself 10.438831329345703 +. 3.622180461883545 + -0.0 +The 0.00 +boy 15.281773567199707 +suggested 13.330580711364746 +that 1.8710378408432007 +the 1.8207019567489624 +husband 10.579852104187012 +proved 15.46608829498291 +himself 4.780187129974365 +. 5.854964256286621 + -0.0 +The 0.00 +girl 16.160903930664062 +said 8.480657577514648 +that 2.0403666496276855 +the 2.735246419906616 +woman 6.591176509857178 +enjoyed 11.205889701843262 +herself 10.748273849487305 +. 3.2751622200012207 + -0.0 diff --git a/data/surprisal/grnn/old/embed/surprisals.embed.none.local.txt b/data/surprisal/grnn/old/embed/surprisals.embed.none.local.txt new file mode 100644 index 0000000..5d4752c --- /dev/null +++ b/data/surprisal/grnn/old/embed/surprisals.embed.none.local.txt @@ -0,0 +1,100 @@ +The 0.00 +documents 18.75698471069336 +suggested 9.385966300964355 +that 0.8757137656211853 +the 1.3471883535385132 +brother 14.392367362976074 +disappointed 20.669702529907227 +himself 7.575525760650635 +. 3.5318386554718018 + -0.0 +The 0.00 +sign 15.47775936126709 +said 9.436386108398438 +that 2.045480489730835 +the 2.046367645263672 +boy 10.137657165527344 +amused 18.50465965270996 +himself 4.621154308319092 +. 4.834515571594238 + -0.0 +The 0.00 +book 13.59808349609375 +suggested 12.573469161987305 +that 0.7848120331764221 +the 1.5726594924926758 +boy 10.02066421508789 +taught 11.156795501708984 +himself 5.157253742218018 +. 8.528959274291992 + -0.0 +The 0.00 +scripts 21.640243530273438 +said 11.021127700805664 +that 2.9901225566864014 +the 2.245009660720825 +sister 14.64142894744873 +amused 20.022109985351562 +herself 5.038183212280273 +. 4.125453948974609 + -0.0 +The 0.00 +movie 15.463526725769043 +suggested 14.70386028289795 +that 1.1021238565444946 +the 1.5992717742919922 +sister 14.6254301071167 +convinced 15.614335060119629 +herself 9.7161226272583 +. 8.520681381225586 + -0.0 +The 0.00 +notes 18.11748695373535 +said 10.487957954406738 +that 2.0019376277923584 +the 1.9862005710601807 +grandfather 15.492167472839355 +convinced 16.253450393676758 +himself 9.796914100646973 +. 8.015878677368164 + -0.0 +The 0.00 +songs 16.484167098999023 +said 11.529361724853516 +that 2.5023691654205322 +the 2.336334705352783 +actor 11.516386985778809 +confused 16.268537521362305 +himself 6.5209431648254395 +. 3.152517080307007 + -0.0 +The 0.00 +note 17.992826461791992 +said 7.544559955596924 +that 1.8314385414123535 +the 1.8925689458847046 +grandfather 16.086746215820312 +enjoyed 10.998574256896973 +himself 11.28926944732666 +. 4.9897332191467285 + -0.0 +The 0.00 +movie 15.463526725769043 +suggested 14.70386028289795 +that 1.1021238565444946 +the 1.5992717742919922 +husband 13.541153907775879 +proved 14.333176612854004 +himself 5.284875392913818 +. 6.665156841278076 + -0.0 +The 0.00 +movie 15.463526725769043 +said 12.05250358581543 +that 1.457790493965149 +the 1.917277216911316 +woman 11.160063743591309 +enjoyed 10.597710609436035 +herself 11.331792831420898 +. 3.9543211460113525 + -0.0 diff --git a/data/surprisal/grnn/old/embed/surprisals.embed.number.distant.txt b/data/surprisal/grnn/old/embed/surprisals.embed.number.distant.txt new file mode 100644 index 0000000..f9e47e4 --- /dev/null +++ b/data/surprisal/grnn/old/embed/surprisals.embed.number.distant.txt @@ -0,0 +1,100 @@ +The 0.00 +boy 15.281773567199707 +suggested 13.330580711364746 +that 1.8710378408432007 +the 1.8207019567489624 +brothers 9.548666000366211 +disappointed 19.644506454467773 +himself 8.597128868103027 +. 3.7032577991485596 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464655876159668 +that 2.2590394020080566 +the 2.8216965198516846 +boys 8.449886322021484 +amused 16.617982864379883 +himself 6.525493144989014 +. 4.303496360778809 + -0.0 +The 0.00 +boy 15.281773567199707 +suggested 13.330580711364746 +that 1.8710378408432007 +the 1.8207019567489624 +boys 7.904068946838379 +taught 12.910953521728516 +himself 8.807581901550293 +. 7.266499996185303 + -0.0 +The 0.00 +girl 16.160903930664062 +said 8.480657577514648 +that 2.0403666496276855 +the 2.735246419906616 +sisters 11.36768913269043 +amused 16.77218246459961 +herself 5.507048606872559 +. 3.8046224117279053 + -0.0 +The 0.00 +girl 16.160903930664062 +suggested 13.125555038452148 +that 1.6111620664596558 +the 1.9004062414169312 +sisters 10.363749504089355 +convinced 15.511190414428711 +herself 10.168423652648926 +. 7.800236701965332 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464655876159668 +that 2.2590394020080566 +the 2.8216965198516846 + 4.130272388458252 +convinced 14.670647621154785 +himself 9.611287117004395 +. 7.952075004577637 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464655876159668 +that 2.2590394020080566 +the 2.8216965198516846 +actors 11.600287437438965 +confused 17.19642448425293 +himself 8.254782676696777 +. 3.052215337753296 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464655876159668 +that 2.2590394020080566 +the 2.8216965198516846 + 4.130272388458252 +enjoyed 11.72812271118164 +himself 10.031607627868652 +. 3.8731799125671387 + -0.0 +The 0.00 +boy 15.281773567199707 +suggested 13.330580711364746 +that 1.8710378408432007 +the 1.8207019567489624 +husbands 16.724672317504883 +proved 15.674668312072754 +himself 10.288961410522461 +. 4.858855247497559 + -0.0 +The 0.00 +girl 16.160903930664062 +said 8.480657577514648 +that 2.0403666496276855 +the 2.735246419906616 +women 7.8634934425354 +enjoyed 10.211287498474121 +herself 11.665451049804688 +. 3.3057522773742676 + -0.0 diff --git a/data/surprisal/grnn/old/embed/surprisals.embed.number.local.txt b/data/surprisal/grnn/old/embed/surprisals.embed.number.local.txt new file mode 100644 index 0000000..8f55f0c --- /dev/null +++ b/data/surprisal/grnn/old/embed/surprisals.embed.number.local.txt @@ -0,0 +1,100 @@ +The 0.00 +documents 18.75698471069336 +suggested 9.385966300964355 +that 0.8757137656211853 +the 1.3471883535385132 +brothers 11.012195587158203 +disappointed 19.934085845947266 +himself 9.436783790588379 +. 4.192137241363525 + -0.0 +The 0.00 +sign 15.47775936126709 +said 9.436386108398438 +that 2.045480489730835 +the 2.046367645263672 +boys 10.76821231842041 +amused 16.853490829467773 +himself 7.502710819244385 +. 5.046176910400391 + -0.0 +The 0.00 +book 13.59808349609375 +suggested 12.573469161987305 +that 0.7848120331764221 +the 1.5726594924926758 +boys 10.942986488342285 +taught 11.564895629882812 +himself 10.445516586303711 +. 8.492683410644531 + -0.0 +The 0.00 +scripts 21.640243530273438 +said 11.021127700805664 +that 2.9901225566864014 +the 2.245009660720825 +sisters 12.398557662963867 +amused 16.448143005371094 +herself 7.50529146194458 +. 3.4608752727508545 + -0.0 +The 0.00 +movie 15.463526725769043 +suggested 14.70386028289795 +that 1.1021238565444946 +the 1.5992717742919922 +sisters 12.46899700164795 +convinced 14.510429382324219 +herself 11.378143310546875 +. 8.57080078125 + -0.0 +The 0.00 +notes 18.11748695373535 +said 10.487957954406738 +that 2.0019376277923584 +the 1.9862005710601807 + 4.12217378616333 +convinced 16.10782241821289 +himself 10.532269477844238 +. 8.730822563171387 + -0.0 +The 0.00 +songs 16.484167098999023 +said 11.529361724853516 +that 2.5023691654205322 +the 2.336334705352783 +actors 10.958978652954102 +confused 17.259817123413086 +himself 9.767844200134277 +. 2.9628610610961914 + -0.0 +The 0.00 +note 17.992826461791992 +said 7.544559955596924 +that 1.8314385414123535 +the 1.8925689458847046 + 4.0951666831970215 +enjoyed 11.464306831359863 +himself 12.026217460632324 +. 5.211360931396484 + -0.0 +The 0.00 +movie 15.463526725769043 +suggested 14.70386028289795 +that 1.1021238565444946 +the 1.5992717742919922 +husbands 18.000988006591797 +proved 14.138973236083984 +himself 12.240880012512207 +. 5.442439079284668 + -0.0 +The 0.00 +movie 15.463526725769043 +said 12.05250358581543 +that 1.457790493965149 +the 1.917277216911316 +women 10.448172569274902 +enjoyed 9.74258804321289 +herself 13.788267135620117 +. 3.8682286739349365 + -0.0 diff --git a/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.local.both.txt b/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.local.both.txt new file mode 100644 index 0000000..3b740a1 --- /dev/null +++ b/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.local.both.txt @@ -0,0 +1,100 @@ +The 0.00 +man 13.377936363220215 +said 7.239897727966309 +that 3.083191394805908 +the 2.5713348388671875 +girls 10.16507625579834 +hurt 14.128442764282227 +himself 9.449217796325684 +. 2.4231810569763184 + -0.0 +The 0.00 +husband 18.16287612915039 +said 8.12764835357666 +that 2.246849775314331 +the 2.3531455993652344 +girls 10.23956298828125 +convinced 15.089198112487793 +himself 12.859379768371582 +. 6.449138164520264 + -0.0 +The 0.00 +father 14.874659538269043 +said 9.104055404663086 +that 2.299351215362549 +the 2.4075045585632324 +girls 9.941301345825195 +confused 18.262697219848633 +himself 9.221968650817871 +. 3.2871663570404053 + -0.0 +The 0.00 +king 14.122408866882324 +said 8.125911712646484 +that 1.9896025657653809 +the 2.2631638050079346 +girls 12.290870666503906 +taught 10.635483741760254 +himself 9.292013168334961 +. 7.471514701843262 + -0.0 +The 0.00 +brother 17.0623722076416 +said 9.707422256469727 +that 2.995129346847534 +the 2.6044373512268066 +girls 10.055438995361328 +proved 13.055282592773438 +himself 10.923242568969727 +. 5.462188720703125 + -0.0 +The 0.00 +prince 16.446487426757812 +said 7.89016580581665 +that 1.888875126838684 +the 2.5072555541992188 +girls 11.10090160369873 +helped 10.83547592163086 +himself 12.922574043273926 +. 5.793996810913086 + -0.0 +The 0.00 +grandfather 18.86957359313965 +said 9.312341690063477 +that 2.0678014755249023 +the 2.439338207244873 +girls 10.570733070373535 +behaved 12.294623374938965 +himself 15.160490989685059 +. 2.5358989238739014 + -0.0 +The 0.00 +uncle 17.610652923583984 +said 8.70441722869873 +that 2.3665425777435303 +the 2.52272629737854 +girls 9.752950668334961 +enjoyed 10.332496643066406 +himself 12.653404235839844 +. 3.69443941116333 + -0.0 +The 0.00 +son 14.979900360107422 +said 11.213166236877441 +that 2.593641757965088 +the 2.5340232849121094 +girls 10.213113784790039 +cleaned 17.420856475830078 +himself 12.468101501464844 +. 4.486843109130859 + -0.0 +The 0.00 +actor 14.651300430297852 +said 8.532968521118164 +that 2.701866626739502 +the 2.3326334953308105 +girls 10.857195854187012 +repeated 16.696523666381836 +himself 14.1548490524292 +. 3.698058843612671 + -0.0 diff --git a/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.local.gender.txt b/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.local.gender.txt new file mode 100644 index 0000000..dcf04dd --- /dev/null +++ b/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.local.gender.txt @@ -0,0 +1,100 @@ +The 0.00 +man 13.377936363220215 +said 7.239897727966309 +that 3.083191394805908 +the 2.5713348388671875 +girl 9.011141777038574 +hurt 15.121489524841309 +himself 8.286279678344727 +. 2.5336852073669434 + -0.0 +The 0.00 +husband 18.16287612915039 +said 8.12764835357666 +that 2.246849775314331 +the 2.3531455993652344 +girl 9.49071979522705 +convinced 15.046650886535645 +himself 10.604690551757812 +. 6.5198540687561035 + -0.0 +The 0.00 +father 14.874659538269043 +said 9.104055404663086 +that 2.299351215362549 +the 2.4075045585632324 +girl 9.344717979431152 +confused 17.939781188964844 +himself 8.383755683898926 +. 2.7768805027008057 + -0.0 +The 0.00 +king 14.122408866882324 +said 8.125911712646484 +that 1.9896025657653809 +the 2.2631638050079346 +girl 10.82187271118164 +taught 9.935966491699219 +himself 7.133148193359375 +. 7.145212650299072 + -0.0 +The 0.00 +brother 17.0623722076416 +said 9.707422256469727 +that 2.995129346847534 +the 2.6044373512268066 +girl 9.439541816711426 +proved 12.765496253967285 +himself 8.120924949645996 +. 5.7255048751831055 + -0.0 +The 0.00 +prince 16.446487426757812 +said 7.89016580581665 +that 1.888875126838684 +the 2.5072555541992188 +girl 9.991387367248535 +helped 11.04218864440918 +himself 11.407379150390625 +. 5.764074325561523 + -0.0 +The 0.00 +grandfather 18.86957359313965 +said 9.312341690063477 +that 2.0678014755249023 +the 2.439338207244873 +girl 9.793420791625977 +behaved 13.976479530334473 +himself 11.934242248535156 +. 2.761375904083252 + -0.0 +The 0.00 +uncle 17.610652923583984 +said 8.70441722869873 +that 2.3665425777435303 +the 2.52272629737854 +girl 9.101717948913574 +enjoyed 11.314205169677734 +himself 11.316354751586914 +. 3.3922693729400635 + -0.0 +The 0.00 +son 14.979900360107422 +said 11.213166236877441 +that 2.593641757965088 +the 2.5340232849121094 +girl 9.275655746459961 +cleaned 18.183561325073242 +himself 10.208866119384766 +. 4.036393165588379 + -0.0 +The 0.00 +actor 14.651300430297852 +said 8.532968521118164 +that 2.701866626739502 +the 2.3326334953308105 +girl 10.454670906066895 +repeated 16.895191192626953 +himself 11.686211585998535 +. 3.4638421535491943 + -0.0 diff --git a/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.local.number.txt b/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.local.number.txt new file mode 100644 index 0000000..20b20dc --- /dev/null +++ b/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.local.number.txt @@ -0,0 +1,100 @@ +The 0.00 +man 13.377936363220215 +said 7.239897727966309 +that 3.083191394805908 +the 2.5713348388671875 +boys 9.980609893798828 +hurt 14.581930160522461 +himself 8.971538543701172 +. 2.5268993377685547 + -0.0 +The 0.00 +husband 18.16287612915039 +said 8.12764835357666 +that 2.246849775314331 +the 2.3531455993652344 +boys 10.040654182434082 +convinced 15.4016752243042 +himself 12.561664581298828 +. 6.778970718383789 + -0.0 +The 0.00 +father 14.874659538269043 +said 9.104055404663086 +that 2.299351215362549 +the 2.4075045585632324 +boys 9.72053337097168 +confused 17.567241668701172 +himself 8.642749786376953 +. 3.4042928218841553 + -0.0 +The 0.00 +king 14.122408866882324 +said 8.125911712646484 +that 1.9896025657653809 +the 2.2631638050079346 +boys 11.72786808013916 +taught 11.054603576660156 +himself 8.811827659606934 +. 7.53942346572876 + -0.0 +The 0.00 +brother 17.0623722076416 +said 9.707422256469727 +that 2.995129346847534 +the 2.6044373512268066 +boys 9.89900016784668 +proved 13.20852279663086 +himself 9.838736534118652 +. 5.696080207824707 + -0.0 +The 0.00 +prince 16.446487426757812 +said 7.89016580581665 +that 1.888875126838684 +the 2.5072555541992188 +boys 10.602421760559082 +helped 11.010817527770996 +himself 12.54963493347168 +. 5.896698474884033 + -0.0 +The 0.00 +grandfather 18.86957359313965 +said 9.312341690063477 +that 2.0678014755249023 +the 2.439338207244873 +boys 10.341324806213379 +behaved 12.693516731262207 +himself 14.34488296508789 +. 2.54882550239563 + -0.0 +The 0.00 +uncle 17.610652923583984 +said 8.70441722869873 +that 2.3665425777435303 +the 2.52272629737854 +boys 9.454423904418945 +enjoyed 10.401387214660645 +himself 11.755090713500977 +. 4.016433238983154 + -0.0 +The 0.00 +son 14.979900360107422 +said 11.213166236877441 +that 2.593641757965088 +the 2.5340232849121094 +boys 10.064605712890625 +cleaned 17.578575134277344 +himself 11.961381912231445 +. 4.830932140350342 + -0.0 +The 0.00 +actor 14.651300430297852 +said 8.532968521118164 +that 2.701866626739502 +the 2.3326334953308105 +boys 11.235740661621094 +repeated 16.14702606201172 +himself 13.429527282714844 +. 3.8326892852783203 + -0.0 diff --git a/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.matrix.both.txt b/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.matrix.both.txt new file mode 100644 index 0000000..d41b0f6 --- /dev/null +++ b/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.matrix.both.txt @@ -0,0 +1,100 @@ +The 0.00 +girls 15.920666694641113 +said 10.580329895019531 +that 2.379179000854492 +the 2.584867238998413 +man 8.471829414367676 +hurt 14.557926177978516 +himself 7.876977443695068 +. 2.223567008972168 + -0.0 +The 0.00 +girls 15.920666694641113 +said 10.580329895019531 +that 2.379179000854492 +the 2.584867238998413 +husband 11.793839454650879 +convinced 14.891670227050781 +himself 11.137310028076172 +. 7.197887897491455 + -0.0 +The 0.00 +girls 15.920666694641113 +said 10.580329895019531 +that 2.379179000854492 +the 2.584867238998413 +father 9.926554679870605 +confused 19.214994430541992 +himself 7.720129013061523 +. 3.082254409790039 + -0.0 +The 0.00 +girls 15.920666694641113 +said 10.580329895019531 +that 2.379179000854492 +the 2.584867238998413 +king 10.65652847290039 +taught 11.865406036376953 +himself 6.8785858154296875 +. 7.341699600219727 + -0.0 +The 0.00 +girls 15.920666694641113 +said 10.580329895019531 +that 2.379179000854492 +the 2.584867238998413 +brother 14.186775207519531 +proved 13.981670379638672 +himself 7.531928062438965 +. 6.674980640411377 + -0.0 +The 0.00 +girls 15.920666694641113 +said 10.580329895019531 +that 2.379179000854492 +the 2.584867238998413 +prince 12.281686782836914 +helped 10.66872787475586 +himself 11.743337631225586 +. 5.669713497161865 + -0.0 +The 0.00 +girls 15.920666694641113 +said 10.580329895019531 +that 2.379179000854492 +the 2.584867238998413 +grandfather 14.199127197265625 +behaved 15.583023071289062 +himself 12.081130027770996 +. 2.6799187660217285 + -0.0 +The 0.00 +girls 15.920666694641113 +said 10.580329895019531 +that 2.379179000854492 +the 2.584867238998413 +uncle 15.103592872619629 +enjoyed 10.890485763549805 +himself 10.819700241088867 +. 3.3563435077667236 + -0.0 +The 0.00 +girls 15.920666694641113 +said 10.580329895019531 +that 2.379179000854492 +the 2.584867238998413 +son 11.281590461730957 +cleaned 20.944963455200195 +himself 11.397526741027832 +. 4.422657012939453 + -0.0 +The 0.00 +girls 15.920666694641113 +said 10.580329895019531 +that 2.379179000854492 +the 2.584867238998413 +actor 11.547609329223633 +repeated 15.538972854614258 +himself 11.372208595275879 +. 3.18438720703125 + -0.0 diff --git a/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.matrix.gender.txt b/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.matrix.gender.txt new file mode 100644 index 0000000..fb044a6 --- /dev/null +++ b/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.matrix.gender.txt @@ -0,0 +1,100 @@ +The 0.00 +girl 16.160905838012695 +said 8.480658531188965 +that 2.040365695953369 +the 2.735246419906616 +man 7.431288719177246 +hurt 14.86668586730957 +himself 8.462950706481934 +. 2.273911952972412 + -0.0 +The 0.00 +girl 16.160905838012695 +said 8.480658531188965 +that 2.040365695953369 +the 2.735246419906616 +husband 9.697731018066406 +convinced 14.530499458312988 +himself 10.764627456665039 +. 6.980364799499512 + -0.0 +The 0.00 +girl 16.160905838012695 +said 8.480658531188965 +that 2.040365695953369 +the 2.735246419906616 +father 9.036401748657227 +confused 19.093528747558594 +himself 7.8199076652526855 +. 3.103787660598755 + -0.0 +The 0.00 +girl 16.160905838012695 +said 8.480658531188965 +that 2.040365695953369 +the 2.735246419906616 +king 10.195442199707031 +taught 12.14417839050293 +himself 6.663167476654053 +. 7.199356555938721 + -0.0 +The 0.00 +girl 16.160905838012695 +said 8.480658531188965 +that 2.040365695953369 +the 2.735246419906616 +brother 13.246520042419434 +proved 13.834184646606445 +himself 7.707250595092773 +. 6.477593898773193 + -0.0 +The 0.00 +girl 16.160905838012695 +said 8.480658531188965 +that 2.040365695953369 +the 2.735246419906616 +prince 11.705964088439941 +helped 10.766860008239746 +himself 11.333948135375977 +. 5.537232875823975 + -0.0 +The 0.00 +girl 16.160905838012695 +said 8.480658531188965 +that 2.040365695953369 +the 2.735246419906616 +grandfather 13.873831748962402 +behaved 15.091532707214355 +himself 12.144882202148438 +. 2.785987615585327 + -0.0 +The 0.00 +girl 16.160905838012695 +said 8.480658531188965 +that 2.040365695953369 +the 2.735246419906616 +uncle 14.552985191345215 +enjoyed 10.938597679138184 +himself 10.954330444335938 +. 3.402756929397583 + -0.0 +The 0.00 +girl 16.160905838012695 +said 8.480658531188965 +that 2.040365695953369 +the 2.735246419906616 +son 10.08956241607666 +cleaned 20.619075775146484 +himself 11.278613090515137 +. 4.307836055755615 + -0.0 +The 0.00 +girl 16.160905838012695 +said 8.480658531188965 +that 2.040365695953369 +the 2.735246419906616 +actor 10.664859771728516 +repeated 14.903159141540527 +himself 11.949554443359375 +. 3.2687602043151855 + -0.0 diff --git a/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.matrix.number.txt b/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.matrix.number.txt new file mode 100644 index 0000000..67ead5b --- /dev/null +++ b/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.matrix.number.txt @@ -0,0 +1,100 @@ +The 0.00 +boys 15.380524635314941 +said 10.776494026184082 +that 2.2045562267303467 +the 2.38521146774292 +man 8.370183944702148 +hurt 14.870950698852539 +himself 7.551956653594971 +. 2.4216973781585693 + -0.0 +The 0.00 +boys 15.380524635314941 +said 10.776494026184082 +that 2.2045562267303467 +the 2.38521146774292 +husband 12.418023109436035 +convinced 14.600655555725098 +himself 10.8912992477417 +. 7.338078022003174 + -0.0 +The 0.00 +boys 15.380524635314941 +said 10.776494026184082 +that 2.2045562267303467 +the 2.38521146774292 +father 9.691398620605469 +confused 18.84475326538086 +himself 7.543272018432617 +. 3.2812230587005615 + -0.0 +The 0.00 +boys 15.380524635314941 +said 10.776494026184082 +that 2.2045562267303467 +the 2.38521146774292 +king 10.236093521118164 +taught 11.788641929626465 +himself 6.732712268829346 +. 7.705539226531982 + -0.0 +The 0.00 +boys 15.380524635314941 +said 10.776494026184082 +that 2.2045562267303467 +the 2.38521146774292 +brother 13.847055435180664 +proved 13.79696273803711 +himself 7.301888465881348 +. 6.901026248931885 + -0.0 +The 0.00 +boys 15.380524635314941 +said 10.776494026184082 +that 2.2045562267303467 +the 2.38521146774292 +prince 11.980012893676758 +helped 10.724895477294922 +himself 11.573278427124023 +. 5.900020599365234 + -0.0 +The 0.00 +boys 15.380524635314941 +said 10.776494026184082 +that 2.2045562267303467 +the 2.38521146774292 +grandfather 13.853476524353027 +behaved 15.570805549621582 +himself 12.04990005493164 +. 2.88071346282959 + -0.0 +The 0.00 +boys 15.380524635314941 +said 10.776494026184082 +that 2.2045562267303467 +the 2.38521146774292 +uncle 14.843080520629883 +enjoyed 10.995166778564453 +himself 10.758007049560547 +. 3.644665479660034 + -0.0 +The 0.00 +boys 15.380524635314941 +said 10.776494026184082 +that 2.2045562267303467 +the 2.38521146774292 +son 10.963055610656738 +cleaned 20.985977172851562 +himself 11.230944633483887 +. 4.435022354125977 + -0.0 +The 0.00 +boys 15.380524635314941 +said 10.776494026184082 +that 2.2045562267303467 +the 2.38521146774292 +actor 11.365958213806152 +repeated 15.180935859680176 +himself 11.335747718811035 +. 3.3088531494140625 + -0.0 diff --git a/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.none.none.txt b/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.none.none.txt new file mode 100644 index 0000000..8c815f7 --- /dev/null +++ b/data/surprisal/grnn/old/embed_pp_v3/stimuli.embed.none.none.txt @@ -0,0 +1,100 @@ +The 0.00 +boy 15.281773567199707 +said 8.464654922485352 +that 2.2590389251708984 +the 2.8216965198516846 +man 6.607685089111328 +hurt 14.759955406188965 +himself 6.900965213775635 +. 2.096950054168701 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464654922485352 +that 2.2590389251708984 +the 2.8216965198516846 +husband 11.009955406188965 +convinced 14.642231941223145 +himself 10.004524230957031 +. 6.757549285888672 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464654922485352 +that 2.2590389251708984 +the 2.8216965198516846 +father 8.164548873901367 +confused 19.06376075744629 +himself 6.752832889556885 +. 2.919187307357788 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464654922485352 +that 2.2590389251708984 +the 2.8216965198516846 +king 8.9273099899292 +taught 11.880413055419922 +himself 5.7344231605529785 +. 6.820736885070801 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464654922485352 +that 2.2590389251708984 +the 2.8216965198516846 +brother 12.385212898254395 +proved 13.790424346923828 +himself 6.305156707763672 +. 6.1798224449157715 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464654922485352 +that 2.2590389251708984 +the 2.8216965198516846 +prince 10.522059440612793 +helped 10.863968849182129 +himself 10.618606567382812 +. 5.420988082885742 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464654922485352 +that 2.2590389251708984 +the 2.8216965198516846 +grandfather 12.468209266662598 +behaved 15.03261661529541 +himself 11.310230255126953 +. 2.675279378890991 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464654922485352 +that 2.2590389251708984 +the 2.8216965198516846 +uncle 13.375906944274902 +enjoyed 10.879260063171387 +himself 10.186034202575684 +. 3.2387702465057373 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464654922485352 +that 2.2590389251708984 +the 2.8216965198516846 +son 8.800544738769531 +cleaned 20.78987693786621 +himself 10.26314640045166 +. 4.0570068359375 + -0.0 +The 0.00 +boy 15.281773567199707 +said 8.464654922485352 +that 2.2590389251708984 +the 2.8216965198516846 +actor 9.971978187561035 +repeated 15.201912879943848 +himself 10.835041046142578 +. 3.022855043411255 + -0.0 diff --git a/data/surprisal/grnn/old/simple/surprisals.simple.both.ccommand.txt b/data/surprisal/grnn/old/simple/surprisals.simple.both.ccommand.txt new file mode 100644 index 0000000..5a9842c --- /dev/null +++ b/data/surprisal/grnn/old/simple/surprisals.simple.both.ccommand.txt @@ -0,0 +1,54 @@ +The 0.00 +uncles 21.13700294494629 +hurt 19.079395294189453 +herself 13.137971878051758 +. 2.4003658294677734 + -0.0 +The 0.00 +husbands 21.56490707397461 +convinced 16.568115234375 +herself 13.69178295135498 +. 7.142373561859131 + -0.0 +The 0.00 +mothers 20.059391021728516 +amused 20.086559295654297 +himself 7.071136474609375 +. 5.0767621994018555 + -0.0 +The 0.00 +men 13.755156517028809 +taught 13.613259315490723 +herself 11.397452354431152 +. 6.784701347351074 + -0.0 +The 0.00 +sisters 16.031476974487305 +proved 11.547022819519043 +himself 12.28537654876709 +. 7.2580180168151855 + -0.0 +The 0.00 +boys 15.380524635314941 +helped 12.001015663146973 +herself 15.265019416809082 +. 6.181065082550049 + -0.0 +The 0.00 +women 14.445662498474121 +pleased 20.00393295288086 +himself 12.695704460144043 +. 3.866696357727051 + -0.0 +The 0.00 +girls 15.920666694641113 +enjoyed 12.757841110229492 +himself 15.565567970275879 +. 4.253995418548584 + -0.0 +The 0.00 +fathers 18.959854125976562 +repeated 17.37958526611328 +herself 17.02294158935547 +. 3.7134408950805664 + -0.0 diff --git a/data/surprisal/grnn/old/simple/surprisals.simple.both.noccommand.txt b/data/surprisal/grnn/old/simple/surprisals.simple.both.noccommand.txt new file mode 100644 index 0000000..749b528 --- /dev/null +++ b/data/surprisal/grnn/old/simple/surprisals.simple.both.noccommand.txt @@ -0,0 +1,72 @@ +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +uncles 15.962947845458984 +hurt 17.1062068939209 +herself 8.127801895141602 +. 2.566812515258789 + -0.0 +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +husbands 16.458410263061523 +convinced 13.880556106567383 +herself 12.764646530151367 +. 6.883500099182129 + -0.0 +The 0.00 +boy 15.281773567199707 +'s 2.0277953147888184 +mothers 15.037830352783203 +amused 18.727739334106445 +himself 5.234930515289307 +. 5.115480899810791 + -0.0 +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +men 10.338638305664062 +taught 12.39184284210205 +herself 8.100388526916504 +. 7.70836877822876 + -0.0 +The 0.00 +boy 15.281773567199707 +'s 2.0277953147888184 +sisters 12.10794734954834 +proved 12.507407188415527 +himself 9.611961364746094 +. 5.809750556945801 + -0.0 +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +boys 13.62059211730957 +helped 11.378748893737793 +herself 11.41324234008789 +. 5.502629280090332 + -0.0 +The 0.00 +boy 15.281773567199707 +'s 2.0277953147888184 +women 12.801492691040039 +pleased 17.013343811035156 +himself 12.213911056518555 +. 3.346400260925293 + -0.0 +The 0.00 +boy 15.281773567199707 +'s 2.0277953147888184 +girls 13.633318901062012 +enjoyed 12.950674057006836 +himself 14.449203491210938 +. 3.6512341499328613 + -0.0 +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +fathers 12.74436092376709 +repeated 15.223077774047852 +herself 13.490846633911133 +. 3.417306900024414 + -0.0 diff --git a/data/surprisal/grnn/old/simple/surprisals.simple.gender.ccommand.txt b/data/surprisal/grnn/old/simple/surprisals.simple.gender.ccommand.txt new file mode 100644 index 0000000..ddefe8e --- /dev/null +++ b/data/surprisal/grnn/old/simple/surprisals.simple.gender.ccommand.txt @@ -0,0 +1,54 @@ +The 0.00 +uncle 17.610652923583984 +hurt 20.160356521606445 +herself 10.794903755187988 +. 2.0923590660095215 + -0.0 +The 0.00 +husband 18.16287612915039 +convinced 15.095112800598145 +herself 13.303369522094727 +. 6.582921981811523 + -0.0 +The 0.00 +mother 15.133440017700195 +amused 21.900632858276367 +himself 6.302340507507324 +. 4.706827640533447 + -0.0 +The 0.00 +man 13.377936363220215 +taught 11.44955062866211 +herself 10.759479522705078 +. 6.143057346343994 + -0.0 +The 0.00 +sister 16.049457550048828 +proved 14.630721092224121 +himself 8.889344215393066 +. 8.462602615356445 + -0.0 +The 0.00 +boy 15.281773567199707 +helped 11.691852569580078 +herself 13.672773361206055 +. 6.110244274139404 + -0.0 +The 0.00 +woman 15.208165168762207 +pleased 19.234596252441406 +himself 9.905111312866211 +. 3.5378966331481934 + -0.0 +The 0.00 +girl 16.160905838012695 +enjoyed 13.303255081176758 +himself 12.48244857788086 +. 4.642703056335449 + -0.0 +The 0.00 +father 14.874659538269043 +repeated 18.40745735168457 +herself 15.453526496887207 +. 3.8015100955963135 + -0.0 diff --git a/data/surprisal/grnn/old/simple/surprisals.simple.gender.noccommand.txt b/data/surprisal/grnn/old/simple/surprisals.simple.gender.noccommand.txt new file mode 100644 index 0000000..8b50d7a --- /dev/null +++ b/data/surprisal/grnn/old/simple/surprisals.simple.gender.noccommand.txt @@ -0,0 +1,72 @@ +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +uncle 11.343188285827637 +hurt 17.97153091430664 +herself 9.293778419494629 +. 2.24042010307312 + -0.0 +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +husband 8.2804594039917 +convinced 12.97970962524414 +herself 11.63888168334961 +. 6.33184814453125 + -0.0 +The 0.00 +boy 15.281773567199707 +'s 2.0277953147888184 +mother 5.0253586769104 +amused 20.14226531982422 +himself 5.819931983947754 +. 4.49361515045166 + -0.0 +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +man 12.225314140319824 +taught 12.116971015930176 +herself 6.754961967468262 +. 6.926623821258545 + -0.0 +The 0.00 +boy 15.281773567199707 +'s 2.0277953147888184 +sister 7.910457134246826 +proved 13.694908142089844 +himself 8.301716804504395 +. 7.316563606262207 + -0.0 +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +boy 11.977191925048828 +helped 12.01038646697998 +herself 11.5834379196167 +. 4.98258113861084 + -0.0 +The 0.00 +boy 15.281773567199707 +'s 2.0277953147888184 +woman 12.758673667907715 +pleased 19.31392478942871 +himself 11.895597457885742 +. 3.1445181369781494 + -0.0 +The 0.00 +boy 15.281773567199707 +'s 2.0277953147888184 +girl 11.499530792236328 +enjoyed 16.357059478759766 +himself 12.676240921020508 +. 3.370126485824585 + -0.0 +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +father 5.585656642913818 +repeated 17.5004940032959 +herself 13.820582389831543 +. 3.8225317001342773 + -0.0 diff --git a/data/surprisal/grnn/old/simple/surprisals.simple.none.ccommand.txt b/data/surprisal/grnn/old/simple/surprisals.simple.none.ccommand.txt new file mode 100644 index 0000000..4eb0d4a --- /dev/null +++ b/data/surprisal/grnn/old/simple/surprisals.simple.none.ccommand.txt @@ -0,0 +1,54 @@ +The 0.00 +aunt 19.181049346923828 +hurt 20.223583221435547 +herself 7.727917194366455 +. 2.1228950023651123 + -0.0 +The 0.00 +wife 16.84558868408203 +convinced 15.902865409851074 +herself 12.01860237121582 +. 6.853987693786621 + -0.0 +The 0.00 +father 14.874659538269043 +amused 21.648317337036133 +himself 3.759942054748535 +. 4.720829486846924 + -0.0 +The 0.00 +woman 15.208165168762207 +taught 11.093911170959473 +herself 7.85527229309082 +. 7.322972774505615 + -0.0 +The 0.00 +brother 17.0623722076416 +proved 13.945250511169434 +himself 6.448598384857178 +. 7.380403995513916 + -0.0 +The 0.00 +girl 16.160905838012695 +helped 11.517207145690918 +herself 10.827898025512695 +. 5.991811275482178 + -0.0 +The 0.00 +man 13.377936363220215 +pleased 20.128870010375977 +himself 8.569025993347168 +. 2.992206573486328 + -0.0 +The 0.00 +boy 15.281773567199707 +enjoyed 13.378361701965332 +himself 10.818144798278809 +. 4.6137800216674805 + -0.0 +The 0.00 +mother 15.133440017700195 +repeated 18.026288986206055 +herself 11.826895713806152 +. 3.7074694633483887 + -0.0 diff --git a/data/surprisal/grnn/old/simple/surprisals.simple.none.noccommand.txt b/data/surprisal/grnn/old/simple/surprisals.simple.none.noccommand.txt new file mode 100644 index 0000000..6d4aece --- /dev/null +++ b/data/surprisal/grnn/old/simple/surprisals.simple.none.noccommand.txt @@ -0,0 +1,72 @@ +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +aunt 11.936613082885742 +hurt 17.414451599121094 +herself 8.977238655090332 +. 2.4051196575164795 + -0.0 +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +wife 7.443343162536621 +convinced 13.171215057373047 +herself 11.620384216308594 +. 6.6541924476623535 + -0.0 +The 0.00 +boy 15.281773567199707 +'s 2.0277953147888184 +father 4.668795585632324 +amused 20.633811950683594 +himself 3.9207072257995605 +. 4.445035457611084 + -0.0 +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +woman 12.256059646606445 +taught 12.040277481079102 +herself 6.773576736450195 +. 7.906097888946533 + -0.0 +The 0.00 +boy 15.281773567199707 +'s 2.0277953147888184 +brother 6.435164928436279 +proved 14.7040433883667 +himself 5.296143054962158 +. 6.903982639312744 + -0.0 +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +girl 11.50860595703125 +helped 12.361322402954102 +herself 10.61350154876709 +. 5.08445930480957 + -0.0 +The 0.00 +boy 15.281773567199707 +'s 2.0277953147888184 +man 11.252703666687012 +pleased 19.71285057067871 +himself 10.01340103149414 +. 2.816251277923584 + -0.0 +The 0.00 +boy 15.281773567199707 +'s 2.0277953147888184 +boy 10.832830429077148 +enjoyed 15.060906410217285 +himself 11.809483528137207 +. 3.2105660438537598 + -0.0 +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +mother 5.25419807434082 +repeated 17.436981201171875 +herself 12.033164024353027 +. 3.6254329681396484 + -0.0 diff --git a/data/surprisal/grnn/old/simple/surprisals.simple.number.ccommand.txt b/data/surprisal/grnn/old/simple/surprisals.simple.number.ccommand.txt new file mode 100644 index 0000000..2302a47 --- /dev/null +++ b/data/surprisal/grnn/old/simple/surprisals.simple.number.ccommand.txt @@ -0,0 +1,54 @@ +The 0.00 +aunts 20.38463592529297 +hurt 17.153459548950195 +herself 10.31505012512207 +. 2.6159651279449463 + -0.0 +The 0.00 +wives 18.770931243896484 +convinced 16.063833236694336 +herself 13.642692565917969 +. 7.659913539886475 + -0.0 +The 0.00 +fathers 18.959854125976562 +amused 20.13787841796875 +himself 6.648724555969238 +. 4.915378570556641 + -0.0 +The 0.00 +women 14.445662498474121 +taught 13.67099666595459 +herself 10.18150520324707 +. 7.141360282897949 + -0.0 +The 0.00 +brothers 14.432194709777832 +proved 11.750848770141602 +himself 11.144180297851562 +. 7.568063259124756 + -0.0 +The 0.00 +girls 15.920666694641113 +helped 12.032309532165527 +herself 13.946577072143555 +. 5.9969162940979 + -0.0 +The 0.00 +men 13.755156517028809 +pleased 19.064857482910156 +himself 11.73876953125 +. 3.585919141769409 + -0.0 +The 0.00 +boys 15.380524635314941 +enjoyed 12.270654678344727 +himself 15.174590110778809 +. 4.926529407501221 + -0.0 +The 0.00 +mothers 20.059391021728516 +repeated 17.822187423706055 +herself 15.885528564453125 +. 3.9808146953582764 + -0.0 diff --git a/data/surprisal/grnn/old/simple/surprisals.simple.number.noccommand.txt b/data/surprisal/grnn/old/simple/surprisals.simple.number.noccommand.txt new file mode 100644 index 0000000..72c2a4f --- /dev/null +++ b/data/surprisal/grnn/old/simple/surprisals.simple.number.noccommand.txt @@ -0,0 +1,72 @@ +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +aunts 16.759994506835938 +hurt 16.049970626831055 +herself 8.590250015258789 +. 2.630690336227417 + -0.0 +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +wives 12.968469619750977 +convinced 13.712013244628906 +herself 11.97035026550293 +. 6.791580677032471 + -0.0 +The 0.00 +boy 15.281773567199707 +'s 2.0277953147888184 +fathers 12.518777847290039 +amused 19.172557830810547 +himself 4.9392218589782715 +. 4.387147903442383 + -0.0 +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +women 12.867432594299316 +taught 12.89506721496582 +herself 7.673622131347656 +. 7.783036231994629 + -0.0 +The 0.00 +boy 15.281773567199707 +'s 2.0277953147888184 +brothers 9.810038566589355 +proved 13.282705307006836 +himself 7.100340843200684 +. 6.23030948638916 + -0.0 +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +girls 13.695589065551758 +helped 10.893172264099121 +herself 11.306851387023926 +. 5.409042835235596 + -0.0 +The 0.00 +boy 15.281773567199707 +'s 2.0277953147888184 +men 9.256808280944824 +pleased 16.783893585205078 +himself 11.118170738220215 +. 3.3666069507598877 + -0.0 +The 0.00 +boy 15.281773567199707 +'s 2.0277953147888184 +boys 12.580742835998535 +enjoyed 13.218292236328125 +himself 13.660565376281738 +. 4.279717445373535 + -0.0 +The 0.00 +girl 16.160903930664062 +'s 2.599365234375 +mothers 14.471248626708984 +repeated 15.591757774353027 +herself 13.782485961914062 +. 3.7366812229156494 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp/stimuli.simple.both.ccommand.txt b/data/surprisal/grnn/old/simple_pp/stimuli.simple.both.ccommand.txt new file mode 100644 index 0000000..98b1969 --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp/stimuli.simple.both.ccommand.txt @@ -0,0 +1,54 @@ +The 0.00 +uncles 21.13700294494629 +hurt 19.079395294189453 +herself 13.13797378540039 +. 2.4003655910491943 + -0.0 +The 0.00 +husbands 21.56490707397461 +convinced 16.568115234375 +herself 13.69178295135498 +. 7.142373561859131 + -0.0 +The 0.00 +mothers 20.059391021728516 +amused 20.086559295654297 +himself 7.0711350440979 +. 5.0767598152160645 + -0.0 +The 0.00 +men 13.755156517028809 +taught 13.613259315490723 +herself 11.397452354431152 +. 6.784701347351074 + -0.0 +The 0.00 +sisters 16.031475067138672 +proved 11.547021865844727 +himself 12.28537654876709 +. 7.258018970489502 + -0.0 +The 0.00 +boys 15.380524635314941 +helped 12.001016616821289 +herself 15.265018463134766 +. 6.181065082550049 + -0.0 +The 0.00 +women 14.445663452148438 +pleased 20.003931045532227 +himself 12.69570541381836 +. 3.866696834564209 + -0.0 +The 0.00 +girls 15.920666694641113 +enjoyed 12.757840156555176 +himself 15.565568923950195 +. 4.253995418548584 + -0.0 +The 0.00 +fathers 18.959854125976562 +repeated 17.37958335876465 +herself 17.02294158935547 +. 3.7134408950805664 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp/stimuli.simple.both.noccommand.txt b/data/surprisal/grnn/old/simple_pp/stimuli.simple.both.noccommand.txt new file mode 100644 index 0000000..9a41354 --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp/stimuli.simple.both.noccommand.txt @@ -0,0 +1,81 @@ +The 0.00 +uncles 21.13700294494629 +near 15.426244735717773 +the 1.2285676002502441 +girl 16.224855422973633 +hurt 21.843868255615234 +herself 8.507149696350098 +. 1.526087760925293 + -0.0 +The 0.00 +husbands 21.56490707397461 +near 13.957361221313477 +the 1.0579739809036255 +girl 13.081144332885742 +convinced 17.467906951904297 +herself 11.848570823669434 +. 6.10073709487915 + -0.0 +The 0.00 +mothers 20.059391021728516 +near 14.561569213867188 +the 0.8981499671936035 +boy 13.267751693725586 +amused 21.41587257385254 +himself 5.35230016708374 +. 3.556992292404175 + -0.0 +The 0.00 +men 13.755156517028809 +near 13.9115629196167 +the 0.979433536529541 +girl 13.913910865783691 +taught 12.99755573272705 +herself 9.452864646911621 +. 6.999606132507324 + -0.0 +The 0.00 +sisters 16.031475067138672 +near 14.73790168762207 +the 1.114181399345398 +boy 15.392939567565918 +proved 17.00384521484375 +himself 8.926566123962402 +. 5.980231285095215 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +girl 13.603850364685059 +helped 12.368900299072266 +herself 11.74925708770752 +. 4.832546710968018 + -0.0 +The 0.00 +women 14.445663452148438 +near 14.952563285827637 +the 0.8391871452331543 +boy 14.520277976989746 +pleased 21.360984802246094 +himself 12.159186363220215 +. 4.033440113067627 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +boy 14.17049789428711 +enjoyed 15.557705879211426 +himself 12.446549415588379 +. 3.647693395614624 + -0.0 +The 0.00 +fathers 18.959854125976562 +near 15.991024017333984 +the 0.778113067150116 +girl 13.880295753479004 +repeated 20.229143142700195 +herself 11.846613883972168 +. 2.671342134475708 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp/stimuli.simple.gender.ccommand.txt b/data/surprisal/grnn/old/simple_pp/stimuli.simple.gender.ccommand.txt new file mode 100644 index 0000000..ddefe8e --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp/stimuli.simple.gender.ccommand.txt @@ -0,0 +1,54 @@ +The 0.00 +uncle 17.610652923583984 +hurt 20.160356521606445 +herself 10.794903755187988 +. 2.0923590660095215 + -0.0 +The 0.00 +husband 18.16287612915039 +convinced 15.095112800598145 +herself 13.303369522094727 +. 6.582921981811523 + -0.0 +The 0.00 +mother 15.133440017700195 +amused 21.900632858276367 +himself 6.302340507507324 +. 4.706827640533447 + -0.0 +The 0.00 +man 13.377936363220215 +taught 11.44955062866211 +herself 10.759479522705078 +. 6.143057346343994 + -0.0 +The 0.00 +sister 16.049457550048828 +proved 14.630721092224121 +himself 8.889344215393066 +. 8.462602615356445 + -0.0 +The 0.00 +boy 15.281773567199707 +helped 11.691852569580078 +herself 13.672773361206055 +. 6.110244274139404 + -0.0 +The 0.00 +woman 15.208165168762207 +pleased 19.234596252441406 +himself 9.905111312866211 +. 3.5378966331481934 + -0.0 +The 0.00 +girl 16.160905838012695 +enjoyed 13.303255081176758 +himself 12.48244857788086 +. 4.642703056335449 + -0.0 +The 0.00 +father 14.874659538269043 +repeated 18.40745735168457 +herself 15.453526496887207 +. 3.8015100955963135 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp/stimuli.simple.gender.noccommand.txt b/data/surprisal/grnn/old/simple_pp/stimuli.simple.gender.noccommand.txt new file mode 100644 index 0000000..a940c8b --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp/stimuli.simple.gender.noccommand.txt @@ -0,0 +1,81 @@ +The 0.00 +uncle 17.610652923583984 +near 16.501001358032227 +the 1.061132788658142 +girl 12.772686958312988 +hurt 19.904138565063477 +herself 7.744235992431641 +. 1.5049220323562622 + -0.0 +The 0.00 +husband 18.16287612915039 +near 16.357833862304688 +the 0.9808005690574646 +girl 12.34223461151123 +convinced 17.204607009887695 +herself 11.178317070007324 +. 5.6176910400390625 + -0.0 +The 0.00 +mother 15.133440017700195 +near 16.28144073486328 +the 0.9508852958679199 +boy 13.050796508789062 +amused 22.21938133239746 +himself 3.952943801879883 +. 3.356171131134033 + -0.0 +The 0.00 +man 13.377936363220215 +near 13.62673568725586 +the 0.7088931202888489 +girl 13.55179500579834 +taught 13.155774116516113 +herself 7.965467929840088 +. 6.683558464050293 + -0.0 +The 0.00 +sister 16.049457550048828 +near 17.889890670776367 +the 1.0661507844924927 +boy 14.966389656066895 +proved 16.703739166259766 +himself 7.711662769317627 +. 6.016180992126465 + -0.0 +The 0.00 +boy 15.281773567199707 +near 14.630494117736816 +the 0.9525864720344543 +girl 12.404574394226074 +helped 12.334771156311035 +herself 10.208961486816406 +. 4.576335906982422 + -0.0 +The 0.00 +woman 15.208165168762207 +near 14.360244750976562 +the 0.7747460603713989 +boy 13.68127727508545 +pleased 21.01708221435547 +himself 10.091042518615723 +. 3.701704740524292 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +boy 12.764366149902344 +enjoyed 16.1237850189209 +himself 11.465269088745117 +. 3.4566195011138916 + -0.0 +The 0.00 +father 14.874659538269043 +near 15.858187675476074 +the 1.041359305381775 +girl 12.551790237426758 +repeated 21.063440322875977 +herself 10.796160697937012 +. 2.3806002140045166 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp/stimuli.simple.none.ccommand.txt b/data/surprisal/grnn/old/simple_pp/stimuli.simple.none.ccommand.txt new file mode 100644 index 0000000..4eb0d4a --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp/stimuli.simple.none.ccommand.txt @@ -0,0 +1,54 @@ +The 0.00 +aunt 19.181049346923828 +hurt 20.223583221435547 +herself 7.727917194366455 +. 2.1228950023651123 + -0.0 +The 0.00 +wife 16.84558868408203 +convinced 15.902865409851074 +herself 12.01860237121582 +. 6.853987693786621 + -0.0 +The 0.00 +father 14.874659538269043 +amused 21.648317337036133 +himself 3.759942054748535 +. 4.720829486846924 + -0.0 +The 0.00 +woman 15.208165168762207 +taught 11.093911170959473 +herself 7.85527229309082 +. 7.322972774505615 + -0.0 +The 0.00 +brother 17.0623722076416 +proved 13.945250511169434 +himself 6.448598384857178 +. 7.380403995513916 + -0.0 +The 0.00 +girl 16.160905838012695 +helped 11.517207145690918 +herself 10.827898025512695 +. 5.991811275482178 + -0.0 +The 0.00 +man 13.377936363220215 +pleased 20.128870010375977 +himself 8.569025993347168 +. 2.992206573486328 + -0.0 +The 0.00 +boy 15.281773567199707 +enjoyed 13.378361701965332 +himself 10.818144798278809 +. 4.6137800216674805 + -0.0 +The 0.00 +mother 15.133440017700195 +repeated 18.026288986206055 +herself 11.826895713806152 +. 3.7074694633483887 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp/stimuli.simple.none.noccommand.txt b/data/surprisal/grnn/old/simple_pp/stimuli.simple.none.noccommand.txt new file mode 100644 index 0000000..9310251 --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp/stimuli.simple.none.noccommand.txt @@ -0,0 +1,81 @@ +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +aunt 15.547688484191895 +hurt 20.889122009277344 +herself 7.245476245880127 +. 2.061948776245117 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +wife 13.418070793151855 +convinced 16.66548728942871 +herself 11.000748634338379 +. 6.386761665344238 + -0.0 +The 0.00 +boy 15.281773567199707 +near 14.630494117736816 +the 0.9525864720344543 +father 12.48727798461914 +amused 22.150325775146484 +himself 4.074063301086426 +. 3.020085096359253 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +woman 10.8173189163208 +taught 13.711091041564941 +herself 7.344015121459961 +. 6.77760124206543 + -0.0 +The 0.00 +boy 15.281773567199707 +near 14.630494117736816 +the 0.9525864720344543 +brother 15.689114570617676 +proved 15.15313720703125 +himself 5.7145676612854 +. 6.620776176452637 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +girl 11.508136749267578 +helped 13.511579513549805 +herself 9.501739501953125 +. 4.370120048522949 + -0.0 +The 0.00 +boy 15.281773567199707 +near 14.630494117736816 +the 0.9525864720344543 +man 11.695889472961426 +pleased 20.15662384033203 +himself 10.213348388671875 +. 2.6454854011535645 + -0.0 +The 0.00 +boy 15.281773567199707 +near 14.630494117736816 +the 0.9525864720344543 +boy 11.842769622802734 +enjoyed 15.142707824707031 +himself 10.852934837341309 +. 3.437413215637207 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +mother 10.42296314239502 +repeated 21.39944839477539 +herself 9.949921607971191 +. 2.937741756439209 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp/stimuli.simple.number.ccommand.txt b/data/surprisal/grnn/old/simple_pp/stimuli.simple.number.ccommand.txt new file mode 100644 index 0000000..acca621 --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp/stimuli.simple.number.ccommand.txt @@ -0,0 +1,54 @@ +The 0.00 +aunts 20.38463592529297 +hurt 17.153459548950195 +herself 10.31505012512207 +. 2.6159658432006836 + -0.0 +The 0.00 +wives 18.770931243896484 +convinced 16.063831329345703 +herself 13.642692565917969 +. 7.659912586212158 + -0.0 +The 0.00 +fathers 18.959854125976562 +amused 20.137876510620117 +himself 6.648726463317871 +. 4.915376663208008 + -0.0 +The 0.00 +women 14.445663452148438 +taught 13.670995712280273 +herself 10.181506156921387 +. 7.141361236572266 + -0.0 +The 0.00 +brothers 14.432195663452148 +proved 11.750847816467285 +himself 11.144180297851562 +. 7.568063735961914 + -0.0 +The 0.00 +girls 15.920666694641113 +helped 12.032309532165527 +herself 13.946578025817871 +. 5.9969162940979 + -0.0 +The 0.00 +men 13.755156517028809 +pleased 19.064857482910156 +himself 11.73876953125 +. 3.5859203338623047 + -0.0 +The 0.00 +boys 15.380524635314941 +enjoyed 12.270655632019043 +himself 15.174591064453125 +. 4.926529407501221 + -0.0 +The 0.00 +mothers 20.059391021728516 +repeated 17.822187423706055 +herself 15.885528564453125 +. 3.9808149337768555 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp/stimuli.simple.number.noccommand.txt b/data/surprisal/grnn/old/simple_pp/stimuli.simple.number.noccommand.txt new file mode 100644 index 0000000..b78397a --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp/stimuli.simple.number.noccommand.txt @@ -0,0 +1,81 @@ +The 0.00 +aunts 20.38463592529297 +near 15.63659954071045 +the 1.4863890409469604 +girl 12.297314643859863 +hurt 20.645978927612305 +herself 8.756882667541504 +. 1.9945635795593262 + -0.0 +The 0.00 +wives 18.770931243896484 +near 17.715036392211914 +the 1.0453813076019287 +girl 12.159805297851562 +convinced 16.511333465576172 +herself 11.492514610290527 +. 5.893202781677246 + -0.0 +The 0.00 +fathers 18.959854125976562 +near 15.991024017333984 +the 0.778113067150116 +boy 13.959329605102539 +amused 21.762826919555664 +himself 5.507512092590332 +. 3.9357893466949463 + -0.0 +The 0.00 +women 14.445663452148438 +near 14.952563285827637 +the 0.8391871452331543 +girl 13.158269882202148 +taught 13.46240520477295 +herself 9.191826820373535 +. 7.170638084411621 + -0.0 +The 0.00 +brothers 14.432195663452148 +near 15.042513847351074 +the 1.270081877708435 +boy 16.278766632080078 +proved 17.083545684814453 +himself 8.166372299194336 +. 6.300412654876709 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +girl 13.014944076538086 +helped 12.800385475158691 +herself 11.269822120666504 +. 4.705044269561768 + -0.0 +The 0.00 +men 13.755156517028809 +near 13.9115629196167 +the 0.979433536529541 +boy 14.642723083496094 +pleased 21.312667846679688 +himself 11.99701976776123 +. 3.969741106033325 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +boy 14.20080852508545 +enjoyed 14.794412612915039 +himself 12.416826248168945 +. 3.905932903289795 + -0.0 +The 0.00 +mothers 20.059391021728516 +near 14.561569213867188 +the 0.8981499671936035 +girl 12.424510955810547 +repeated 20.330259323120117 +herself 11.552711486816406 +. 2.5990822315216064 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.distractor.both.txt b/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.distractor.both.txt new file mode 100644 index 0000000..99a254d --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.distractor.both.txt @@ -0,0 +1,81 @@ +The 0.00 +aunt 19.181049346923828 +near 16.422618865966797 +the 1.069959044456482 +boys 13.647207260131836 +hurt 19.449304580688477 +herself 8.999227523803711 +. 1.8030495643615723 + -0.0 +The 0.00 +wife 16.84558868408203 +near 17.16579246520996 +the 1.045755386352539 +boys 13.561755180358887 +convinced 18.977603912353516 +herself 12.939906120300293 +. 6.145026683807373 + -0.0 +The 0.00 +father 14.874659538269043 +near 15.858187675476074 +the 1.041359305381775 +girls 13.27680778503418 +amused 21.36346435546875 +himself 5.082664966583252 +. 3.4662864208221436 + -0.0 +The 0.00 +woman 15.208165168762207 +near 14.360244750976562 +the 0.7747460603713989 +boys 14.08344841003418 +taught 15.482034683227539 +herself 9.636029243469238 +. 7.252153396606445 + -0.0 +The 0.00 +brother 17.0623722076416 +near 17.78595733642578 +the 1.1176666021347046 +girls 13.670316696166992 +proved 17.729881286621094 +himself 10.651485443115234 +. 5.780844211578369 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +boys 13.231344223022461 +helped 14.373644828796387 +herself 11.267049789428711 +. 5.442146301269531 + -0.0 +The 0.00 +man 13.377936363220215 +near 13.62673568725586 +the 0.7088931202888489 +girls 15.183980941772461 +pleased 22.251251220703125 +himself 12.008549690246582 +. 3.413850784301758 + -0.0 +The 0.00 +boy 15.281773567199707 +near 14.630494117736816 +the 0.9525864720344543 +girls 13.156723022460938 +enjoyed 15.35588264465332 +himself 13.204267501831055 +. 3.559509754180908 + -0.0 +The 0.00 +mother 15.133440017700195 +near 16.28144073486328 +the 0.9508852958679199 +boys 13.07327938079834 +repeated 19.573020935058594 +herself 12.68359661102295 +. 2.608818292617798 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.distractor.gender.txt b/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.distractor.gender.txt new file mode 100644 index 0000000..8db221e --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.distractor.gender.txt @@ -0,0 +1,81 @@ +The 0.00 +aunt 19.181049346923828 +near 16.422618865966797 +the 1.069959044456482 +boy 14.256322860717773 +hurt 20.746726989746094 +herself 8.559664726257324 +. 1.6197930574417114 + -0.0 +The 0.00 +wife 16.84558868408203 +near 17.16579246520996 +the 1.045755386352539 +boy 13.331402778625488 +convinced 17.67743492126465 +herself 12.723052024841309 +. 5.716523170471191 + -0.0 +The 0.00 +father 14.874659538269043 +near 15.858187675476074 +the 1.041359305381775 +girl 12.551790237426758 +amused 22.661392211914062 +himself 4.381463527679443 +. 2.7972350120544434 + -0.0 +The 0.00 +woman 15.208165168762207 +near 14.360244750976562 +the 0.7747460603713989 +boy 13.68127727508545 +taught 13.467606544494629 +herself 8.776666641235352 +. 6.934118747711182 + -0.0 +The 0.00 +brother 17.0623722076416 +near 17.78595733642578 +the 1.1176666021347046 +girl 13.167043685913086 +proved 16.011680603027344 +himself 8.33775520324707 +. 5.968465805053711 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +boy 12.764366149902344 +helped 12.820732116699219 +herself 10.761853218078613 +. 4.444626808166504 + -0.0 +The 0.00 +man 13.377936363220215 +near 13.62673568725586 +the 0.7088931202888489 +girl 13.55179500579834 +pleased 21.28555679321289 +himself 10.77550983428955 +. 3.160717487335205 + -0.0 +The 0.00 +boy 15.281773567199707 +near 14.630494117736816 +the 0.9525864720344543 +girl 12.404574394226074 +enjoyed 15.282750129699707 +himself 12.186297416687012 +. 3.342583179473877 + -0.0 +The 0.00 +mother 15.133440017700195 +near 16.28144073486328 +the 0.9508852958679199 +boy 13.050796508789062 +repeated 20.34363555908203 +herself 12.465065002441406 +. 2.460017204284668 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.distractor.number.txt b/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.distractor.number.txt new file mode 100644 index 0000000..a24b4c6 --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.distractor.number.txt @@ -0,0 +1,81 @@ +The 0.00 +aunt 19.181049346923828 +near 16.422618865966797 +the 1.069959044456482 +girls 12.925010681152344 +hurt 20.126331329345703 +herself 8.419693946838379 +. 1.9440757036209106 + -0.0 +The 0.00 +wife 16.84558868408203 +near 17.16579246520996 +the 1.045755386352539 +girls 12.740102767944336 +convinced 18.945037841796875 +herself 12.895416259765625 +. 5.955595970153809 + -0.0 +The 0.00 +father 14.874659538269043 +near 15.858187675476074 +the 1.041359305381775 +boys 13.023567199707031 +amused 20.40926170349121 +himself 4.910575866699219 +. 3.5747265815734863 + -0.0 +The 0.00 +woman 15.208165168762207 +near 14.360244750976562 +the 0.7747460603713989 +girls 13.821249961853027 +taught 15.550955772399902 +herself 8.821815490722656 +. 7.355156898498535 + -0.0 +The 0.00 +brother 17.0623722076416 +near 17.78595733642578 +the 1.1176666021347046 +boys 13.383172988891602 +proved 17.637832641601562 +himself 10.765411376953125 +. 5.972156524658203 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +girls 12.491315841674805 +helped 14.51579761505127 +herself 10.7140474319458 +. 5.714570045471191 + -0.0 +The 0.00 +man 13.377936363220215 +near 13.62673568725586 +the 0.7088931202888489 +boys 14.457141876220703 +pleased 22.509977340698242 +himself 11.905454635620117 +. 3.447596788406372 + -0.0 +The 0.00 +boy 15.281773567199707 +near 14.630494117736816 +the 0.9525864720344543 +boys 12.82328987121582 +enjoyed 15.6477689743042 +himself 12.994704246520996 +. 3.7064411640167236 + -0.0 +The 0.00 +mother 15.133440017700195 +near 16.28144073486328 +the 0.9508852958679199 +girls 12.656189918518066 +repeated 20.539030075073242 +herself 12.364161491394043 +. 2.60577130317688 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.head.both.txt b/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.head.both.txt new file mode 100644 index 0000000..4686387 --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.head.both.txt @@ -0,0 +1,81 @@ +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +aunt 17.133647918701172 +hurt 21.008298873901367 +herself 9.229851722717285 +. 1.9105573892593384 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +wife 15.239279747009277 +convinced 16.159557342529297 +herself 12.778284072875977 +. 6.653513431549072 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +father 14.605521202087402 +amused 22.688982009887695 +himself 6.215128421783447 +. 2.7209675312042236 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +woman 13.245766639709473 +taught 13.547747611999512 +herself 9.503462791442871 +. 7.317306995391846 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +brother 17.115774154663086 +proved 14.771504402160645 +himself 8.884906768798828 +. 6.719564437866211 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +girl 13.603850364685059 +helped 12.368900299072266 +herself 11.74925708770752 +. 4.832546710968018 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +man 13.84028434753418 +pleased 22.124006271362305 +himself 13.0925874710083 +. 2.5681869983673096 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +boy 14.17049789428711 +enjoyed 15.557705879211426 +himself 12.446549415588379 +. 3.647693395614624 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +mother 12.238313674926758 +repeated 20.74484634399414 +herself 12.557376861572266 +. 2.7116568088531494 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.head.gender.txt b/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.head.gender.txt new file mode 100644 index 0000000..b7fa143 --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.head.gender.txt @@ -0,0 +1,81 @@ +The 0.00 +boy 15.281773567199707 +near 14.630494117736816 +the 0.9525864720344543 +aunt 16.039098739624023 +hurt 20.217893600463867 +herself 8.02905559539795 +. 2.014784574508667 + -0.0 +The 0.00 +boy 15.281773567199707 +near 14.630494117736816 +the 0.9525864720344543 +wife 13.379020690917969 +convinced 16.440711975097656 +herself 11.57749080657959 +. 6.317342281341553 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +father 13.111824989318848 +amused 22.619306564331055 +himself 4.8044281005859375 +. 3.005537748336792 + -0.0 +The 0.00 +boy 15.281773567199707 +near 14.630494117736816 +the 0.9525864720344543 +woman 12.16699504852295 +taught 12.858818054199219 +herself 8.319195747375488 +. 6.791279315948486 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +brother 16.314189910888672 +proved 15.31991958618164 +himself 6.899474143981934 +. 6.738147735595703 + -0.0 +The 0.00 +boy 15.281773567199707 +near 14.630494117736816 +the 0.9525864720344543 +girl 12.404574394226074 +helped 12.334771156311035 +herself 10.208961486816406 +. 4.576335906982422 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +man 12.398178100585938 +pleased 20.708330154418945 +himself 11.006308555603027 +. 2.555852174758911 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +boy 12.764366149902344 +enjoyed 16.1237850189209 +himself 11.465269088745117 +. 3.4566195011138916 + -0.0 +The 0.00 +boy 15.281773567199707 +near 14.630494117736816 +the 0.9525864720344543 +mother 10.948660850524902 +repeated 21.043121337890625 +herself 11.589751243591309 +. 2.788339853286743 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.head.number.txt b/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.head.number.txt new file mode 100644 index 0000000..2878521 --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.head.number.txt @@ -0,0 +1,81 @@ +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +aunt 17.027156829833984 +hurt 21.352535247802734 +herself 9.321004867553711 +. 1.8018447160720825 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +wife 15.035918235778809 +convinced 16.731386184692383 +herself 12.586599349975586 +. 6.309815406799316 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +father 14.396249771118164 +amused 22.238622665405273 +himself 6.101606369018555 +. 3.060027837753296 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +woman 12.631998062133789 +taught 13.975666046142578 +herself 9.237624168395996 +. 6.926377773284912 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +brother 16.978742599487305 +proved 14.525757789611816 +himself 8.305991172790527 +. 6.928787708282471 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +girl 13.014944076538086 +helped 12.800385475158691 +herself 11.269822120666504 +. 4.705044269561768 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +man 13.51970100402832 +pleased 22.27181053161621 +himself 12.79513931274414 +. 2.9327094554901123 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +boy 14.20080852508545 +enjoyed 14.794412612915039 +himself 12.416826248168945 +. 3.905932903289795 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +mother 12.324295997619629 +repeated 21.480539321899414 +herself 12.161683082580566 +. 2.523674964904785 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.none.none.txt b/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.none.none.txt new file mode 100644 index 0000000..4eb0d4a --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp_v2/stimuli.simple.none.none.txt @@ -0,0 +1,54 @@ +The 0.00 +aunt 19.181049346923828 +hurt 20.223583221435547 +herself 7.727917194366455 +. 2.1228950023651123 + -0.0 +The 0.00 +wife 16.84558868408203 +convinced 15.902865409851074 +herself 12.01860237121582 +. 6.853987693786621 + -0.0 +The 0.00 +father 14.874659538269043 +amused 21.648317337036133 +himself 3.759942054748535 +. 4.720829486846924 + -0.0 +The 0.00 +woman 15.208165168762207 +taught 11.093911170959473 +herself 7.85527229309082 +. 7.322972774505615 + -0.0 +The 0.00 +brother 17.0623722076416 +proved 13.945250511169434 +himself 6.448598384857178 +. 7.380403995513916 + -0.0 +The 0.00 +girl 16.160905838012695 +helped 11.517207145690918 +herself 10.827898025512695 +. 5.991811275482178 + -0.0 +The 0.00 +man 13.377936363220215 +pleased 20.128870010375977 +himself 8.569025993347168 +. 2.992206573486328 + -0.0 +The 0.00 +boy 15.281773567199707 +enjoyed 13.378361701965332 +himself 10.818144798278809 +. 4.6137800216674805 + -0.0 +The 0.00 +mother 15.133440017700195 +repeated 18.026288986206055 +herself 11.826895713806152 +. 3.7074694633483887 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.distractor.both.txt b/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.distractor.both.txt new file mode 100644 index 0000000..f902457 --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.distractor.both.txt @@ -0,0 +1,90 @@ +The 0.00 +man 13.377936363220215 +near 13.62673568725586 +the 0.7088931202888489 +girls 15.183980941772461 +hurt 17.55778694152832 +himself 8.957524299621582 +. 2.349717855453491 + -0.0 +The 0.00 +husband 18.16287612915039 +near 16.357833862304688 +the 0.9808005690574646 +girls 13.453457832336426 +convinced 18.065357208251953 +himself 13.389228820800781 +. 6.398407936096191 + -0.0 +The 0.00 +father 14.874659538269043 +near 15.858187675476074 +the 1.041359305381775 +girls 13.27680778503418 +confused 21.251447677612305 +himself 9.453003883361816 +. 2.4638772010803223 + -0.0 +The 0.00 +king 14.122408866882324 +near 15.762688636779785 +the 1.0771284103393555 +girls 15.432568550109863 +taught 16.44690704345703 +himself 8.644585609436035 +. 7.294234752655029 + -0.0 +The 0.00 +brother 17.0623722076416 +near 17.78595733642578 +the 1.1176666021347046 +girls 13.670316696166992 +proved 17.729881286621094 +himself 10.651485443115234 +. 5.780844211578369 + -0.0 +The 0.00 +gentleman 18.49416160583496 +near 14.80022144317627 +the 1.3254356384277344 +girls 13.567852973937988 +helped 14.92252254486084 +himself 12.380500793457031 +. 6.625903606414795 + -0.0 +The 0.00 +grandfather 18.86957359313965 +near 17.299007415771484 +the 1.0429025888442993 +girls 14.59969425201416 +behaved 25.451709747314453 +himself 15.556882858276367 +. 2.4278714656829834 + -0.0 +The 0.00 +bachelor 17.963411331176758 +near 16.534025192260742 +the 0.9689661860466003 +girls 13.424905776977539 +enjoyed 16.06023597717285 +himself 13.872002601623535 +. 3.378262996673584 + -0.0 +The 0.00 +son 14.979900360107422 +near 18.348670959472656 +the 1.1403157711029053 +girls 14.466399192810059 +cleaned 21.295896530151367 +himself 11.71467113494873 +. 3.258739948272705 + -0.0 +The 0.00 +actor 14.651300430297852 +near 14.96750259399414 +the 0.8364214301109314 +girls 14.938898086547852 +repeated 20.147979736328125 +himself 12.345453262329102 +. 2.969663143157959 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.distractor.gender.txt b/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.distractor.gender.txt new file mode 100644 index 0000000..1205dc8 --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.distractor.gender.txt @@ -0,0 +1,90 @@ +The 0.00 +man 13.377936363220215 +near 13.62673568725586 +the 0.7088931202888489 +girl 13.55179500579834 +hurt 18.03293800354004 +himself 8.657312393188477 +. 2.1532700061798096 + -0.0 +The 0.00 +husband 18.16287612915039 +near 16.357833862304688 +the 0.9808005690574646 +girl 12.34223461151123 +convinced 17.204607009887695 +himself 11.84351921081543 +. 6.028864860534668 + -0.0 +The 0.00 +father 14.874659538269043 +near 15.858187675476074 +the 1.041359305381775 +girl 12.551790237426758 +confused 22.296297073364258 +himself 8.736562728881836 +. 1.9019756317138672 + -0.0 +The 0.00 +king 14.122408866882324 +near 15.762688636779785 +the 1.0771284103393555 +girl 14.632606506347656 +taught 14.66042423248291 +himself 7.998284339904785 +. 5.830322265625 + -0.0 +The 0.00 +brother 17.0623722076416 +near 17.78595733642578 +the 1.1176666021347046 +girl 13.167043685913086 +proved 16.011680603027344 +himself 8.33775520324707 +. 5.968465805053711 + -0.0 +The 0.00 +gentleman 18.49416160583496 +near 14.80022144317627 +the 1.3254356384277344 +girl 14.44882869720459 +helped 13.59703540802002 +himself 11.090721130371094 +. 5.5211405754089355 + -0.0 +The 0.00 +grandfather 18.86957359313965 +near 17.299007415771484 +the 1.0429025888442993 +girl 14.545035362243652 +behaved 23.855066299438477 +himself 11.260537147521973 +. 2.0556187629699707 + -0.0 +The 0.00 +bachelor 17.963411331176758 +near 16.534025192260742 +the 0.9689661860466003 +girl 13.118480682373047 +enjoyed 16.068405151367188 +himself 12.482864379882812 +. 2.99220871925354 + -0.0 +The 0.00 +son 14.979900360107422 +near 18.348670959472656 +the 1.1403157711029053 +girl 13.3851318359375 +cleaned 21.53594970703125 +himself 10.227365493774414 +. 2.2675232887268066 + -0.0 +The 0.00 +actor 14.651300430297852 +near 14.96750259399414 +the 0.8364214301109314 +girl 14.923505783081055 +repeated 20.982458114624023 +himself 11.159873008728027 +. 2.5189108848571777 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.distractor.number.txt b/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.distractor.number.txt new file mode 100644 index 0000000..f79ea86 --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.distractor.number.txt @@ -0,0 +1,90 @@ +The 0.00 +man 13.377936363220215 +near 13.62673568725586 +the 0.7088931202888489 +boys 14.457141876220703 +hurt 17.112070083618164 +himself 9.14649772644043 +. 2.324357748031616 + -0.0 +The 0.00 +husband 18.16287612915039 +near 16.357833862304688 +the 0.9808005690574646 +boys 13.603596687316895 +convinced 18.146377563476562 +himself 12.825451850891113 +. 6.5154547691345215 + -0.0 +The 0.00 +father 14.874659538269043 +near 15.858187675476074 +the 1.041359305381775 +boys 13.023567199707031 +confused 20.118520736694336 +himself 9.36211109161377 +. 2.5363783836364746 + -0.0 +The 0.00 +king 14.122408866882324 +near 15.762688636779785 +the 1.0771284103393555 +boys 15.035309791564941 +taught 16.05002784729004 +himself 8.709952354431152 +. 7.278774261474609 + -0.0 +The 0.00 +brother 17.0623722076416 +near 17.78595733642578 +the 1.1176666021347046 +boys 13.383172988891602 +proved 17.637832641601562 +himself 10.765411376953125 +. 5.972156524658203 + -0.0 +The 0.00 +gentleman 18.49416160583496 +near 14.80022144317627 +the 1.3254356384277344 +boys 12.91263198852539 +helped 14.519291877746582 +himself 12.175480842590332 +. 6.48332405090332 + -0.0 +The 0.00 +grandfather 18.86957359313965 +near 17.299007415771484 +the 1.0429025888442993 +boys 14.095730781555176 +behaved 24.80596160888672 +himself 14.84318733215332 +. 2.620070457458496 + -0.0 +The 0.00 +bachelor 17.963411331176758 +near 16.534025192260742 +the 0.9689661860466003 +boys 12.694303512573242 +enjoyed 16.18112564086914 +himself 13.794912338256836 +. 3.4675207138061523 + -0.0 +The 0.00 +son 14.979900360107422 +near 18.348670959472656 +the 1.1403157711029053 +boys 13.954299926757812 +cleaned 21.232149124145508 +himself 11.907485961914062 +. 3.1479835510253906 + -0.0 +The 0.00 +actor 14.651300430297852 +near 14.96750259399414 +the 0.8364214301109314 +boys 15.134451866149902 +repeated 19.331756591796875 +himself 12.011728286743164 +. 2.763077735900879 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.head.both.txt b/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.head.both.txt new file mode 100644 index 0000000..81b51b3 --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.head.both.txt @@ -0,0 +1,90 @@ +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +man 13.84028434753418 +hurt 16.697128295898438 +himself 10.080916404724121 +. 1.6951848268508911 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +husband 17.5199031829834 +convinced 16.759592056274414 +himself 11.916665077209473 +. 5.910999298095703 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +father 14.605521202087402 +confused 21.170169830322266 +himself 10.274373054504395 +. 2.062932014465332 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +king 12.941493034362793 +taught 15.943451881408691 +himself 9.033568382263184 +. 7.205733299255371 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +brother 17.115774154663086 +proved 14.771504402160645 +himself 8.884906768798828 +. 6.719564437866211 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +gentleman 18.891042709350586 +helped 14.28007984161377 +himself 13.41639518737793 +. 6.162606716156006 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +grandfather 16.859798431396484 +behaved 22.62746238708496 +himself 12.785913467407227 +. 2.4701285362243652 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +bachelor 16.565698623657227 +enjoyed 18.599079132080078 +himself 12.879487991333008 +. 3.704888343811035 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +son 16.71247673034668 +cleaned 21.189945220947266 +himself 13.0145263671875 +. 2.5836069583892822 + -0.0 +The 0.00 +girls 15.920666694641113 +near 15.337441444396973 +the 1.0173907279968262 +actor 16.604660034179688 +repeated 17.643600463867188 +himself 13.391653060913086 +. 2.3521244525909424 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.head.gender.txt b/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.head.gender.txt new file mode 100644 index 0000000..c3b254c --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.head.gender.txt @@ -0,0 +1,90 @@ +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +man 12.398178100585938 +hurt 16.47556495666504 +himself 8.517952919006348 +. 1.9300376176834106 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +husband 15.18376350402832 +convinced 16.26675033569336 +himself 10.698531150817871 +. 5.895328044891357 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +father 13.111824989318848 +confused 20.544048309326172 +himself 7.89410924911499 +. 2.412400722503662 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +king 11.501606941223145 +taught 15.867781639099121 +himself 7.188155174255371 +. 7.178492546081543 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +brother 16.314189910888672 +proved 15.31991958618164 +himself 6.899474143981934 +. 6.738147735595703 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +gentleman 18.924726486206055 +helped 13.833651542663574 +himself 11.79242992401123 +. 6.010986804962158 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +grandfather 16.04105567932129 +behaved 23.153762817382812 +himself 11.024189949035645 +. 2.75700044631958 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +bachelor 16.907028198242188 +enjoyed 18.591678619384766 +himself 11.761151313781738 +. 3.7835519313812256 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +son 15.23562240600586 +cleaned 22.590599060058594 +himself 10.749215126037598 +. 2.6325714588165283 + -0.0 +The 0.00 +girl 16.160905838012695 +near 14.676465034484863 +the 0.8530726432800293 +actor 15.938539505004883 +repeated 17.577991485595703 +himself 11.77117919921875 +. 2.8056092262268066 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.head.number.txt b/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.head.number.txt new file mode 100644 index 0000000..6b034e8 --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.head.number.txt @@ -0,0 +1,90 @@ +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +man 13.51970100402832 +hurt 16.89703941345215 +himself 9.799120903015137 +. 1.8254808187484741 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +husband 17.94894027709961 +convinced 16.252687454223633 +himself 11.622072219848633 +. 6.25810432434082 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +father 14.396249771118164 +confused 20.566625595092773 +himself 10.06761360168457 +. 2.2242469787597656 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +king 12.789722442626953 +taught 15.459339141845703 +himself 8.781248092651367 +. 7.649570941925049 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +brother 16.978742599487305 +proved 14.525757789611816 +himself 8.305991172790527 +. 6.928787708282471 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +gentleman 18.769657135009766 +helped 13.941123008728027 +himself 13.426807403564453 +. 6.047847270965576 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +grandfather 16.392086029052734 +behaved 22.059001922607422 +himself 12.689168930053711 +. 2.6524579524993896 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +bachelor 16.645479202270508 +enjoyed 18.071094512939453 +himself 12.915157318115234 +. 3.89142107963562 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +son 16.514698028564453 +cleaned 21.37582015991211 +himself 12.943984031677246 +. 3.1218626499176025 + -0.0 +The 0.00 +boys 15.380524635314941 +near 15.525551795959473 +the 1.0752489566802979 +actor 16.6270751953125 +repeated 16.824033737182617 +himself 13.344319343566895 +. 2.584455728530884 + -0.0 diff --git a/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.none.none.txt b/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.none.none.txt new file mode 100644 index 0000000..77e244c --- /dev/null +++ b/data/surprisal/grnn/old/simple_pp_v3/stimuli.simple.none.none.txt @@ -0,0 +1,60 @@ +The 0.00 +man 13.377936363220215 +hurt 16.395751953125 +himself 6.7831034660339355 +. 2.390413522720337 + -0.0 +The 0.00 +husband 18.16287612915039 +convinced 15.095112800598145 +himself 10.697772979736328 +. 6.839944839477539 + -0.0 +The 0.00 +father 14.874659538269043 +confused 18.852500915527344 +himself 6.80953311920166 +. 2.9861438274383545 + -0.0 +The 0.00 +king 14.122408866882324 +taught 14.349373817443848 +himself 5.366656303405762 +. 8.060689926147461 + -0.0 +The 0.00 +brother 17.0623722076416 +proved 13.945250511169434 +himself 6.448598384857178 +. 7.380403995513916 + -0.0 +The 0.00 +gentleman 18.49416160583496 +helped 11.19678783416748 +himself 10.459941864013672 +. 6.747795581817627 + -0.0 +The 0.00 +grandfather 18.86957359313965 +behaved 21.50788116455078 +himself 11.713552474975586 +. 3.1431875228881836 + -0.0 +The 0.00 +bachelor 17.963411331176758 +enjoyed 16.59904670715332 +himself 11.594857215881348 +. 4.629919528961182 + -0.0 +The 0.00 +son 14.979900360107422 +cleaned 22.955810546875 +himself 11.456459999084473 +. 3.537471294403076 + -0.0 +The 0.00 +actor 14.651300430297852 +repeated 14.557836532592773 +himself 10.644767761230469 +. 3.7453858852386475 + -0.0 diff --git a/data/grnn/v1/cc_agree_surprisal_GRNN.txt b/data/surprisal/grnn/v1/cc_agree_surprisal_GRNN.txt similarity index 100% rename from data/grnn/v1/cc_agree_surprisal_GRNN.txt rename to data/surprisal/grnn/v1/cc_agree_surprisal_GRNN.txt diff --git a/data/grnn/v1/cc_agreepl_surprisal_GRNN.txt b/data/surprisal/grnn/v1/cc_agreepl_surprisal_GRNN.txt similarity index 100% rename from data/grnn/v1/cc_agreepl_surprisal_GRNN.txt rename to data/surprisal/grnn/v1/cc_agreepl_surprisal_GRNN.txt diff --git a/data/grnn/v1/cc_pl_surprisal_GRNN.txt b/data/surprisal/grnn/v1/cc_pl_surprisal_GRNN.txt similarity index 100% rename from data/grnn/v1/cc_pl_surprisal_GRNN.txt rename to data/surprisal/grnn/v1/cc_pl_surprisal_GRNN.txt diff --git a/data/grnn/v1/cc_rcagree_surprisal_GRNN.txt b/data/surprisal/grnn/v1/cc_rcagree_surprisal_GRNN.txt similarity index 100% rename from data/grnn/v1/cc_rcagree_surprisal_GRNN.txt rename to data/surprisal/grnn/v1/cc_rcagree_surprisal_GRNN.txt diff --git a/data/grnn/v1/cc_surprisal_GRNN.txt b/data/surprisal/grnn/v1/cc_surprisal_GRNN.txt similarity index 100% rename from data/grnn/v1/cc_surprisal_GRNN.txt rename to data/surprisal/grnn/v1/cc_surprisal_GRNN.txt diff --git a/data/grnn/v1/loc_surprisal_GRNN.txt b/data/surprisal/grnn/v1/loc_surprisal_GRNN.txt similarity index 100% rename from data/grnn/v1/loc_surprisal_GRNN.txt rename to data/surprisal/grnn/v1/loc_surprisal_GRNN.txt diff --git a/data/jrnn/exp1a-ml-rc/herself_jrnn.txt b/data/surprisal/jrnn/exp1a-ml-rc/herself_jrnn.txt similarity index 100% rename from data/jrnn/exp1a-ml-rc/herself_jrnn.txt rename to data/surprisal/jrnn/exp1a-ml-rc/herself_jrnn.txt diff --git a/data/jrnn/exp1a-ml-rc/himself_jrnn.txt b/data/surprisal/jrnn/exp1a-ml-rc/himself_jrnn.txt similarity index 100% rename from data/jrnn/exp1a-ml-rc/himself_jrnn.txt rename to data/surprisal/jrnn/exp1a-ml-rc/himself_jrnn.txt diff --git a/data/jrnn/exp1a-ml-rc/themselves_jrnn.txt b/data/surprisal/jrnn/exp1a-ml-rc/themselves_jrnn.txt similarity index 100% rename from data/jrnn/exp1a-ml-rc/themselves_jrnn.txt rename to data/surprisal/jrnn/exp1a-ml-rc/themselves_jrnn.txt diff --git a/data/jrnn/exp1b-ml-comp/herself_jrnn.txt b/data/surprisal/jrnn/exp1b-ml-comp/herself_jrnn.txt similarity index 100% rename from data/jrnn/exp1b-ml-comp/herself_jrnn.txt rename to data/surprisal/jrnn/exp1b-ml-comp/herself_jrnn.txt diff --git a/data/jrnn/exp1b-ml-comp/himself_jrnn.txt b/data/surprisal/jrnn/exp1b-ml-comp/himself_jrnn.txt similarity index 100% rename from data/jrnn/exp1b-ml-comp/himself_jrnn.txt rename to data/surprisal/jrnn/exp1b-ml-comp/himself_jrnn.txt diff --git a/data/jrnn/exp1b-ml-comp/themselves_jrnn.txt b/data/surprisal/jrnn/exp1b-ml-comp/themselves_jrnn.txt similarity index 100% rename from data/jrnn/exp1b-ml-comp/themselves_jrnn.txt rename to data/surprisal/jrnn/exp1b-ml-comp/themselves_jrnn.txt diff --git a/data/jrnn/exp2-rc/herself_jrnn.txt b/data/surprisal/jrnn/exp2-rc/herself_jrnn.txt similarity index 100% rename from data/jrnn/exp2-rc/herself_jrnn.txt rename to data/surprisal/jrnn/exp2-rc/herself_jrnn.txt diff --git a/data/jrnn/exp2-rc/himself_jrnn.txt b/data/surprisal/jrnn/exp2-rc/himself_jrnn.txt similarity index 100% rename from data/jrnn/exp2-rc/himself_jrnn.txt rename to data/surprisal/jrnn/exp2-rc/himself_jrnn.txt diff --git a/data/jrnn/exp2-rc/themselves_jrnn.txt b/data/surprisal/jrnn/exp2-rc/themselves_jrnn.txt similarity index 100% rename from data/jrnn/exp2-rc/themselves_jrnn.txt rename to data/surprisal/jrnn/exp2-rc/themselves_jrnn.txt diff --git a/data/jrnn/exp3-comp/herself_jrnn.txt b/data/surprisal/jrnn/exp3-comp/herself_jrnn.txt similarity index 100% rename from data/jrnn/exp3-comp/herself_jrnn.txt rename to data/surprisal/jrnn/exp3-comp/herself_jrnn.txt diff --git a/data/jrnn/exp3-comp/himself_jrnn.txt b/data/surprisal/jrnn/exp3-comp/himself_jrnn.txt similarity index 100% rename from data/jrnn/exp3-comp/himself_jrnn.txt rename to data/surprisal/jrnn/exp3-comp/himself_jrnn.txt diff --git a/data/jrnn/exp3-comp/themselves_jrnn.txt b/data/surprisal/jrnn/exp3-comp/themselves_jrnn.txt similarity index 100% rename from data/jrnn/exp3-comp/themselves_jrnn.txt rename to data/surprisal/jrnn/exp3-comp/themselves_jrnn.txt diff --git a/data/jrnn/exp4-pp/herself_jrnn.txt b/data/surprisal/jrnn/exp4-pp/herself_jrnn.txt similarity index 100% rename from data/jrnn/exp4-pp/herself_jrnn.txt rename to data/surprisal/jrnn/exp4-pp/herself_jrnn.txt diff --git a/data/jrnn/exp4-pp/himself_jrnn.txt b/data/surprisal/jrnn/exp4-pp/himself_jrnn.txt similarity index 100% rename from data/jrnn/exp4-pp/himself_jrnn.txt rename to data/surprisal/jrnn/exp4-pp/himself_jrnn.txt diff --git a/data/jrnn/exp4-pp/themselves_jrnn.txt b/data/surprisal/jrnn/exp4-pp/themselves_jrnn.txt similarity index 100% rename from data/jrnn/exp4-pp/themselves_jrnn.txt rename to data/surprisal/jrnn/exp4-pp/themselves_jrnn.txt diff --git a/data/rnng/exp2-rc/herself_rnng.txt b/data/surprisal/rnng/exp2-rc/herself_rnng.txt similarity index 100% rename from data/rnng/exp2-rc/herself_rnng.txt rename to data/surprisal/rnng/exp2-rc/herself_rnng.txt diff --git a/data/rnng/exp2-rc/himself_rnng.txt b/data/surprisal/rnng/exp2-rc/himself_rnng.txt similarity index 100% rename from data/rnng/exp2-rc/himself_rnng.txt rename to data/surprisal/rnng/exp2-rc/himself_rnng.txt diff --git a/data/rnng/exp2-rc/themselves_rnng.txt b/data/surprisal/rnng/exp2-rc/themselves_rnng.txt similarity index 100% rename from data/rnng/exp2-rc/themselves_rnng.txt rename to data/surprisal/rnng/exp2-rc/themselves_rnng.txt diff --git a/data/rnng/exp3-comp/herself_rnng.txt b/data/surprisal/rnng/exp3-comp/herself_rnng.txt similarity index 100% rename from data/rnng/exp3-comp/herself_rnng.txt rename to data/surprisal/rnng/exp3-comp/herself_rnng.txt diff --git a/data/rnng/exp3-comp/himself_rnng.txt b/data/surprisal/rnng/exp3-comp/himself_rnng.txt similarity index 100% rename from data/rnng/exp3-comp/himself_rnng.txt rename to data/surprisal/rnng/exp3-comp/himself_rnng.txt diff --git a/data/rnng/exp3-comp/themselves_rnng.txt b/data/surprisal/rnng/exp3-comp/themselves_rnng.txt similarity index 100% rename from data/rnng/exp3-comp/themselves_rnng.txt rename to data/surprisal/rnng/exp3-comp/themselves_rnng.txt diff --git a/data/rnng/exp4-pp/herself_rnng.txt b/data/surprisal/rnng/exp4-pp/herself_rnng.txt similarity index 100% rename from data/rnng/exp4-pp/herself_rnng.txt rename to data/surprisal/rnng/exp4-pp/herself_rnng.txt diff --git a/data/rnng/exp4-pp/himself_rnng.txt b/data/surprisal/rnng/exp4-pp/himself_rnng.txt similarity index 100% rename from data/rnng/exp4-pp/himself_rnng.txt rename to data/surprisal/rnng/exp4-pp/himself_rnng.txt diff --git a/data/rnng/exp4-pp/themselves_rnng.txt b/data/surprisal/rnng/exp4-pp/themselves_rnng.txt similarity index 100% rename from data/rnng/exp4-pp/themselves_rnng.txt rename to data/surprisal/rnng/exp4-pp/themselves_rnng.txt diff --git a/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.local.both.txt b/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.local.both.txt new file mode 100644 index 0000000..b0ef7a4 --- /dev/null +++ b/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.local.both.txt @@ -0,0 +1,100 @@ +The 1.79262 +man 7.40829 +said 4.35674 +that 2.38224 +the 2.01037 +girls 9.5952 +hurt 9.90534 +himself 9.11763 +. 2.67681 + 0.0 +The 1.79262 +husband 11.7626 +said 4.15067 +that 2.73286 +the 2.01048 +girls 11.4681 +convinced 12.1205 +himself 13.4677 +. 6.81877 + 0.0 +The 1.79262 +father 10.2404 +said 5.73736 +that 2.61486 +the 1.98574 +girls 11.1322 +confused 13.7053 +himself 8.45023 +. 2.98859 + 0.0 +The 1.79262 +king 11.4317 +said 4.83014 +that 2.51994 +the 1.87132 +girls 10.4028 +taught 10.4092 +himself 6.94222 +. 3.58104 + 0.0 +The 1.79262 +brother 10.7127 +said 5.19587 +that 2.51033 +the 1.8403 +girls 10.5272 +proved 10.132 +himself 10.626 +. 3.77846 + 0.0 +The 1.79262 +prince 13.2487 +said 7.13114 +that 2.59213 +the 1.75931 +girls 11.293 +helped 9.25313 +himself 8.95705 +. 3.80974 + 0.0 +The 1.79262 +grandfather 12.0572 +said 5.23282 +that 2.57511 +the 1.69108 +girls 11.0406 +behaved 9.01251 +himself 11.8147 +. 3.17479 + 0.0 +The 1.79262 +uncle 12.2405 +said 2.79659 +that 2.63492 +the 1.80619 +girls 11.3181 +enjoyed 10.0491 +himself 9.77266 +. 2.75936 + 0.0 +The 1.79262 +son 8.70189 +said 4.62168 +that 2.58681 +the 2.01528 +girls 11.0469 +cleaned 15.7845 +himself 6.53529 +. 2.33771 + 0.0 +The 1.79262 +actor 11.7284 +said 5.77524 +that 2.33708 +the 1.77638 +girls 10.1342 +repeated 11.6817 +himself 8.93383 +. 2.37175 + 0.0 diff --git a/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.local.gender.txt b/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.local.gender.txt new file mode 100644 index 0000000..851215e --- /dev/null +++ b/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.local.gender.txt @@ -0,0 +1,100 @@ +The 1.79262 +man 7.40829 +said 4.35674 +that 2.38224 +the 2.01037 +girl 9.93053 +hurt 10.6542 +himself 7.78041 +. 2.42779 + 0.0 +The 1.79262 +husband 11.7626 +said 4.15067 +that 2.73286 +the 2.01048 +girl 11.2997 +convinced 12.4791 +himself 12.35 +. 6.74355 + 0.0 +The 1.79262 +father 10.2404 +said 5.73736 +that 2.61486 +the 1.98574 +girl 11.0846 +confused 12.5112 +himself 7.82954 +. 2.69729 + 0.0 +The 1.79262 +king 11.4317 +said 4.83014 +that 2.51994 +the 1.87132 +girl 10.4251 +taught 8.98575 +himself 6.16018 +. 3.31936 + 0.0 +The 1.79262 +brother 10.7127 +said 5.19587 +that 2.51033 +the 1.8403 +girl 10.4919 +proved 9.342 +himself 9.04066 +. 3.85421 + 0.0 +The 1.79262 +prince 13.2487 +said 7.13114 +that 2.59213 +the 1.75931 +girl 11.0836 +helped 7.91658 +himself 8.17309 +. 3.73426 + 0.0 +The 1.79262 +grandfather 12.0572 +said 5.23282 +that 2.57511 +the 1.69108 +girl 10.783 +behaved 13.3848 +himself 9.84866 +. 3.76003 + 0.0 +The 1.79262 +uncle 12.2405 +said 2.79659 +that 2.63492 +the 1.80619 +girl 11.2092 +enjoyed 9.17674 +himself 8.32791 +. 2.32477 + 0.0 +The 1.79262 +son 8.70189 +said 4.62168 +that 2.58681 +the 2.01528 +girl 10.9585 +cleaned 14.7881 +himself 5.83632 +. 2.20641 + 0.0 +The 1.79262 +actor 11.7284 +said 5.77524 +that 2.33708 +the 1.77638 +girl 10.3103 +repeated 10.2425 +himself 7.23686 +. 2.34532 + 0.0 diff --git a/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.local.number.txt b/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.local.number.txt new file mode 100644 index 0000000..0572dd9 --- /dev/null +++ b/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.local.number.txt @@ -0,0 +1,100 @@ +The 1.79262 +man 7.40829 +said 4.35674 +that 2.38224 +the 2.01037 +boys 10.4837 +hurt 10.2347 +himself 9.05161 +. 2.46597 + 0.0 +The 1.79262 +husband 11.7626 +said 4.15067 +that 2.73286 +the 2.01048 +boys 11.3171 +convinced 13.0101 +himself 12.7913 +. 6.02787 + 0.0 +The 1.79262 +father 10.2404 +said 5.73736 +that 2.61486 +the 1.98574 +boys 11.0385 +confused 13.7436 +himself 8.61449 +. 2.65693 + 0.0 +The 1.79262 +king 11.4317 +said 4.83014 +that 2.51994 +the 1.87132 +boys 10.8298 +taught 10.7427 +himself 6.88084 +. 2.93035 + 0.0 +The 1.79262 +brother 10.7127 +said 5.19587 +that 2.51033 +the 1.8403 +boys 10.8671 +proved 10.3055 +himself 10.5216 +. 3.27921 + 0.0 +The 1.79262 +prince 13.2487 +said 7.13114 +that 2.59213 +the 1.75931 +boys 11.1184 +helped 9.57473 +himself 8.99667 +. 3.93886 + 0.0 +The 1.79262 +grandfather 12.0572 +said 5.23282 +that 2.57511 +the 1.69108 +boys 10.8972 +behaved 9.48056 +himself 11.7957 +. 2.48848 + 0.0 +The 1.79262 +uncle 12.2405 +said 2.79659 +that 2.63492 +the 1.80619 +boys 10.9596 +enjoyed 10.4599 +himself 9.87391 +. 2.38663 + 0.0 +The 1.79262 +son 8.70189 +said 4.62168 +that 2.58681 +the 2.01528 +boys 11.2125 +cleaned 16.0488 +himself 6.68723 +. 2.00794 + 0.0 +The 1.79262 +actor 11.7284 +said 5.77524 +that 2.33708 +the 1.77638 +boys 10.633 +repeated 12.571 +himself 8.92737 +. 2.06718 + 0.0 diff --git a/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.matrix.both.txt b/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.matrix.both.txt new file mode 100644 index 0000000..6ecfe33 --- /dev/null +++ b/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.matrix.both.txt @@ -0,0 +1,100 @@ +The 1.79262 +girls 11.7687 +said 4.21909 +that 2.67393 +the 1.74057 +man 8.33644 +hurt 10.8388 +himself 8.02442 +. 2.32207 + 0.0 +The 1.79262 +girls 11.7687 +said 4.21909 +that 2.67393 +the 1.74057 +husband 12.378 +convinced 13.6235 +himself 12.3075 +. 6.78791 + 0.0 +The 1.79262 +girls 11.7687 +said 4.21909 +that 2.67393 +the 1.74057 +father 11.044 +confused 14.7181 +himself 7.49111 +. 2.7513 + 0.0 +The 1.79262 +girls 11.7687 +said 4.21909 +that 2.67393 +the 1.74057 +king 11.4895 +taught 8.83641 +himself 6.07753 +. 3.13644 + 0.0 +The 1.79262 +girls 11.7687 +said 4.21909 +that 2.67393 +the 1.74057 +brother 11.8093 +proved 10.6854 +himself 8.37125 +. 3.96784 + 0.0 +The 1.79262 +girls 11.7687 +said 4.21909 +that 2.67393 +the 1.74057 +prince 13.1696 +helped 7.89698 +himself 8.73415 +. 3.96507 + 0.0 +The 1.79262 +girls 11.7687 +said 4.21909 +that 2.67393 +the 1.74057 +grandfather 12.6837 +behaved 11.0179 +himself 11.3581 +. 2.58608 + 0.0 +The 1.79262 +girls 11.7687 +said 4.21909 +that 2.67393 +the 1.74057 +uncle 12.3203 +enjoyed 9.1715 +himself 8.97122 +. 2.27279 + 0.0 +The 1.79262 +girls 11.7687 +said 4.21909 +that 2.67393 +the 1.74057 +son 10.5218 +cleaned 14.5959 +himself 5.5907 +. 2.78201 + 0.0 +The 1.79262 +girls 11.7687 +said 4.21909 +that 2.67393 +the 1.74057 +actor 11.2323 +repeated 11.1613 +himself 7.20557 +. 1.48338 + 0.0 diff --git a/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.matrix.gender.txt b/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.matrix.gender.txt new file mode 100644 index 0000000..a4cdd5d --- /dev/null +++ b/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.matrix.gender.txt @@ -0,0 +1,100 @@ +The 1.79262 +girl 11.3106 +said 4.20232 +that 2.5962 +the 1.86716 +man 8.30681 +hurt 10.6764 +himself 7.52426 +. 2.39995 + 0.0 +The 1.79262 +girl 11.3106 +said 4.20232 +that 2.5962 +the 1.86716 +husband 12.2044 +convinced 14.0025 +himself 11.9963 +. 6.8547 + 0.0 +The 1.79262 +girl 11.3106 +said 4.20232 +that 2.5962 +the 1.86716 +father 11.1501 +confused 14.7434 +himself 7.42621 +. 2.88993 + 0.0 +The 1.79262 +girl 11.3106 +said 4.20232 +that 2.5962 +the 1.86716 +king 11.4053 +taught 8.73533 +himself 6.02599 +. 3.31518 + 0.0 +The 1.79262 +girl 11.3106 +said 4.20232 +that 2.5962 +the 1.86716 +brother 11.792 +proved 10.7854 +himself 8.17805 +. 4.03585 + 0.0 +The 1.79262 +girl 11.3106 +said 4.20232 +that 2.5962 +the 1.86716 +prince 13.3792 +helped 7.5299 +himself 8.89099 +. 3.76058 + 0.0 +The 1.79262 +girl 11.3106 +said 4.20232 +that 2.5962 +the 1.86716 +grandfather 12.7537 +behaved 11.3628 +himself 10.9716 +. 2.69668 + 0.0 +The 1.79262 +girl 11.3106 +said 4.20232 +that 2.5962 +the 1.86716 +uncle 12.2678 +enjoyed 9.01279 +himself 8.49021 +. 2.36215 + 0.0 +The 1.79262 +girl 11.3106 +said 4.20232 +that 2.5962 +the 1.86716 +son 10.3466 +cleaned 15.0714 +himself 5.51462 +. 3.00409 + 0.0 +The 1.79262 +girl 11.3106 +said 4.20232 +that 2.5962 +the 1.86716 +actor 11.2651 +repeated 10.9039 +himself 6.86771 +. 1.60567 + 0.0 diff --git a/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.matrix.number.txt b/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.matrix.number.txt new file mode 100644 index 0000000..2330e30 --- /dev/null +++ b/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.matrix.number.txt @@ -0,0 +1,100 @@ +The 1.79262 +boys 9.86152 +said 6.69055 +that 2.69764 +the 1.71891 +man 8.32995 +hurt 10.7974 +himself 7.94675 +. 2.18883 + 0.0 +The 1.79262 +boys 9.86152 +said 6.69055 +that 2.69764 +the 1.71891 +husband 11.9175 +convinced 13.5348 +himself 12.014 +. 6.48763 + 0.0 +The 1.79262 +boys 9.86152 +said 6.69055 +that 2.69764 +the 1.71891 +father 10.7144 +confused 14.4411 +himself 7.45153 +. 2.60236 + 0.0 +The 1.79262 +boys 9.86152 +said 6.69055 +that 2.69764 +the 1.71891 +king 11.2014 +taught 8.73234 +himself 6.16036 +. 2.86163 + 0.0 +The 1.79262 +boys 9.86152 +said 6.69055 +that 2.69764 +the 1.71891 +brother 11.7008 +proved 10.5194 +himself 8.3921 +. 3.76272 + 0.0 +The 1.79262 +boys 9.86152 +said 6.69055 +that 2.69764 +the 1.71891 +prince 13.0287 +helped 7.63993 +himself 8.656 +. 3.99945 + 0.0 +The 1.79262 +boys 9.86152 +said 6.69055 +that 2.69764 +the 1.71891 +grandfather 12.4615 +behaved 11.2383 +himself 11.3978 +. 2.40317 + 0.0 +The 1.79262 +boys 9.86152 +said 6.69055 +that 2.69764 +the 1.71891 +uncle 12.1716 +enjoyed 9.01312 +himself 8.81405 +. 2.15699 + 0.0 +The 1.79262 +boys 9.86152 +said 6.69055 +that 2.69764 +the 1.71891 +son 10.3265 +cleaned 14.402 +himself 5.68984 +. 2.45166 + 0.0 +The 1.79262 +boys 9.86152 +said 6.69055 +that 2.69764 +the 1.71891 +actor 10.9821 +repeated 11.1938 +himself 7.08797 +. 1.32334 + 0.0 diff --git a/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.none.none.txt b/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.none.none.txt new file mode 100644 index 0000000..6aa7409 --- /dev/null +++ b/data/surprisal/rnng/old/embed_pp_v3_no_eos/stimuli.embed.none.none.txt @@ -0,0 +1,100 @@ +The 1.79262 +boy 11.7973 +said 3.83846 +that 2.65979 +the 1.98074 +man 8.27481 +hurt 10.5726 +himself 7.16764 +. 2.43743 + 0.0 +The 1.79262 +boy 11.7973 +said 3.83846 +that 2.65979 +the 1.98074 +husband 11.8252 +convinced 14.1693 +himself 11.6202 +. 6.83155 + 0.0 +The 1.79262 +boy 11.7973 +said 3.83846 +that 2.65979 +the 1.98074 +father 10.7455 +confused 14.5079 +himself 7.30621 +. 2.93679 + 0.0 +The 1.79262 +boy 11.7973 +said 3.83846 +that 2.65979 +the 1.98074 +king 11.1098 +taught 8.61576 +himself 5.99549 +. 3.27621 + 0.0 +The 1.79262 +boy 11.7973 +said 3.83846 +that 2.65979 +the 1.98074 +brother 11.5788 +proved 10.7106 +himself 8.16358 +. 4.12879 + 0.0 +The 1.79262 +boy 11.7973 +said 3.83846 +that 2.65979 +the 1.98074 +prince 13.025 +helped 7.41524 +himself 8.89064 +. 3.70317 + 0.0 +The 1.79262 +boy 11.7973 +said 3.83846 +that 2.65979 +the 1.98074 +grandfather 12.5658 +behaved 11.347 +himself 10.8463 +. 2.75146 + 0.0 +The 1.79262 +boy 11.7973 +said 3.83846 +that 2.65979 +the 1.98074 +uncle 12.129 +enjoyed 8.77923 +himself 8.02299 +. 2.4227 + 0.0 +The 1.79262 +boy 11.7973 +said 3.83846 +that 2.65979 +the 1.98074 +son 9.99262 +cleaned 14.9148 +himself 5.5978 +. 2.87863 + 0.0 +The 1.79262 +boy 11.7973 +said 3.83846 +that 2.65979 +the 1.98074 +actor 10.8224 +repeated 10.7182 +himself 6.53714 +. 1.6431 + 0.0 diff --git a/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.distractor.both.txt b/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.distractor.both.txt new file mode 100644 index 0000000..133ec33 --- /dev/null +++ b/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.distractor.both.txt @@ -0,0 +1,81 @@ +The 1.79262 +aunt 12.6668 +near 8.74026 +the 1.10762 +boys 13.362 +hurt 9.26106 +herself 9.66096 +. 1.46169 + 0.0 +The 1.79262 +wife 11.0683 +near 9.82519 +the 1.4063 +boys 14.1396 +convinced 12.4625 +herself 11.0626 +. 2.60818 + 0.0 +The 1.79262 +father 10.2404 +near 10.5409 +the 1.24996 +girls 12.3026 +confused 11.6506 +himself 6.78273 +. 2.21346 + 0.0 +The 1.79262 +woman 8.38209 +near 8.65493 +the 1.31757 +boys 14.4441 +taught 9.13402 +herself 7.13278 +. 0.813885 + 0.0 +The 1.79262 +brother 10.7127 +near 9.09162 +the 1.23347 +girls 12.5004 +proved 8.45693 +himself 8.05071 +. 2.94206 + 0.0 +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +boys 12.9375 +helped 6.61593 +herself 9.72449 +. 1.90412 + 0.0 +The 1.79262 +man 7.40829 +near 7.99136 +the 0.958475 +girls 11.3502 +pleased 10.1438 +himself 5.82199 +. 2.07854 + 0.0 +The 1.79262 +boy 11.7973 +near 9.64787 +the 1.17812 +girls 12.5188 +enjoyed 8.84189 +himself 7.0316 +. 2.42886 + 0.0 +The 1.79262 +mother 11.2391 +near 9.89524 +the 1.05775 +boys 13.7602 +repeated 11.4755 +herself 7.56489 +. 1.15016 + 0.0 diff --git a/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.distractor.gender.txt b/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.distractor.gender.txt new file mode 100644 index 0000000..4070bc2 --- /dev/null +++ b/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.distractor.gender.txt @@ -0,0 +1,81 @@ +The 1.79262 +aunt 12.6668 +near 8.74026 +the 1.10762 +boy 11.0126 +hurt 9.18213 +herself 8.57157 +. 1.5584 + 0.0 +The 1.79262 +wife 11.0683 +near 9.82519 +the 1.4063 +boy 11.5314 +convinced 13.0641 +herself 10.4921 +. 2.96678 + 0.0 +The 1.79262 +father 10.2404 +near 10.5409 +the 1.24996 +girl 10.9914 +confused 11.5027 +himself 6.32208 +. 1.97498 + 0.0 +The 1.79262 +woman 8.38209 +near 8.65493 +the 1.31757 +boy 11.0219 +taught 8.23033 +herself 7.033 +. 1.04057 + 0.0 +The 1.79262 +brother 10.7127 +near 9.09162 +the 1.23347 +girl 11.1313 +proved 8.61006 +himself 7.25448 +. 3.08948 + 0.0 +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +boy 10.6978 +helped 5.57424 +herself 9.22013 +. 2.11893 + 0.0 +The 1.79262 +man 7.40829 +near 7.99136 +the 0.958475 +girl 9.98985 +pleased 10.0587 +himself 5.54821 +. 2.0699 + 0.0 +The 1.79262 +boy 11.7973 +near 9.64787 +the 1.17812 +girl 11.4163 +enjoyed 8.74767 +himself 6.37347 +. 2.33801 + 0.0 +The 1.79262 +mother 11.2391 +near 9.89524 +the 1.05775 +boy 10.5622 +repeated 9.62576 +herself 7.37375 +. 1.28799 + 0.0 diff --git a/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.distractor.number.txt b/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.distractor.number.txt new file mode 100644 index 0000000..0194efd --- /dev/null +++ b/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.distractor.number.txt @@ -0,0 +1,81 @@ +The 1.79262 +aunt 12.6668 +near 8.74026 +the 1.10762 +girls 12.1528 +hurt 8.30256 +herself 9.7748 +. 1.48981 + 0.0 +The 1.79262 +wife 11.0683 +near 9.82519 +the 1.4063 +girls 12.6406 +convinced 11.0748 +herself 11.5432 +. 2.71007 + 0.0 +The 1.79262 +father 10.2404 +near 10.5409 +the 1.24996 +boys 13.7704 +confused 12.8589 +himself 7.08222 +. 1.98343 + 0.0 +The 1.79262 +woman 8.38209 +near 8.65493 +the 1.31757 +girls 12.326 +taught 8.53236 +herself 7.12845 +. 0.884542 + 0.0 +The 1.79262 +brother 10.7127 +near 9.09162 +the 1.23347 +boys 14.3719 +proved 9.02878 +himself 7.90875 +. 2.87471 + 0.0 +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +girls 11.5933 +helped 5.47629 +herself 9.64994 +. 1.9942 + 0.0 +The 1.79262 +man 7.40829 +near 7.99136 +the 0.958475 +boys 13.0917 +pleased 11.1557 +himself 5.82136 +. 1.87107 + 0.0 +The 1.79262 +boy 11.7973 +near 9.64787 +the 1.17812 +boys 14.3858 +enjoyed 9.99103 +himself 7.37075 +. 2.26675 + 0.0 +The 1.79262 +mother 11.2391 +near 9.89524 +the 1.05775 +girls 11.8621 +repeated 10.1085 +herself 7.69073 +. 1.19011 + 0.0 diff --git a/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.head.both.txt b/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.head.both.txt new file mode 100644 index 0000000..16b3ad0 --- /dev/null +++ b/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.head.both.txt @@ -0,0 +1,81 @@ +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +aunt 12.8497 +hurt 9.00969 +herself 10.3784 +. 1.4066 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +wife 11.9552 +convinced 13.3747 +herself 11.6853 +. 2.40338 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +father 10.8316 +confused 13.3348 +himself 7.3953 +. 2.36302 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +woman 10.428 +taught 9.06112 +herself 7.25975 +. 0.946383 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +brother 12.3245 +proved 9.69733 +himself 7.87993 +. 3.13715 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +girl 11.4037 +helped 6.2391 +herself 9.90982 +. 2.03444 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +man 8.87697 +pleased 11.5234 +himself 5.90312 +. 2.27056 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +boy 10.8873 +enjoyed 8.96482 +himself 7.55435 +. 2.70443 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +mother 10.0252 +repeated 11.533 +herself 7.9035 +. 1.13692 + 0.0 diff --git a/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.head.gender.txt b/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.head.gender.txt new file mode 100644 index 0000000..d93eaaa --- /dev/null +++ b/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.head.gender.txt @@ -0,0 +1,81 @@ +The 1.79262 +boy 11.7973 +near 9.64787 +the 1.17812 +aunt 13.0204 +hurt 9.29146 +herself 8.37495 +. 1.51786 + 0.0 +The 1.79262 +boy 11.7973 +near 9.64787 +the 1.17812 +wife 12.3648 +convinced 13.7895 +herself 10.6493 +. 2.63321 + 0.0 +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +father 10.4934 +confused 13.3197 +himself 7.0023 +. 2.00423 + 0.0 +The 1.79262 +boy 11.7973 +near 9.64787 +the 1.17812 +woman 10.1269 +taught 8.66685 +herself 6.7888 +. 1.17362 + 0.0 +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +brother 12.1193 +proved 8.88856 +himself 7.3588 +. 3.00874 + 0.0 +The 1.79262 +boy 11.7973 +near 9.64787 +the 1.17812 +girl 11.4163 +helped 6.17164 +herself 8.99486 +. 2.18797 + 0.0 +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +man 8.74243 +pleased 10.8223 +himself 5.69306 +. 1.96409 + 0.0 +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +boy 10.6978 +enjoyed 8.67984 +himself 6.93824 +. 2.16709 + 0.0 +The 1.79262 +boy 11.7973 +near 9.64787 +the 1.17812 +mother 9.93564 +repeated 10.2716 +herself 7.28752 +. 1.36632 + 0.0 diff --git a/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.head.number.txt b/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.head.number.txt new file mode 100644 index 0000000..5dffefc --- /dev/null +++ b/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.head.number.txt @@ -0,0 +1,81 @@ +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +aunt 12.4018 +hurt 9.3091 +herself 10.3191 +. 1.5851 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +wife 11.7444 +convinced 13.6104 +herself 11.6964 +. 2.96728 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +father 11.2624 +confused 13.3256 +himself 7.71298 +. 1.9976 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +woman 9.97706 +taught 9.49551 +herself 7.01356 +. 1.04814 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +brother 12.888 +proved 9.38735 +himself 7.97658 +. 2.99485 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +girl 11.2249 +helped 6.77579 +herself 9.56738 +. 2.07602 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +man 9.49645 +pleased 11.4971 +himself 6.15609 +. 1.89832 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +boy 10.8878 +enjoyed 8.89361 +himself 7.88624 +. 2.32574 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +mother 10.2698 +repeated 11.0325 +herself 7.86755 +. 1.30375 + 0.0 diff --git a/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.none.none.txt b/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.none.none.txt new file mode 100644 index 0000000..5a7f9c4 --- /dev/null +++ b/data/surprisal/rnng/old/simple_pp_v2_no_eos/stimuli.simple.none.none.txt @@ -0,0 +1,54 @@ +The 1.79262 +aunt 12.6668 +hurt 9.5928 +herself 11.2301 +. 1.78023 + 0.0 +The 1.79262 +wife 11.0683 +convinced 15.868 +herself 12.275 +. 3.57871 + 0.0 +The 1.79262 +father 10.2404 +confused 14.0882 +himself 7.07107 +. 2.71271 + 0.0 +The 1.79262 +woman 8.38209 +taught 8.83497 +herself 6.83216 +. 1.31474 + 0.0 +The 1.79262 +brother 10.7127 +proved 10.0914 +himself 7.31742 +. 3.39301 + 0.0 +The 1.79262 +girl 11.3106 +helped 7.2314 +herself 9.76488 +. 2.02409 + 0.0 +The 1.79262 +man 7.40829 +pleased 11.3746 +himself 5.80344 +. 2.53736 + 0.0 +The 1.79262 +boy 11.7973 +enjoyed 8.60774 +himself 7.17696 +. 2.98858 + 0.0 +The 1.79262 +mother 11.2391 +repeated 9.88552 +herself 8.05208 +. 1.34116 + 0.0 diff --git a/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.distractor.both.txt b/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.distractor.both.txt new file mode 100644 index 0000000..1898cb2 --- /dev/null +++ b/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.distractor.both.txt @@ -0,0 +1,90 @@ +The 1.79262 +man 7.40829 +near 7.99136 +the 0.958475 +girls 11.3502 +hurt 8.38915 +himself 6.54251 +. 1.80723 + 0.0 +The 1.79262 +husband 11.7626 +near 12.0674 +the 1.59281 +girls 13.0919 +convinced 11.7493 +himself 10.765 +. 6.21398 + 0.0 +The 1.79262 +father 10.2404 +near 10.5409 +the 1.24996 +girls 12.3026 +confused 11.6506 +himself 6.78273 +. 2.21346 + 0.0 +The 1.79262 +king 11.4317 +near 8.41426 +the 1.08644 +girls 12.2712 +taught 8.31304 +himself 6.26975 +. 1.99994 + 0.0 +The 1.79262 +brother 10.7127 +near 9.09162 +the 1.23347 +girls 12.5004 +proved 8.45693 +himself 8.05071 +. 2.94206 + 0.0 +The 1.79262 +prince 13.2487 +near 7.61861 +the 0.976 +girls 12.5858 +helped 5.08258 +himself 8.02945 +. 4.09096 + 0.0 +The 1.79262 +grandfather 12.0572 +near 9.37772 +the 0.952134 +girls 12.2587 +behaved 9.65634 +himself 10.9155 +. 1.99771 + 0.0 +The 1.79262 +uncle 12.2405 +near 9.33677 +the 0.742882 +girls 11.88 +enjoyed 8.99386 +himself 8.05483 +. 2.19973 + 0.0 +The 1.79262 +son 8.70189 +near 10.6409 +the 1.42556 +girls 12.5065 +cleaned 13.0655 +himself 5.12728 +. 2.00925 + 0.0 +The 1.79262 +actor 11.7284 +near 10.0049 +the 0.791739 +girls 11.0605 +repeated 10.1641 +himself 6.6324 +. 1.29535 + 0.0 diff --git a/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.distractor.gender.txt b/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.distractor.gender.txt new file mode 100644 index 0000000..92022a5 --- /dev/null +++ b/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.distractor.gender.txt @@ -0,0 +1,90 @@ +The 1.79262 +man 7.40829 +near 7.99136 +the 0.958475 +girl 9.98985 +hurt 9.26151 +himself 5.83576 +. 1.74853 + 0.0 +The 1.79262 +husband 11.7626 +near 12.0674 +the 1.59281 +girl 11.4609 +convinced 12.8651 +himself 10.0061 +. 6.16853 + 0.0 +The 1.79262 +father 10.2404 +near 10.5409 +the 1.24996 +girl 10.9914 +confused 11.5027 +himself 6.32208 +. 1.97498 + 0.0 +The 1.79262 +king 11.4317 +near 8.41426 +the 1.08644 +girl 10.8298 +taught 7.53827 +himself 6.0964 +. 1.97886 + 0.0 +The 1.79262 +brother 10.7127 +near 9.09162 +the 1.23347 +girl 11.1313 +proved 8.61006 +himself 7.25448 +. 3.08948 + 0.0 +The 1.79262 +prince 13.2487 +near 7.61861 +the 0.976 +girl 11.4004 +helped 5.35389 +himself 7.41853 +. 3.89976 + 0.0 +The 1.79262 +grandfather 12.0572 +near 9.37772 +the 0.952134 +girl 11.3603 +behaved 11.5845 +himself 10.2458 +. 1.799 + 0.0 +The 1.79262 +uncle 12.2405 +near 9.33677 +the 0.742882 +girl 10.9832 +enjoyed 9.05841 +himself 6.94658 +. 2.02178 + 0.0 +The 1.79262 +son 8.70189 +near 10.6409 +the 1.42556 +girl 10.5572 +cleaned 13.0134 +himself 4.85918 +. 1.59985 + 0.0 +The 1.79262 +actor 11.7284 +near 10.0049 +the 0.791739 +girl 10.107 +repeated 9.85355 +himself 5.69556 +. 1.29357 + 0.0 diff --git a/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.distractor.number.txt b/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.distractor.number.txt new file mode 100644 index 0000000..a927cc6 --- /dev/null +++ b/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.distractor.number.txt @@ -0,0 +1,90 @@ +The 1.79262 +man 7.40829 +near 7.99136 +the 0.958475 +boys 13.0917 +hurt 9.0059 +himself 6.49954 +. 1.68386 + 0.0 +The 1.79262 +husband 11.7626 +near 12.0674 +the 1.59281 +boys 14.0747 +convinced 12.9124 +himself 10.2237 +. 5.47961 + 0.0 +The 1.79262 +father 10.2404 +near 10.5409 +the 1.24996 +boys 13.7704 +confused 12.8589 +himself 7.08222 +. 1.98343 + 0.0 +The 1.79262 +king 11.4317 +near 8.41426 +the 1.08644 +boys 14.1899 +taught 9.14683 +himself 6.31917 +. 1.85213 + 0.0 +The 1.79262 +brother 10.7127 +near 9.09162 +the 1.23347 +boys 14.3719 +proved 9.02878 +himself 7.90875 +. 2.87471 + 0.0 +The 1.79262 +prince 13.2487 +near 7.61861 +the 0.976 +boys 13.8247 +helped 6.50773 +himself 8.18097 +. 3.94909 + 0.0 +The 1.79262 +grandfather 12.0572 +near 9.37772 +the 0.952134 +boys 13.2191 +behaved 11.175 +himself 10.8533 +. 1.79428 + 0.0 +The 1.79262 +uncle 12.2405 +near 9.33677 +the 0.742882 +boys 13.0923 +enjoyed 9.9141 +himself 8.24432 +. 2.07937 + 0.0 +The 1.79262 +son 8.70189 +near 10.6409 +the 1.42556 +boys 13.4967 +cleaned 13.7135 +himself 5.27344 +. 1.75117 + 0.0 +The 1.79262 +actor 11.7284 +near 10.0049 +the 0.791739 +boys 12.5106 +repeated 11.5535 +himself 6.45575 +. 1.29613 + 0.0 diff --git a/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.head.both.txt b/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.head.both.txt new file mode 100644 index 0000000..e7f30ec --- /dev/null +++ b/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.head.both.txt @@ -0,0 +1,90 @@ +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +man 8.87697 +hurt 10.7718 +himself 6.94887 +. 1.98576 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +husband 12.5697 +convinced 13.1318 +himself 11.2862 +. 6.54951 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +father 10.8316 +confused 13.3348 +himself 7.3953 +. 2.36302 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +king 10.5411 +taught 8.40559 +himself 6.53817 +. 2.04928 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +brother 12.3245 +proved 9.69733 +himself 7.87993 +. 3.13715 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +prince 13.2451 +helped 6.44042 +himself 7.89883 +. 4.10949 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +grandfather 11.9691 +behaved 10.4921 +himself 10.7864 +. 1.89335 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +uncle 13.0748 +enjoyed 9.10945 +himself 8.11012 +. 2.25215 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +son 10.7245 +cleaned 12.3666 +himself 5.49216 +. 1.62007 + 0.0 +The 1.79262 +girls 11.7687 +near 11.3809 +the 0.76451 +actor 10.8022 +repeated 10.2293 +himself 6.51443 +. 1.303 + 0.0 diff --git a/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.head.gender.txt b/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.head.gender.txt new file mode 100644 index 0000000..ee1970c --- /dev/null +++ b/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.head.gender.txt @@ -0,0 +1,90 @@ +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +man 8.74243 +hurt 9.79227 +himself 5.93449 +. 1.69414 + 0.0 +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +husband 12.1181 +convinced 13.1461 +himself 10.2699 +. 5.36418 + 0.0 +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +father 10.4934 +confused 13.3197 +himself 7.0023 +. 2.00423 + 0.0 +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +king 9.84054 +taught 7.881 +himself 6.3829 +. 1.80787 + 0.0 +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +brother 12.1193 +proved 8.88856 +himself 7.3588 +. 3.00874 + 0.0 +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +prince 13.5858 +helped 5.76067 +himself 7.37411 +. 3.62719 + 0.0 +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +grandfather 12.0259 +behaved 12.6717 +himself 9.92142 +. 1.7058 + 0.0 +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +uncle 13.3572 +enjoyed 9.02462 +himself 6.85179 +. 1.87962 + 0.0 +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +son 10.4013 +cleaned 12.2993 +himself 5.38628 +. 1.24988 + 0.0 +The 1.79262 +girl 11.3106 +near 9.08692 +the 0.822819 +actor 10.5064 +repeated 10.0004 +himself 5.76817 +. 1.21857 + 0.0 diff --git a/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.head.number.txt b/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.head.number.txt new file mode 100644 index 0000000..651abcc --- /dev/null +++ b/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.head.number.txt @@ -0,0 +1,90 @@ +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +man 9.49645 +hurt 10.3642 +himself 7.07198 +. 1.70512 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +husband 13.0442 +convinced 13.1414 +himself 11.2034 +. 5.68135 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +father 11.2624 +confused 13.3256 +himself 7.71298 +. 1.9976 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +king 10.4558 +taught 8.08744 +himself 6.97933 +. 1.78547 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +brother 12.888 +proved 9.38735 +himself 7.97658 +. 2.99485 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +prince 13.3054 +helped 6.21017 +himself 8.23315 +. 3.94506 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +grandfather 12.5163 +behaved 11.3633 +himself 10.922 +. 1.59016 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +uncle 13.608 +enjoyed 9.14088 +himself 8.17766 +. 1.98548 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +son 11.0283 +cleaned 12.2281 +himself 5.75821 +. 1.22326 + 0.0 +The 1.79262 +boys 9.86152 +near 10.7941 +the 0.694738 +actor 10.9466 +repeated 10.8343 +himself 6.51186 +. 1.128 + 0.0 diff --git a/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.none.none.txt b/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.none.none.txt new file mode 100644 index 0000000..810befd --- /dev/null +++ b/data/surprisal/rnng/old/simple_pp_v3_no_eos/stimuli.simple.none.none.txt @@ -0,0 +1,60 @@ +The 1.79262 +man 7.40829 +hurt 10.7928 +himself 6.70394 +. 2.25954 + 0.0 +The 1.79262 +husband 11.7626 +convinced 14.6841 +himself 12.3675 +. 7.27221 + 0.0 +The 1.79262 +father 10.2404 +confused 14.0882 +himself 7.07107 +. 2.71271 + 0.0 +The 1.79262 +king 11.4317 +taught 8.60958 +himself 6.30549 +. 2.76182 + 0.0 +The 1.79262 +brother 10.7127 +proved 10.0914 +himself 7.31742 +. 3.39301 + 0.0 +The 1.79262 +prince 13.2487 +helped 7.00219 +himself 8.57026 +. 3.65907 + 0.0 +The 1.79262 +grandfather 12.0572 +behaved 11.9618 +himself 10.3744 +. 2.05447 + 0.0 +The 1.79262 +uncle 12.2405 +enjoyed 9.13537 +himself 7.80581 +. 2.50798 + 0.0 +The 1.79262 +son 8.70189 +cleaned 13.7295 +himself 5.24319 +. 2.00263 + 0.0 +The 1.79262 +actor 11.7284 +repeated 9.76574 +himself 6.74594 +. 1.19299 + 0.0 diff --git a/data/surprisal/rnng/old/simple_vocab/surprisals.simple.both.ccommand.txt b/data/surprisal/rnng/old/simple_vocab/surprisals.simple.both.ccommand.txt new file mode 100644 index 0000000..9aebb26 --- /dev/null +++ b/data/surprisal/rnng/old/simple_vocab/surprisals.simple.both.ccommand.txt @@ -0,0 +1,54 @@ +The 1.79262 +men 9.53988 +hurt 10.6819 +herself 10.4963 +. 1.96787 + 0.0 +The 1.79262 +husbands 13.2204 +convinced 16.5473 +herself 12.8984 +. 3.1494 + 0.0 +The 1.79262 +mothers 11.9995 +confused 12.5719 +himself 8.33295 +. 2.4082 + 0.0 +The 1.79262 +men 9.53988 +taught 10.4079 +herself 7.30057 +. 1.68723 + 0.0 +The 1.79262 +girls 11.7687 +proved 10.5434 +himself 10.2228 +. 3.1498 + 0.0 +The 1.79262 +boys 9.86152 +helped 9.1817 +herself 10.5686 +. 2.04978 + 0.0 +The 1.79262 +women 9.00444 +pleased 11.1702 +himself 5.9185 +. 2.60687 + 0.0 +The 1.79262 +girls 11.7687 +enjoyed 10.1901 +himself 9.03467 +. 3.00337 + 0.0 +The 1.79262 +fathers 11.4987 +repeated 10.5039 +herself 9.26162 +. 1.50222 + 0.0 diff --git a/data/surprisal/rnng/old/simple_vocab/surprisals.simple.both.noccommand.txt b/data/surprisal/rnng/old/simple_vocab/surprisals.simple.both.noccommand.txt new file mode 100644 index 0000000..44d5ff9 --- /dev/null +++ b/data/surprisal/rnng/old/simple_vocab/surprisals.simple.both.noccommand.txt @@ -0,0 +1,72 @@ +The 1.79262 +girl 11.3106 +'s 2.30309 +men 9.77081 +hurt 10.1976 +herself 8.72247 +. 1.62337 + 0.0 +The 1.79262 +girl 11.3106 +'s 2.30309 +husbands 11.335 +convinced 15.3363 +herself 11.1784 +. 2.49861 + 0.0 +The 1.79262 +boy 11.7973 +'s 1.79712 +mothers 11.4774 +confused 12.1332 +himself 6.37124 +. 2.62113 + 0.0 +The 1.79262 +girl 11.3106 +'s 2.30309 +men 9.77081 +taught 9.60016 +herself 6.83972 +. 1.40783 + 0.0 +The 1.79262 +boy 11.7973 +'s 1.79712 +girls 10.76 +proved 9.64919 +himself 8.72022 +. 3.50863 + 0.0 +The 1.79262 +girl 11.3106 +'s 2.30309 +boys 11.0071 +helped 8.22913 +herself 9.69008 +. 1.80614 + 0.0 +The 1.79262 +boy 11.7973 +'s 1.79712 +women 11.0498 +pleased 10.4565 +himself 5.18684 +. 2.62766 + 0.0 +The 1.79262 +boy 11.7973 +'s 1.79712 +girls 10.76 +enjoyed 9.11232 +himself 6.7901 +. 2.80675 + 0.0 +The 1.79262 +girl 11.3106 +'s 2.30309 +fathers 11.0459 +repeated 9.68618 +herself 7.92169 +. 1.25893 + 0.0 diff --git a/data/surprisal/rnng/old/simple_vocab/surprisals.simple.none.ccommand.txt b/data/surprisal/rnng/old/simple_vocab/surprisals.simple.none.ccommand.txt new file mode 100644 index 0000000..5a7f9c4 --- /dev/null +++ b/data/surprisal/rnng/old/simple_vocab/surprisals.simple.none.ccommand.txt @@ -0,0 +1,54 @@ +The 1.79262 +aunt 12.6668 +hurt 9.5928 +herself 11.2301 +. 1.78023 + 0.0 +The 1.79262 +wife 11.0683 +convinced 15.868 +herself 12.275 +. 3.57871 + 0.0 +The 1.79262 +father 10.2404 +confused 14.0882 +himself 7.07107 +. 2.71271 + 0.0 +The 1.79262 +woman 8.38209 +taught 8.83497 +herself 6.83216 +. 1.31474 + 0.0 +The 1.79262 +brother 10.7127 +proved 10.0914 +himself 7.31742 +. 3.39301 + 0.0 +The 1.79262 +girl 11.3106 +helped 7.2314 +herself 9.76488 +. 2.02409 + 0.0 +The 1.79262 +man 7.40829 +pleased 11.3746 +himself 5.80344 +. 2.53736 + 0.0 +The 1.79262 +boy 11.7973 +enjoyed 8.60774 +himself 7.17696 +. 2.98858 + 0.0 +The 1.79262 +mother 11.2391 +repeated 9.88552 +herself 8.05208 +. 1.34116 + 0.0 diff --git a/data/surprisal/rnng/old/simple_vocab/surprisals.simple.none.noccommand.txt b/data/surprisal/rnng/old/simple_vocab/surprisals.simple.none.noccommand.txt new file mode 100644 index 0000000..75e744d --- /dev/null +++ b/data/surprisal/rnng/old/simple_vocab/surprisals.simple.none.noccommand.txt @@ -0,0 +1,72 @@ +The 1.79262 +girl 11.3106 +'s 2.30309 +aunt 10.9861 +hurt 9.58398 +herself 9.11603 +. 1.43912 + 0.0 +The 1.79262 +girl 11.3106 +'s 2.30309 +wife 6.84641 +convinced 12.9021 +herself 10.9572 +. 2.44819 + 0.0 +The 1.79262 +boy 11.7973 +'s 1.79712 +father 8.392 +confused 12.1463 +himself 6.38002 +. 2.64915 + 0.0 +The 1.79262 +girl 11.3106 +'s 2.30309 +woman 9.70218 +taught 8.88175 +herself 6.72284 +. 1.13997 + 0.0 +The 1.79262 +boy 11.7973 +'s 1.79712 +brother 8.20722 +proved 8.85135 +himself 7.08157 +. 3.68305 + 0.0 +The 1.79262 +girl 11.3106 +'s 2.30309 +girl 8.49429 +helped 7.14736 +herself 9.14734 +. 1.76867 + 0.0 +The 1.79262 +boy 11.7973 +'s 1.79712 +man 9.39469 +pleased 9.93153 +himself 5.10288 +. 2.63669 + 0.0 +The 1.79262 +boy 11.7973 +'s 1.79712 +boy 11.1916 +enjoyed 8.2274 +himself 6.44775 +. 3.02812 + 0.0 +The 1.79262 +girl 11.3106 +'s 2.30309 +mother 7.22062 +repeated 9.33061 +herself 7.35157 +. 1.15289 + 0.0 diff --git a/data/rnng/v1/cc_agree_surprisal_RNNG.txt b/data/surprisal/rnng/v1/cc_agree_surprisal_RNNG.txt similarity index 100% rename from data/rnng/v1/cc_agree_surprisal_RNNG.txt rename to data/surprisal/rnng/v1/cc_agree_surprisal_RNNG.txt diff --git a/data/rnng/v1/cc_agreepl_surprisal_RNNG.txt b/data/surprisal/rnng/v1/cc_agreepl_surprisal_RNNG.txt similarity index 100% rename from data/rnng/v1/cc_agreepl_surprisal_RNNG.txt rename to data/surprisal/rnng/v1/cc_agreepl_surprisal_RNNG.txt diff --git a/data/rnng/v1/cc_pl_surprisal_RNNG.txt b/data/surprisal/rnng/v1/cc_pl_surprisal_RNNG.txt similarity index 100% rename from data/rnng/v1/cc_pl_surprisal_RNNG.txt rename to data/surprisal/rnng/v1/cc_pl_surprisal_RNNG.txt diff --git a/data/rnng/v1/cc_rcagree_surprisal_RNNG.txt b/data/surprisal/rnng/v1/cc_rcagree_surprisal_RNNG.txt similarity index 100% rename from data/rnng/v1/cc_rcagree_surprisal_RNNG.txt rename to data/surprisal/rnng/v1/cc_rcagree_surprisal_RNNG.txt diff --git a/data/rnng/v1/cc_surprisal_RNNG.txt b/data/surprisal/rnng/v1/cc_surprisal_RNNG.txt similarity index 100% rename from data/rnng/v1/cc_surprisal_RNNG.txt rename to data/surprisal/rnng/v1/cc_surprisal_RNNG.txt diff --git a/data/rnng/v1/loc_surprisal_RNNG.txt b/data/surprisal/rnng/v1/loc_surprisal_RNNG.txt similarity index 100% rename from data/rnng/v1/loc_surprisal_RNNG.txt rename to data/surprisal/rnng/v1/loc_surprisal_RNNG.txt diff --git a/data/tiny/exp2-rc/herself_tiny.txt b/data/surprisal/tiny/exp2-rc/herself_tiny.txt similarity index 100% rename from data/tiny/exp2-rc/herself_tiny.txt rename to data/surprisal/tiny/exp2-rc/herself_tiny.txt diff --git a/data/tiny/exp2-rc/himself_tiny.txt b/data/surprisal/tiny/exp2-rc/himself_tiny.txt similarity index 100% rename from data/tiny/exp2-rc/himself_tiny.txt rename to data/surprisal/tiny/exp2-rc/himself_tiny.txt diff --git a/data/tiny/exp2-rc/themselves_tiny.txt b/data/surprisal/tiny/exp2-rc/themselves_tiny.txt similarity index 100% rename from data/tiny/exp2-rc/themselves_tiny.txt rename to data/surprisal/tiny/exp2-rc/themselves_tiny.txt diff --git a/data/tiny/exp3-comp/herself_tiny.txt b/data/surprisal/tiny/exp3-comp/herself_tiny.txt similarity index 100% rename from data/tiny/exp3-comp/herself_tiny.txt rename to data/surprisal/tiny/exp3-comp/herself_tiny.txt diff --git a/data/tiny/exp3-comp/himself_tiny.txt b/data/surprisal/tiny/exp3-comp/himself_tiny.txt similarity index 100% rename from data/tiny/exp3-comp/himself_tiny.txt rename to data/surprisal/tiny/exp3-comp/himself_tiny.txt diff --git a/data/tiny/exp3-comp/themselves_tiny.txt b/data/surprisal/tiny/exp3-comp/themselves_tiny.txt similarity index 100% rename from data/tiny/exp3-comp/themselves_tiny.txt rename to data/surprisal/tiny/exp3-comp/themselves_tiny.txt diff --git a/data/tiny/exp4-pp/herself_tiny.txt b/data/surprisal/tiny/exp4-pp/herself_tiny.txt similarity index 100% rename from data/tiny/exp4-pp/herself_tiny.txt rename to data/surprisal/tiny/exp4-pp/herself_tiny.txt diff --git a/data/tiny/exp4-pp/himself_tiny.txt b/data/surprisal/tiny/exp4-pp/himself_tiny.txt similarity index 100% rename from data/tiny/exp4-pp/himself_tiny.txt rename to data/surprisal/tiny/exp4-pp/himself_tiny.txt diff --git a/data/tiny/exp4-pp/themselves_tiny.txt b/data/surprisal/tiny/exp4-pp/themselves_tiny.txt similarity index 100% rename from data/tiny/exp4-pp/themselves_tiny.txt rename to data/surprisal/tiny/exp4-pp/themselves_tiny.txt diff --git a/data/trans/exp1a-ml-rc/herself_trans.txt b/data/surprisal/trans/exp1a-ml-rc/herself_trans.txt similarity index 100% rename from data/trans/exp1a-ml-rc/herself_trans.txt rename to data/surprisal/trans/exp1a-ml-rc/herself_trans.txt diff --git a/data/trans/exp1a-ml-rc/himself_trans.txt b/data/surprisal/trans/exp1a-ml-rc/himself_trans.txt similarity index 100% rename from data/trans/exp1a-ml-rc/himself_trans.txt rename to data/surprisal/trans/exp1a-ml-rc/himself_trans.txt diff --git a/data/trans/exp1a-ml-rc/themselves_trans.txt b/data/surprisal/trans/exp1a-ml-rc/themselves_trans.txt similarity index 100% rename from data/trans/exp1a-ml-rc/themselves_trans.txt rename to data/surprisal/trans/exp1a-ml-rc/themselves_trans.txt diff --git a/data/trans/exp1b-ml-comp/herself_trans.txt b/data/surprisal/trans/exp1b-ml-comp/herself_trans.txt similarity index 100% rename from data/trans/exp1b-ml-comp/herself_trans.txt rename to data/surprisal/trans/exp1b-ml-comp/herself_trans.txt diff --git a/data/trans/exp1b-ml-comp/himself_trans.txt b/data/surprisal/trans/exp1b-ml-comp/himself_trans.txt similarity index 100% rename from data/trans/exp1b-ml-comp/himself_trans.txt rename to data/surprisal/trans/exp1b-ml-comp/himself_trans.txt diff --git a/data/trans/exp1b-ml-comp/themselves_trans.txt b/data/surprisal/trans/exp1b-ml-comp/themselves_trans.txt similarity index 100% rename from data/trans/exp1b-ml-comp/themselves_trans.txt rename to data/surprisal/trans/exp1b-ml-comp/themselves_trans.txt diff --git a/data/trans/exp2-rc/herself_trans.txt b/data/surprisal/trans/exp2-rc/herself_trans.txt similarity index 100% rename from data/trans/exp2-rc/herself_trans.txt rename to data/surprisal/trans/exp2-rc/herself_trans.txt diff --git a/data/trans/exp2-rc/himself_trans.txt b/data/surprisal/trans/exp2-rc/himself_trans.txt similarity index 100% rename from data/trans/exp2-rc/himself_trans.txt rename to data/surprisal/trans/exp2-rc/himself_trans.txt diff --git a/data/trans/exp2-rc/themselves_trans.txt b/data/surprisal/trans/exp2-rc/themselves_trans.txt similarity index 100% rename from data/trans/exp2-rc/themselves_trans.txt rename to data/surprisal/trans/exp2-rc/themselves_trans.txt diff --git a/data/trans/exp3-comp/herself_trans.txt b/data/surprisal/trans/exp3-comp/herself_trans.txt similarity index 100% rename from data/trans/exp3-comp/herself_trans.txt rename to data/surprisal/trans/exp3-comp/herself_trans.txt diff --git a/data/trans/exp3-comp/himself_trans.txt b/data/surprisal/trans/exp3-comp/himself_trans.txt similarity index 100% rename from data/trans/exp3-comp/himself_trans.txt rename to data/surprisal/trans/exp3-comp/himself_trans.txt diff --git a/data/trans/exp3-comp/themselves_trans.txt b/data/surprisal/trans/exp3-comp/themselves_trans.txt similarity index 100% rename from data/trans/exp3-comp/themselves_trans.txt rename to data/surprisal/trans/exp3-comp/themselves_trans.txt diff --git a/data/trans/exp4-pp/herself_trans.txt b/data/surprisal/trans/exp4-pp/herself_trans.txt similarity index 100% rename from data/trans/exp4-pp/herself_trans.txt rename to data/surprisal/trans/exp4-pp/herself_trans.txt diff --git a/data/trans/exp4-pp/himself_trans.txt b/data/surprisal/trans/exp4-pp/himself_trans.txt similarity index 100% rename from data/trans/exp4-pp/himself_trans.txt rename to data/surprisal/trans/exp4-pp/himself_trans.txt diff --git a/data/trans/exp4-pp/themselves_trans.txt b/data/surprisal/trans/exp4-pp/themselves_trans.txt similarity index 100% rename from data/trans/exp4-pp/themselves_trans.txt rename to data/surprisal/trans/exp4-pp/themselves_trans.txt